,title,abstract 0,When does Bias Transfer in Transfer Learning?,"Using transfer learning to adapt a pre-trained ""source model"" to a downstream ""target task"" can dramatically increase performance with seemingly no downside. In this work, we demonstrate that there can exist a downside after all: bias transfer, or the tendency for biases of the source model to persist even after adapting the model to the target class. Through a combination of synthetic and natural experiments, we show that bias transfer both (a) arises in realistic settings (such as when pre-training on ImageNet or other standard datasets) and (b) can occur even when the target dataset is explicitly de-biased. As transfer-learned models are increasingly deployed in the real world, our work highlights the importance of understanding the limitations of pre-trained source models. Code is available at https://github.com/MadryLab/bias-transfer" 1,Online Bilevel Optimization: Regret Analysis of Online Alternating Gradient Methods,"Online optimization is a well-established optimization paradigm that aims to make a sequence of correct decisions given knowledge of the correct answer to previous decision tasks. Bilevel programming involves a hierarchical optimization problem where the feasible region of the so-called outer problem is restricted by the graph of the solution set mapping of the inner problem. This paper brings these two ideas together and studies an online bilevel optimization setting in which a sequence of time-varying bilevel problems are revealed one after the other. We extend the known regret bounds for single-level online algorithms to the bilevel setting. Specifically, we introduce new notions of bilevel regret, develop an online alternating time-averaged gradient method that is capable of leveraging smoothness, and provide regret bounds in terms of the path-length of the inner and outer minimizer sequences." 2,Strong Heuristics for Named Entity Linking,"Named entity linking (NEL) in news is a challenging endeavour due to the frequency of unseen and emerging entities, which necessitates the use of unsupervised or zero-shot methods. However, such methods tend to come with caveats, such as no integration of suitable knowledge bases (like Wikidata) for emerging entities, a lack of scalability, and poor interpretability. Here, we consider person disambiguation in Quotebank, a massive corpus of speaker-attributed quotations from the news, and investigate the suitability of intuitive, lightweight, and scalable heuristics for NEL in web-scale corpora. Our best performing heuristic disambiguates 94% and 63% of the mentions on Quotebank and the AIDA-CoNLL benchmark, respectively. Additionally, the proposed heuristics compare favourably to the state-of-the-art unsupervised and zero-shot methods, Eigenthemes and mGENRE, respectively, thereby serving as strong baselines for unsupervised and zero-shot entity linking." 3,Improved conformalized quantile regression,"Conformalized quantile regression is a procedure that inherits the advantages of conformal prediction and quantile regression. That is, we use quantile regression to estimate the true conditional quantile and then apply a conformal step on a calibration set to ensure marginal coverage. In this way, we get adaptive prediction intervals that account for heteroscedasticity. However, the aforementioned conformal step lacks adaptiveness as described in (Romano et al., 2019). To overcome this limitation, instead of applying a single conformal step after estimating conditional quantiles with quantile regression, we propose to cluster the explanatory variables weighted by their permutation importance with an optimized k-means and apply k conformal steps. To show that this improved version outperforms the classic version of conformalized quantile regression and is more adaptive to heteroscedasticity, we extensively compare the prediction intervals of both in open datasets." 4,A multi-task network approach for calculating discrimination-free insurance prices,"In applications of predictive modeling, such as insurance pricing, indirect or proxy discrimination is an issue of major concern. Namely, there exists the possibility that protected policyholder characteristics are implicitly inferred from non-protected ones by predictive models, and are thus having an undesirable (or illegal) impact on prices. A technical solution to this problem relies on building a best-estimate model using all policyholder characteristics (including protected ones) and then averaging out the protected characteristics for calculating individual prices. However, such approaches require full knowledge of policyholders' protected characteristics, which may in itself be problematic. Here, we address this issue by using a multi-task neural network architecture for claim predictions, which can be trained using only partial information on protected characteristics, and it produces prices that are free from proxy discrimination. We demonstrate the use of the proposed model and we find that its predictive accuracy is comparable to a conventional feedforward neural network (on full information). However, this multi-task network has clearly superior performance in the case of partially missing policyholder information." 5,The Intrinsic Manifolds of Radiological Images and their Role in Deep Learning,"The manifold hypothesis is a core mechanism behind the success of deep learning, so understanding the intrinsic manifold structure of image data is central to studying how neural networks learn from the data. Intrinsic dataset manifolds and their relationship to learning difficulty have recently begun to be studied for the common domain of natural images, but little such research has been attempted for radiological images. We address this here. First, we compare the intrinsic manifold dimensionality of radiological and natural images. We also investigate the relationship between intrinsic dimensionality and generalization ability over a wide range of datasets. Our analysis shows that natural image datasets generally have a higher number of intrinsic dimensions than radiological images. However, the relationship between generalization ability and intrinsic dimensionality is much stronger for medical images, which could be explained as radiological images having intrinsic features that are more difficult to learn. These results give a more principled underpinning for the intuition that radiological images can be more challenging to apply deep learning to than natural image datasets common to machine learning research. We believe rather than directly applying models developed for natural images to the radiological imaging domain, more care should be taken to developing architectures and algorithms that are more tailored to the specific characteristics of this domain. The research shown in our paper, demonstrating these characteristics and the differences from natural images, is an important first step in this direction." 6,Private Matrix Approximation and Geometry of Unitary Orbits,"Consider the following optimization problem: Given $n \times n$ matrices $A$ and $\Lambda$, maximize $\langle A, U\Lambda U^*\rangle$ where $U$ varies over the unitary group $\mathrm{U}(n)$. This problem seeks to approximate $A$ by a matrix whose spectrum is the same as $\Lambda$ and, by setting $\Lambda$ to be appropriate diagonal matrices, one can recover matrix approximation problems such as PCA and rank-$k$ approximation. We study the problem of designing differentially private algorithms for this optimization problem in settings where the matrix $A$ is constructed using users' private data. We give efficient and private algorithms that come with upper and lower bounds on the approximation error. Our results unify and improve upon several prior works on private matrix approximation problems. They rely on extensions of packing/covering number bounds for Grassmannians to unitary orbits which should be of independent interest." 7,Astroconformer: Inferring Surface Gravity of Stars from Stellar Light Curves with Transformer,"We introduce Astroconformer, a Transformer-based model to analyze stellar light curves from the Kepler mission. We demonstrate that Astrconformer can robustly infer the stellar surface gravity as a supervised task. Importantly, as Transformer captures long-range information in the time series, it outperforms the state-of-the-art data-driven method in the field, and the critical role of self-attention is proved through ablation experiments. Furthermore, the attention map from Astroconformer exemplifies the long-range correlation information learned by the model, leading to a more interpretable deep learning approach for asteroseismology. Besides data from Kepler, we also show that the method can generalize to sparse cadence light curves from the Rubin Observatory, paving the way for the new era of asteroseismology, harnessing information from long-cadence ground-based observations." 8,DIWIFT: Discovering Instance-wise Influential Features for Tabular Data,"Tabular data is one of the most common data storage formats in business applications, ranging from retail, bank and E-commerce. These applications rely heavily on machine learning models to achieve business success. One of the critical problems in learning tabular data is to distinguish influential features from all the predetermined features. Global feature selection has been well-studied for quite some time, assuming that all instances have the same influential feature subsets. However, different instances rely on different feature subsets in practice, which also gives rise to that instance-wise feature selection receiving increasing attention in recent studies. In this paper, we first propose a novel method for discovering instance-wise influential features for tabular data (DIWIFT), the core of which is to introduce the influence function to measure the importance of an instance-wise feature. DIWIFT is capable of automatically discovering influential feature subsets of different sizes in different instances, which is different from global feature selection that considers all instances with the same influential feature subset. On the other hand, different from the previous instance-wise feature selection, DIWIFT minimizes the validation loss on the validation set and is thus more robust to the distribution shift existing in the training dataset and test dataset, which is important in tabular data. Finally, we conduct extensive experiments on both synthetic and real-world datasets to validate the effectiveness of our DIWIFT, compared it with baseline methods. Moreover, we also demonstrate the robustness of our method via some ablation experiments." 9,Enhancing Adversarial Attacks on Single-Layer NVM Crossbar-Based Neural Networks with Power Consumption Information,"Adversarial attacks on state-of-the-art machine learning models pose a significant threat to the safety and security of mission-critical autonomous systems. This paper considers the additional vulnerability of machine learning models when attackers can measure the power consumption of their underlying hardware platform. In particular, we explore the utility of power consumption information for adversarial attacks on non-volatile memory crossbar-based single-layer neural networks. Our results from experiments with MNIST and CIFAR-10 datasets show that power consumption can reveal important information about the neural network's weight matrix, such as the 1-norm of its columns. That information can be used to infer the sensitivity of the network's loss with respect to different inputs. We also find that surrogate-based black box attacks that utilize crossbar power information can lead to improved attack efficiency." 10,BFE and AdaBFE: A New Approach in Learning Rate Automation for Stochastic Optimization,"In this paper, a new gradient-based optimization approach by automatically adjusting the learning rate is proposed. This approach can be applied to design non-adaptive learning rate and adaptive learning rate. Firstly, I will introduce the non-adaptive learning rate optimization method: Binary Forward Exploration (BFE), and then the corresponding adaptive per-parameter learning rate method: Adaptive BFE (AdaBFE) is possible to be developed. This approach could be an alternative method to optimize the learning rate based on the stochastic gradient descent (SGD) algorithm besides the current non-adaptive learning rate methods e.g. SGD, momentum, Nesterov and the adaptive learning rate methods e.g. AdaGrad, AdaDelta, Adam... The purpose to develop this approach is not to beat the benchmark of other methods but just to provide a different perspective to optimize the gradient descent method, although some comparative study with previous methods will be made in the following sections. This approach is expected to be heuristic or inspire researchers to improve gradient-based optimization combined with previous methods." 11,Graph Trees with Attention,"When dealing with tabular data, models based on regression and decision trees are a popular choice due to the high accuracy they provide on such tasks and their ease of application as compared to other model classes. Yet, when it comes to graph-structure data, current tree learning algorithms do not provide tools to manage the structure of the data other than relying on feature engineering. In this work we address the above gap, and introduce Graph Trees with Attention (GTA), a new family of tree-based learning algorithms that are designed to operate on graphs. GTA leverages both the graph structure and the features at the vertices and employs an attention mechanism that allows decisions to concentrate on sub-structures of the graph. We analyze GTA models and show that they are strictly more expressive than plain decision trees. We also demonstrate the benefits of GTA empirically on multiple graph and node prediction benchmarks. In these experiments, GTA always outperformed other tree-based models and often outperformed other types of graph-learning algorithms such as Graph Neural Networks (GNNs) and Graph Kernels. Finally, we also provide an explainability mechanism for GTA, and demonstrate it can provide intuitive explanations." 12,Robust Counterfactual Explanations for Tree-Based Ensembles,"Counterfactual explanations inform ways to achieve a desired outcome from a machine learning model. However, such explanations are not robust to certain real-world changes in the underlying model (e.g., retraining the model, changing hyperparameters, etc.), questioning their reliability in several applications, e.g., credit lending. In this work, we propose a novel strategy -- that we call RobX -- to generate robust counterfactuals for tree-based ensembles, e.g., XGBoost. Tree-based ensembles pose additional challenges in robust counterfactual generation, e.g., they have a non-smooth and non-differentiable objective function, and they can change a lot in the parameter space under retraining on very similar data. We first introduce a novel metric -- that we call Counterfactual Stability -- that attempts to quantify how robust a counterfactual is going to be to model changes under retraining, and comes with desirable theoretical properties. Our proposed strategy RobX works with any counterfactual generation method (base method) and searches for robust counterfactuals by iteratively refining the counterfactual generated by the base method using our metric Counterfactual Stability. We compare the performance of RobX with popular counterfactual generation methods (for tree-based ensembles) across benchmark datasets. The results demonstrate that our strategy generates counterfactuals that are significantly more robust (nearly 100% validity after actual model changes) and also realistic (in terms of local outlier factor) over existing state-of-the-art methods." 13,A Hybrid Approach for Binary Classification of Imbalanced Data,"Binary classification with an imbalanced dataset is challenging. Models tend to consider all samples as belonging to the majority class. Although existing solutions such as sampling methods, cost-sensitive methods, and ensemble learning methods improve the poor accuracy of the minority class, these methods are limited by overfitting problems or cost parameters that are difficult to decide. We propose HADR, a hybrid approach with dimension reduction that consists of data block construction, dimentionality reduction, and ensemble learning with deep neural network classifiers. We evaluate the performance on eight imbalanced public datasets in terms of recall, G-mean, and AUC. The results show that our model outperforms state-of-the-art methods." 14,Towards the Use of Saliency Maps for Explaining Low-Quality Electrocardiograms to End Users,"When using medical images for diagnosis, either by clinicians or artificial intelligence (AI) systems, it is important that the images are of high quality. When an image is of low quality, the medical exam that produced the image often needs to be redone. In telemedicine, a common problem is that the quality issue is only flagged once the patient has left the clinic, meaning they must return in order to have the exam redone. This can be especially difficult for people living in remote regions, who make up a substantial portion of the patients at Portal Telemedicina, a digital healthcare organization based in Brazil. In this paper, we report on ongoing work regarding (i) the development of an AI system for flagging and explaining low-quality medical images in real-time, (ii) an interview study to understand the explanation needs of stakeholders using the AI system at OurCompany, and, (iii) a longitudinal user study design to examine the effect of including explanations on the workflow of the technicians in our clinics. To the best of our knowledge, this would be the first longitudinal study on evaluating the effects of XAI methods on end-users -- stakeholders that use AI systems but do not have AI-specific expertise. We welcome feedback and suggestions on our experimental setup." 15,Pre-training Transformers for Molecular Property Prediction Using Reaction Prediction,"Molecular property prediction is essential in chemistry, especially for drug discovery applications. However, available molecular property data is often limited, encouraging the transfer of information from related data. Transfer learning has had a tremendous impact in fields like Computer Vision and Natural Language Processing signaling for its potential in molecular property prediction. We present a pre-training procedure for molecular representation learning using reaction data and use it to pre-train a SMILES Transformer. We fine-tune and evaluate the pre-trained model on 12 molecular property prediction tasks from MoleculeNet within physical chemistry, biophysics, and physiology and show a statistically significant positive effect on 5 of the 12 tasks compared to a non-pre-trained baseline model." 16,Variational Flow Graphical Model,"This paper introduces a novel approach to embed flow-based models with hierarchical structures. The proposed framework is named Variational Flow Graphical (VFG) Model. VFGs learn the representation of high dimensional data via a message-passing scheme by integrating flow-based functions through variational inference. By leveraging the expressive power of neural networks, VFGs produce a representation of the data using a lower dimension, thus overcoming the drawbacks of many flow-based models, usually requiring a high dimensional latent space involving many trivial variables. Aggregation nodes are introduced in the VFG models to integrate forward-backward hierarchical information via a message passing scheme. Maximizing the evidence lower bound (ELBO) of data likelihood aligns the forward and backward messages in each aggregation node achieving a consistency node state. Algorithms have been developed to learn model parameters through gradient updating regarding the ELBO objective. The consistency of aggregation nodes enable VFGs to be applicable in tractable inference on graphical structures. Besides representation learning and numerical inference, VFGs provide a new approach for distribution modeling on datasets with graphical latent structures. Additionally, theoretical study shows that VFGs are universal approximators by leveraging the implicitly invertible flow-based structures. With flexible graphical structures and superior excessive power, VFGs could potentially be used to improve probabilistic inference. In the experiments, VFGs achieves improved evidence lower bound (ELBO) and likelihood values on multiple datasets." 17,Histopathology DatasetGAN: Synthesizing Large-Resolution Histopathology Datasets,"Self-supervised learning (SSL) methods are enabling an increasing number of deep learning models to be trained on image datasets in domains where labels are difficult to obtain. These methods, however, struggle to scale to the high resolution of medical imaging datasets, where they are critical for achieving good generalization on label-scarce medical image datasets. In this work, we propose the Histopathology DatasetGAN (HDGAN) framework, an extension of the DatasetGAN semi-supervised framework for image generation and segmentation that scales well to large-resolution histopathology images. We make several adaptations from the original framework, including updating the generative backbone, selectively extracting latent features from the generator, and switching to memory-mapped arrays. These changes reduce the memory consumption of the framework, improving its applicability to medical imaging domains. We evaluate HDGAN on a thrombotic microangiopathy high-resolution tile dataset, demonstrating strong performance on the high-resolution image-annotation generation task. We hope that this work enables more application of deep learning models to medical datasets, in addition to encouraging more exploration of self-supervised frameworks within the medical imaging domain." 18,Scaling Private Deep Learning with Low-Rank and Sparse Gradients,"Applying Differentially Private Stochastic Gradient Descent (DPSGD) to training modern, large-scale neural networks such as transformer-based models is a challenging task, as the magnitude of noise added to the gradients at each iteration scales with model dimension, hindering the learning capability significantly. We propose a unified framework, $\textsf{LSG}$, that fully exploits the low-rank and sparse structure of neural networks to reduce the dimension of gradient updates, and hence alleviate the negative impacts of DPSGD. The gradient updates are first approximated with a pair of low-rank matrices. Then, a novel strategy is utilized to sparsify the gradients, resulting in low-dimensional, less noisy updates that are yet capable of retaining the performance of neural networks. Empirical evaluation on natural language processing and computer vision tasks shows that our method outperforms other state-of-the-art baselines." 19,Effective and Efficient Training for Sequential Recommendation using Recency Sampling,"Many modern sequential recommender systems use deep neural networks, which can effectively estimate the relevance of items but require a lot of time to train. Slow training increases expenses, hinders product development timescales and prevents the model from being regularly updated to adapt to changing user preferences. Training such sequential models involves appropriately sampling past user interactions to create a realistic training objective. The existing training objectives have limitations. For instance, next item prediction never uses the beginning of the sequence as a learning target, thereby potentially discarding valuable data. On the other hand, the item masking used by BERT4Rec is only weakly related to the goal of the sequential recommendation; therefore, it requires much more time to obtain an effective model. Hence, we propose a novel Recency-based Sampling of Sequences training objective that addresses both limitations. We apply our method to various recent and state-of-the-art model architectures - such as GRU4Rec, Caser, and SASRec. We show that the models enhanced with our method can achieve performances exceeding or very close to stateof-the-art BERT4Rec, but with much less training time." 20,When does SGD favor flat minima? A quantitative characterization via linear stability,"The observation that stochastic gradient descent (SGD) favors flat minima has played a fundamental role in understanding implicit regularization of SGD and guiding the tuning of hyperparameters. In this paper, we provide a quantitative explanation of this striking phenomenon by relating the particular noise structure of SGD to its \emph{linear stability} (Wu et al., 2018). Specifically, we consider training over-parameterized models with square loss. We prove that if a global minimum $\theta^*$ is linearly stable for SGD, then it must satisfy $\|H(\theta^*)\|_F\leq O(\sqrt{B}/\eta)$, where $\|H(\theta^*)\|_F, B,\eta$ denote the Frobenius norm of Hessian at $\theta^*$, batch size, and learning rate, respectively. Otherwise, SGD will escape from that minimum \emph{exponentially} fast. Hence, for minima accessible to SGD, the flatness -- as measured by the Frobenius norm of the Hessian -- is bounded independently of the model size and sample size. The key to obtaining these results is exploiting the particular geometry awareness of SGD noise: 1) the noise magnitude is proportional to loss value; 2) the noise directions concentrate in the sharp directions of local landscape. This property of SGD noise provably holds for linear networks and random feature models (RFMs) and is empirically verified for nonlinear networks. Moreover, the validity and practical relevance of our theoretical findings are justified by extensive numerical experiments." 21,Predicting is not Understanding: Recognizing and Addressing Underspecification in Machine Learning,"Machine learning (ML) models are typically optimized for their accuracy on a given dataset. However, this predictive criterion rarely captures all desirable properties of a model, in particular how well it matches a domain expert's understanding of a task. Underspecification refers to the existence of multiple models that are indistinguishable in their in-domain accuracy, even though they differ in other desirable properties such as out-of-distribution (OOD) performance. Identifying these situations is critical for assessing the reliability of ML models. We formalize the concept of underspecification and propose a method to identify and partially address it. We train multiple models with an independence constraint that forces them to implement different functions. They discover predictive features that are otherwise ignored by standard empirical risk minimization (ERM), which we then distill into a global model with superior OOD performance. Importantly, we constrain the models to align with the data manifold to ensure that they discover meaningful features. We demonstrate the method on multiple datasets in computer vision (collages, WILDS-Camelyon17, GQA) and discuss general implications of underspecification. Most notably, in-domain performance cannot serve for OOD model selection without additional assumptions." 22,Cascaded Deep Hybrid Models for Multistep Household Energy Consumption Forecasting,"Sustainability requires increased energy efficiency with minimal waste. The future power systems should thus provide high levels of flexibility iin controling energy consumption. Precise projections of future energy demand/load at the aggregate and on the individual site levels are of great importance for decision makers and professionals in the energy industry. Forecasting energy loads has become more advantageous for energy providers and customers, allowing them to establish an efficient production strategy to satisfy demand. This study introduces two hybrid cascaded models for forecasting multistep household power consumption in different resolutions. The first model integrates Stationary Wavelet Transform (SWT), as an efficient signal preprocessing technique, with Convolutional Neural Networks and Long Short Term Memory (LSTM). The second hybrid model combines SWT with a self-attention based neural network architecture named transformer. The major constraint of using time-frequency analysis methods such as SWT in multistep energy forecasting problems is that they require sequential signals, making signal reconstruction problematic in multistep forecasting applications.The cascaded models can efficiently address this problem through using the recursive outputs. Experimental results show that the proposed hybrid models achieve superior prediction performance compared to the existing multistep power consumption prediction methods. The results will pave the way for more accurate and reliable forecasting of household power consumption." 23,Instance-Dependent Near-Optimal Policy Identification in Linear MDPs via Online Experiment Design,"While much progress has been made in understanding the minimax sample complexity of reinforcement learning (RL) -- the complexity of learning on the ""worst-case"" instance -- such measures of complexity often do not capture the true difficulty of learning. In practice, on an ""easy"" instance, we might hope to achieve a complexity far better than that achievable on the worst-case instance. In this work we seek to understand the ""instance-dependent"" complexity of learning near-optimal policies (PAC RL) in the setting of RL with linear function approximation. We propose an algorithm, \textsc{Pedel}, which achieves a fine-grained instance-dependent measure of complexity, the first of its kind in the RL with function approximation setting, thereby capturing the difficulty of learning on each particular problem instance. Through an explicit example, we show that \textsc{Pedel} yields provable gains over low-regret, minimax-optimal algorithms and that such algorithms are unable to hit the instance-optimal rate. Our approach relies on a novel online experiment design-based procedure which focuses the exploration budget on the ""directions"" most relevant to learning a near-optimal policy, and may be of independent interest." 24,voxel2vec: A Natural Language Processing Approach to Learning Distributed Representations for Scientific Data,"Relationships in scientific data, such as the numerical and spatial distribution relations of features in univariate data, the scalar-value combinations' relations in multivariate data, and the association of volumes in time-varying and ensemble data, are intricate and complex. This paper presents voxel2vec, a novel unsupervised representation learning model, which is used to learn distributed representations of scalar values/scalar-value combinations in a low-dimensional vector space. Its basic assumption is that if two scalar values/scalar-value combinations have similar contexts, they usually have high similarity in terms of features. By representing scalar values/scalar-value combinations as symbols, voxel2vec learns the similarity between them in the context of spatial distribution and then allows us to explore the overall association between volumes by transfer prediction. We demonstrate the usefulness and effectiveness of voxel2vec by comparing it with the isosurface similarity map of univariate data and applying the learned distributed representations to feature classification for multivariate data and to association analysis for time-varying and ensemble data." 25,Simple and Efficient Heterogeneous Graph Neural Network,"Heterogeneous graph neural networks (HGNNs) deliver the powerful capability to embed rich structural and semantic information of a heterogeneous graph into low-dimensional node representations. Existing HGNNs usually learn to embed information using hierarchy attention mechanism and repeated neighbor aggregation, suffering from unnecessary complexity and redundant computation. This paper proposes Simple and Efficient Heterogeneous Graph Neural Network (SeHGNN) which reduces this excess complexity through avoiding overused node-level attention within the same relation and pre-computing the neighbor aggregation in the pre-processing stage. Unlike previous work, SeHGNN utilizes a light-weight parameter-free neighbor aggregator to learn structural information for each metapath, and a transformer-based semantic aggregator to combine semantic information across metapaths for the final embedding of each node. As a result, SeHGNN offers the simple network structure, high prediction accuracy, and fast training speed. Extensive experiments on five real-world heterogeneous graphs demonstrate the superiority of SeHGNN over the state-of-the-arts on both the accuracy and training speed. Codes are available at https://github.com/ICT-GIMLab/SeHGNN." 26,AI-enhanced iterative solvers for accelerating the solution of large scale parametrized linear systems of equations,"Recent advances in the field of machine learning open a new era in high performance computing. Applications of machine learning algorithms for the development of accurate and cost-efficient surrogates of complex problems have already attracted major attention from scientists. Despite their powerful approximation capabilities, however, surrogates cannot produce the `exact' solution to the problem. To address this issue, this paper exploits up-to-date ML tools and delivers customized iterative solvers of linear equation systems, capable of solving large-scale parametrized problems at any desired level of accuracy. Specifically, the proposed approach consists of the following two steps. At first, a reduced set of model evaluations is performed and the corresponding solutions are used to establish an approximate mapping from the problem's parametric space to its solution space using deep feedforward neural networks and convolutional autoencoders. This mapping serves a means to obtain very accurate initial predictions of the system's response to new query points at negligible computational cost. Subsequently, an iterative solver inspired by the Algebraic Multigrid method in combination with Proper Orthogonal Decomposition, termed POD-2G, is developed that successively refines the initial predictions towards the exact system solutions. The application of POD-2G as a standalone solver or as preconditioner in the context of preconditioned conjugate gradient methods is demonstrated on several numerical examples of large scale systems, with the results indicating its superiority over conventional iterative solution schemes." 27,Tractable Dendritic RNNs for Reconstructing Nonlinear Dynamical Systems,"In many scientific disciplines, we are interested in inferring the nonlinear dynamical system underlying a set of observed time series, a challenging task in the face of chaotic behavior and noise. Previous deep learning approaches toward this goal often suffered from a lack of interpretability and tractability. In particular, the high-dimensional latent spaces often required for a faithful embedding, even when the underlying dynamics lives on a lower-dimensional manifold, can hamper theoretical analysis. Motivated by the emerging principles of dendritic computation, we augment a dynamically interpretable and mathematically tractable piecewise-linear (PL) recurrent neural network (RNN) by a linear spline basis expansion. We show that this approach retains all the theoretically appealing properties of the simple PLRNN, yet boosts its capacity for approximating arbitrary nonlinear dynamical systems in comparatively low dimensions. We employ two frameworks for training the system, one combining back-propagation-through-time (BPTT) with teacher forcing, and another based on fast and scalable variational inference. We show that the dendritically expanded PLRNN achieves better reconstructions with fewer parameters and dimensions on various dynamical systems benchmarks and compares favorably to other methods, while retaining a tractable and interpretable structure." 28,Transformers discover an elementary calculation system exploiting local attention and grid-like problem representation,"Mathematical reasoning is one of the most impressive achievements of human intellect but remains a formidable challenge for artificial intelligence systems. In this work we explore whether modern deep learning architectures can learn to solve a symbolic addition task by discovering effective arithmetic procedures. Although the problem might seem trivial at first glance, generalizing arithmetic knowledge to operations involving a higher number of terms, possibly composed by longer sequences of digits, has proven extremely challenging for neural networks. Here we show that universal transformers equipped with local attention and adaptive halting mechanisms can learn to exploit an external, grid-like memory to carry out multi-digit addition. The proposed model achieves remarkable accuracy even when tested with problems requiring extrapolation outside the training distribution; most notably, it does so by discovering human-like calculation strategies such as place value alignment." 29,Compositional Generalization in Grounded Language Learning via Induced Model Sparsity,"We provide a study of how induced model sparsity can help achieve compositional generalization and better sample efficiency in grounded language learning problems. We consider simple language-conditioned navigation problems in a grid world environment with disentangled observations. We show that standard neural architectures do not always yield compositional generalization. To address this, we design an agent that contains a goal identification module that encourages sparse correlations between words in the instruction and attributes of objects, composing them together to find the goal. The output of the goal identification module is the input to a value iteration network planner. Our agent maintains a high level of performance on goals containing novel combinations of properties even when learning from a handful of demonstrations. We examine the internal representations of our agent and find the correct correspondences between words in its dictionary and attributes in the environment." 30,Pure Transformers are Powerful Graph Learners,"We show that standard Transformers without graph-specific modifications can lead to promising results in graph learning both in theory and practice. Given a graph, we simply treat all nodes and edges as independent tokens, augment them with token embeddings, and feed them to a Transformer. With an appropriate choice of token embeddings, we prove that this approach is theoretically at least as expressive as an invariant graph network (2-IGN) composed of equivariant linear layers, which is already more expressive than all message-passing Graph Neural Networks (GNN). When trained on a large-scale graph dataset (PCQM4Mv2), our method coined Tokenized Graph Transformer (TokenGT) achieves significantly better results compared to GNN baselines and competitive results compared to Transformer variants with sophisticated graph-specific inductive bias. Our implementation is available at https://github.com/jw9730/tokengt." 31,Quantitative Assessment of DESIS Hyperspectral Data for Plant Biodiversity Estimation in Australia,"Diversity of terrestrial plants plays a key role in maintaining a stable, healthy, and productive ecosystem. Though remote sensing has been seen as a promising and cost-effective proxy for estimating plant diversity, there is a lack of quantitative studies on how confidently plant diversity can be inferred from spaceborne hyperspectral data. In this study, we assessed the ability of hyperspectral data captured by the DLR Earth Sensing Imaging Spectrometer (DESIS) for estimating plant species richness in the Southern Tablelands and Snowy Mountains regions in southeast Australia. Spectral features were firstly extracted from DESIS spectra with principal component analysis, canonical correlation analysis, and partial least squares analysis. Then regression was conducted between the extracted features and plant species richness with ordinary least squares regression, kernel ridge regression, and Gaussian process regression. Results were assessed with the coefficient of correlation ($r$) and Root-Mean-Square Error (RMSE), based on a two-fold cross validation scheme. With the best performing model, $r$ is 0.71 and RMSE is 5.99 for the Southern Tablelands region, while $r$ is 0.62 and RMSE is 6.20 for the Snowy Mountains region. The assessment results reported in this study provide supports for future studies on understanding the relationship between spaceborne hyperspectral measurements and terrestrial plant biodiversity." 32,Multi-Contrast MRI Segmentation Trained on Synthetic Images,"In our comprehensive experiments and evaluations, we show that it is possible to generate multiple contrast (even all synthetically) and use synthetically generated images to train an image segmentation engine. We showed promising segmentation results tested on real multi-contrast MRI scans when delineating muscle, fat, bone and bone marrow, all trained on synthetic images. Based on synthetic image training, our segmentation results were as high as 93.91\%, 94.11\%, 91.63\%, 95.33\%, for muscle, fat, bone, and bone marrow delineation, respectively. Results were not significantly different from the ones obtained when real images were used for segmentation training: 94.68\%, 94.67\%, 95.91\%, and 96.82\%, respectively." 33,Ordinal Regression via Binary Preference vs Simple Regression: Statistical and Experimental Perspectives,"Ordinal regression with anchored reference samples (ORARS) has been proposed for predicting the subjective Mean Opinion Score (MOS) of input stimuli automatically. The ORARS addresses the MOS prediction problem by pairing a test sample with each of the pre-scored anchored reference samples. A trained binary classifier is then used to predict which sample, test or anchor, is better statistically. Posteriors of the binary preference decision are then used to predict the MOS of the test sample. In this paper, rigorous framework, analysis, and experiments to demonstrate that ORARS are advantageous over simple regressions are presented. The contributions of this work are: 1) Show that traditional regression can be reformulated into multiple preference tests to yield a better performance, which is confirmed with simulations experimentally; 2) Generalize ORARS to other regression problems and verify its effectiveness; 3) Provide some prerequisite conditions which can insure proper application of ORARS." 34,Information Compression and Performance Evaluation of Tic-Tac-Toe's Evaluation Function Using Singular Value Decomposition,"We approximated the evaluation function for the game Tic-Tac-Toe by singular value decomposition (SVD) and investigated the effect of approximation accuracy on winning rate. We first prepared the perfect evaluation function of Tic-Tac-Toe and performed low-rank approximation by considering the evaluation function as a ninth-order tensor. We found that we can reduce the amount of information of the evaluation function by 70% without significantly degrading the performance. Approximation accuracy and winning rate were strongly correlated but not perfectly proportional. We also investigated how the decomposition method of the evaluation function affects the performance. We considered two decomposition methods: simple SVD regarding the evaluation function as a matrix and the Tucker decomposition by higher-order SVD (HOSVD). At the same compression ratio, the strategy with the approximated evaluation function obtained by HOSVD exhibited a significantly higher winning rate than that obtained by SVD. These results suggest that SVD can effectively compress board game strategies and an optimal compression method that depends on the game exists." 35,Nonparametric Factor Trajectory Learning for Dynamic Tensor Decomposition,"Tensor decomposition is a fundamental framework to analyze data that can be represented by multi-dimensional arrays. In practice, tensor data is often accompanied by temporal information, namely the time points when the entry values were generated. This information implies abundant, complex temporal variation patterns. However, current methods always assume the factor representations of the entities in each tensor mode are static, and never consider their temporal evolution. To fill this gap, we propose NONparametric FActor Trajectory learning for dynamic tensor decomposition (NONFAT). We place Gaussian process (GP) priors in the frequency domain and conduct inverse Fourier transform via Gauss-Laguerre quadrature to sample the trajectory functions. In this way, we can overcome data sparsity and obtain robust trajectory estimates across long time horizons. Given the trajectory values at specific time points, we use a second-level GP to sample the entry values and to capture the temporal relationship between the entities. For efficient and scalable inference, we leverage the matrix Gaussian structure in the model, introduce a matrix Gaussian posterior, and develop a nested sparse variational learning algorithm. We have shown the advantage of our method in several real-world applications." 36,Distillation to Enhance the Portability of Risk Models Across Institutions with Large Patient Claims Database,"Artificial intelligence, and particularly machine learning (ML), is increasingly developed and deployed to support healthcare in a variety of settings. However, clinical decision support (CDS) technologies based on ML need to be portable if they are to be adopted on a broad scale. In this respect, models developed at one institution should be reusable at another. Yet there are numerous examples of portability failure, particularly due to naive application of ML models. Portability failure can lead to suboptimal care and medical errors, which ultimately could prevent the adoption of ML-based CDS in practice. One specific healthcare challenge that could benefit from enhanced portability is the prediction of 30-day readmission risk. Research to date has shown that deep learning models can be effective at modeling such risk. In this work, we investigate the practicality of model portability through a cross-site evaluation of readmission prediction models. To do so, we apply a recurrent neural network, augmented with self-attention and blended with expert features, to build readmission prediction models for two independent large scale claims datasets. We further present a novel transfer learning technique that adapts the well-known method of born-again network (BAN) training. Our experiments show that direct application of ML models trained at one institution and tested at another institution perform worse than models trained and tested at the same institution. We further show that the transfer learning approach based on the BAN produces models that are better than those trained on just a single institution's data. Notably, this improvement is consistent across both sites and occurs after a single retraining, which illustrates the potential for a cheap and general model transfer mechanism of readmission risk prediction." 37,Transformers are Adaptable Task Planners,"Every home is different, and every person likes things done in their particular way. Therefore, home robots of the future need to both reason about the sequential nature of day-to-day tasks and generalize to user's preferences. To this end, we propose a Transformer Task Planner(TTP) that learns high-level actions from demonstrations by leveraging object attribute-based representations. TTP can be pre-trained on multiple preferences and shows generalization to unseen preferences using a single demonstration as a prompt in a simulated dishwasher loading task. Further, we demonstrate real-world dish rearrangement using TTP with a Franka Panda robotic arm, prompted using a single human demonstration." 38,PAC Prediction Sets for Meta-Learning,"Uncertainty quantification is a key component of machine learning models targeted at safety-critical systems such as in healthcare or autonomous vehicles. We study this problem in the context of meta learning, where the goal is to quickly adapt a predictor to new tasks. In particular, we propose a novel algorithm to construct \emph{PAC prediction sets}, which capture uncertainty via sets of labels, that can be adapted to new tasks with only a few training examples. These prediction sets satisfy an extension of the typical PAC guarantee to the meta learning setting; in particular, the PAC guarantee holds with high probability over future tasks. We demonstrate the efficacy of our approach on four datasets across three application domains: mini-ImageNet and CIFAR10-C in the visual domain, FewRel in the language domain, and the CDC Heart Dataset in the medical domain. In particular, our prediction sets satisfy the PAC guarantee while having smaller size compared to other baselines that also satisfy this guarantee." 39,EEPT: Early Discovery of Emerging Entities in Twitter with Semantic Similarity,"Some events which happen in the future could be important for companies, governments, and even our personal life. Prediction of these events before their establishment is helpful for efficient decision-making. We call such events emerging entities. They have not taken place yet, and there is no information about them in KB. However, some clues exist in different areas, especially on social media. Thus, retrieving these type of entities are possible. This paper proposes a method of early discovery of emerging entities. We use semantic clustering of short messages. To evaluate the performance of our proposal, we devise and utilize a performance evaluation metric. The results show that our proposed method finds those emerging entities of which Twitter trends are not always capable." 40,GAMa: Cross-view Video Geo-localization,"The existing work in cross-view geo-localization is based on images where a ground panorama is matched to an aerial image. In this work, we focus on ground videos instead of images which provides additional contextual cues which are important for this task. There are no existing datasets for this problem, therefore we propose GAMa dataset, a large-scale dataset with ground videos and corresponding aerial images. We also propose a novel approach to solve this problem. At clip-level, a short video clip is matched with corresponding aerial image and is later used to get video-level geo-localization of a long video. Moreover, we propose a hierarchical approach to further improve the clip-level geolocalization. It is a challenging dataset, unaligned and limited field of view, and our proposed method achieves a Top-1 recall rate of 19.4% and 45.1% @1.0mile. Code and dataset are available at following link: https://github.com/svyas23/GAMa." 41,Composite FORCE learning of chaotic echo state networks for time-series prediction,"Echo state network (ESN), a kind of recurrent neural networks, consists of a fixed reservoir in which neurons are connected randomly and recursively and obtains the desired output only by training output connection weights. First-order reduced and controlled error (FORCE) learning is an online supervised training approach that can change the chaotic activity of ESNs into specified activity patterns. This paper proposes a composite FORCE learning method based on recursive least squares to train ESNs whose initial activity is spontaneously chaotic, where a composite learning technique featured by dynamic regressor extension and memory data exploitation is applied to enhance parameter convergence. The proposed method is applied to a benchmark problem about predicting chaotic time series generated by the Mackey-Glass system, and numerical results have shown that it significantly improves learning and prediction performances compared with existing methods." 42,BioTABQA: Instruction Learning for Biomedical Table Question Answering,"Table Question Answering (TQA) is an important but under-explored task. Most of the existing QA datasets are in unstructured text format and only few of them use tables as the context. To the best of our knowledge, none of TQA datasets exist in the biomedical domain where tables are frequently used to present information. In this paper, we first curate a table question answering dataset, BioTABQA, using 22 templates and the context from a biomedical textbook on differential diagnosis. BioTABQA can not only be used to teach a model how to answer questions from tables but also evaluate how a model generalizes to unseen questions, an important scenario for biomedical applications. To achieve the generalization evaluation, we divide the templates into 17 training and 5 cross-task evaluations. Then, we develop two baselines using single and multi-tasks learning on BioTABQA. Furthermore, we explore instructional learning, a recent technique showing impressive generalizing performance. Experimental results show that our instruction-tuned model outperforms single and multi-task baselines on an average by ~23% and ~6% across various evaluation settings, and more importantly, instruction-tuned model outperforms baselines by ~5% on cross-tasks." 43,A Deep Model for Partial Multi-Label Image Classification with Curriculum Based Disambiguation,"In this paper, we study the partial multi-label (PML) image classification problem, where each image is annotated with a candidate label set consists of multiple relevant labels and other noisy labels. Existing PML methods typically design a disambiguation strategy to filter out noisy labels by utilizing prior knowledge with extra assumptions, which unfortunately is unavailable in many real tasks. Furthermore, because the objective function for disambiguation is usually elaborately designed on the whole training set, it can be hardly optimized in a deep model with SGD on mini-batches. In this paper, for the first time we propose a deep model for PML to enhance the representation and discrimination ability. On one hand, we propose a novel curriculum based disambiguation strategy to progressively identify ground-truth labels by incorporating the varied difficulties of different classes. On the other hand, a consistency regularization is introduced for model retraining to balance fitting identified easy labels and exploiting potential relevant labels. Extensive experimental results on the commonly used benchmark datasets show the proposed method significantly outperforms the SOTA methods." 44,Careful seeding for the k-medoids algorithm with incremental k++ cluster construction,"The k-medoids algorithm is a popular variant of the k-means algorithm and widely used in pattern recognition and machine learning. A main drawback of the k-medoids algorithm is that it can be trapped in local optima. An improved k-medoids algorithm (INCKM) was recently proposed to overcome this drawback, based on constructing a candidate medoids subset with a parameter choosing procedure, but it may fail when dealing with imbalanced datasets. In this paper, we propose a novel incremental k-medoids algorithm (INCKPP) which dynamically increases the number of clusters from 2 to k through a nonparametric and stochastic k-means++ search procedure. Our algorithm can overcome the parameter selection problem in the improved k-medoids algorithm, improve the clustering performance, and deal with imbalanced datasets very well. But our algorithm has a weakness in computation efficiency. To address this issue, we propose a fast INCKPP algorithm (called INCKPP$_{sample}$) which preserves the computational efficiency of the simple and fast k-medoids algorithm with an improved clustering performance. The proposed algorithm is compared with three state-of-the-art algorithms: the improved k-medoids algorithm (INCKM), the simple and fast k-medoids algorithm (FKM) and the k-means++ algorithm (KPP). Extensive experiments on both synthetic and real world datasets including imbalanced datasets illustrate the effectiveness of the proposed algorithm." 45,"Ensemble feature selection with clustering for analysis of high-dimensional, correlated clinical data in the search for Alzheimer's disease biomarkers","Healthcare datasets often contain groups of highly correlated features, such as features from the same biological system. When feature selection is applied to these datasets to identify the most important features, the biases inherent in some multivariate feature selectors due to correlated features make it difficult for these methods to distinguish between the important and irrelevant features and the results of the feature selection process can be unstable. Feature selection ensembles, which aggregate the results of multiple individual base feature selectors, have been investigated as a means of stabilising feature selection results, but do not address the problem of correlated features. We present a novel framework to create feature selection ensembles from multivariate feature selectors while taking into account the biases produced by groups of correlated features, using agglomerative hierarchical clustering in a pre-processing step. These methods were applied to two real-world datasets from studies of Alzheimer's disease (AD), a progressive neurodegenerative disease that has no cure and is not yet fully understood. Our results show a marked improvement in the stability of features selected over the models without clustering, and the features selected by these models are in keeping with the findings in the AD literature." 46,Text Enriched Sparse Hyperbolic Graph Convolutional Networks,"Heterogeneous networks, which connect informative nodes containing text with different edge types, are routinely used to store and process information in various real-world applications. Graph Neural Networks (GNNs) and their hyperbolic variants provide a promising approach to encode such networks in a low-dimensional latent space through neighborhood aggregation and hierarchical feature extraction, respectively. However, these approaches typically ignore metapath structures and the available semantic information. Furthermore, these approaches are sensitive to the noise present in the training data. To tackle these limitations, in this paper, we propose Text Enriched Sparse Hyperbolic Graph Convolution Network (TESH-GCN) to capture the graph's metapath structures using semantic signals and further improve prediction in large heterogeneous graphs. In TESH-GCN, we extract semantic node information, which successively acts as a connection signal to extract relevant nodes' local neighborhood and graph-level metapath features from the sparse adjacency tensor in a reformulated hyperbolic graph convolution layer. These extracted features in conjunction with semantic features from the language model (for robustness) are used for the final downstream task. Experiments on various heterogeneous graph datasets show that our model outperforms the current state-of-the-art approaches by a large margin on the task of link prediction. We also report a reduction in both the training time and model parameters compared to the existing hyperbolic approaches through a reformulated hyperbolic graph convolution. Furthermore, we illustrate the robustness of our model by experimenting with different levels of simulated noise in both the graph structure and text, and also, present a mechanism to explain TESH-GCN's prediction by analyzing the extracted metapaths." 47,Linear Jamming Bandits: Sample-Efficient Learning for Non-Coherent Digital Jamming,"It has been shown (Amuru et al. 2015) that online learning algorithms can be effectively used to select optimal physical layer parameters for jamming against digital modulation schemes without a priori knowledge of the victim's transmission strategy. However, this learning problem involves solving a multi-armed bandit problem with a mixed action space that can grow very large. As a result, convergence to the optimal jamming strategy can be slow, especially when the victim and jammer's symbols are not perfectly synchronized. In this work, we remedy the sample efficiency issues by introducing a linear bandit algorithm that accounts for inherent similarities between actions. Further, we propose context features which are well-suited for the statistical features of the non-coherent jamming problem and demonstrate significantly improved convergence behavior compared to the prior art. Additionally, we show how prior knowledge about the victim's transmissions can be seamlessly integrated into the learning framework. We finally discuss limitations in the asymptotic regime." 48,Instance-optimal PAC Algorithms for Contextual Bandits,"In the stochastic contextual bandit setting, regret-minimizing algorithms have been extensively researched, but their instance-minimizing best-arm identification counterparts remain seldom studied. In this work, we focus on the stochastic bandit problem in the $(\epsilon,\delta)$-$\textit{PAC}$ setting: given a policy class $\Pi$ the goal of the learner is to return a policy $\pi\in \Pi$ whose expected reward is within $\epsilon$ of the optimal policy with probability greater than $1-\delta$. We characterize the first $\textit{instance-dependent}$ PAC sample complexity of contextual bandits through a quantity $\rho_{\Pi}$, and provide matching upper and lower bounds in terms of $\rho_{\Pi}$ for the agnostic and linear contextual best-arm identification settings. We show that no algorithm can be simultaneously minimax-optimal for regret minimization and instance-dependent PAC for best-arm identification. Our main result is a new instance-optimal and computationally efficient algorithm that relies on a polynomial number of calls to an argmax oracle." 49,Generalization to translation shifts: a study in architectures and augmentations,"We provide a detailed evaluation of various image classification architectures (convolutional, vision transformer, and fully connected MLP networks) and data augmentation techniques towards generalization to large spacial translation shifts. We make the following observations: (a) In the absence of data augmentation, all architectures, including convolutional networks suffer degradation in performance when evaluated on translated test distributions. Understandably, both the in-distribution accuracy as well as degradation to shifts is significantly worse for non-convolutional architectures. (b) Across all architectures, even a minimal augmentation of $4$ pixel random crop improves the robustness of performance to much larger magnitude shifts of up to $1/4$ of image size ($8$-$16$ pixels) in the test data -- suggesting a form of meta generalization from augmentation. For non-convolutional architectures, while the absolute accuracy is still low, we see dramatic improvements in robustness to large translation shifts. (c) With sufficiently advanced augmentation ($4$ pixel crop+RandAugmentation+Erasing+MixUp) pipeline all architectures can be trained to have competitive performance, both in terms of in-distribution accuracy as well as generalization to large translation shifts." 50,Many-body localized hidden Born machine,"Born Machines are quantum-inspired generative models that leverage the probabilistic nature of quantum states. Here, we present a new architecture called many-body localized (MBL) hidden Born machine that uses both MBL dynamics and hidden units as learning resources. We theoretically prove that MBL Born machines possess more expressive power than classical models, and the introduction of hidden units boosts its learning power. We numerically demonstrate that the MBL hidden Born machine is capable of learning a toy dataset consisting of patterns of MNIST handwritten digits, quantum data obtained from quantum many-body states, and non-local parity data. In order to understand the mechanism behind learning, we track physical quantities such as von Neumann entanglement entropy and Hamming distance during learning, and compare the learning outcomes in the MBL, thermal, and Anderson localized phases. We show that the superior learning power of the MBL phase relies importantly on both localization and interaction. Our architecture and algorithm provide novel strategies of utilizing quantum many-body systems as learning resources, and reveal a powerful connection between disorder, interaction, and learning in quantum systems." 51,Rethinking the Importance of Sampling in Physics-informed Neural Networks,"Physics-informed neural networks (PINNs) have emerged as a powerful tool for solving partial differential equations (PDEs) in a variety of domains. While previous research in PINNs has mainly focused on constructing and balancing loss functions during training to avoid poor minima, the effect of sampling collocation points on the performance of PINNs has largely been overlooked. In this work, we find that the performance of PINNs can vary significantly with different sampling strategies, and using a fixed set of collocation points can be quite detrimental to the convergence of PINNs to the correct solution. In particular, (1) we hypothesize that training of PINNs rely on successful ""propagation"" of solution from initial and/or boundary condition points to interior points, and PINNs with poor sampling strategies can get stuck at trivial solutions if there are \textit{propagation failures}. (2) We demonstrate that propagation failures are characterized by highly imbalanced PDE residual fields where very high residuals are observed over very narrow regions. (3) To mitigate propagation failure, we propose a novel \textit{evolutionary sampling} (Evo) method that can incrementally accumulate collocation points in regions of high PDE residuals. We further provide an extension of Evo to respect the principle of causality while solving time-dependent PDEs. We empirically demonstrate the efficacy and efficiency of our proposed methods in a variety of PDE problems." 52,Federated and Transfer Learning: A Survey on Adversaries and Defense Mechanisms,"The advent of federated learning has facilitated large-scale data exchange amongst machine learning models while maintaining privacy. Despite its brief history, federated learning is rapidly evolving to make wider use more practical. One of the most significant advancements in this domain is the incorporation of transfer learning into federated learning, which overcomes fundamental constraints of primary federated learning, particularly in terms of security. This chapter performs a comprehensive survey on the intersection of federated and transfer learning from a security point of view. The main goal of this study is to uncover potential vulnerabilities and defense mechanisms that might compromise the privacy and performance of systems that use federated and transfer learning." 53,Multi-Label Retinal Disease Classification using Transformers,"Early detection of retinal diseases is one of the most important means of preventing partial or permanent blindness in patients. In this research, a novel multi-label classification system is proposed for the detection of multiple retinal diseases, using fundus images collected from a variety of sources. First, a new multi-label retinal disease dataset, the MuReD dataset, is constructed, using a number of publicly available datasets for fundus disease classification. Next, a sequence of post-processing steps is applied to ensure the quality of the image data and the range of diseases, present in the dataset. For the first time in fundus multi-label disease classification, a transformer-based model optimized through extensive experimentation is used for image analysis and decision making. Numerous experiments are performed to optimize the configuration of the proposed system. It is shown that the approach performs better than state-of-the-art works on the same task by 7.9% and 8.1% in terms of AUC score for disease detection and disease classification, respectively. The obtained results further support the potential applications of transformer-based architectures in the medical imaging field." 54,Unified Embeddings of Structural and Functional Connectome via a Function-Constrained Structural Graph Variational Auto-Encoder,"Graph theoretical analyses have become standard tools in modeling functional and anatomical connectivity in the brain. With the advent of connectomics, the primary graphs or networks of interest are structural connectome (derived from DTI tractography) and functional connectome (derived from resting-state fMRI). However, most published connectome studies have focused on either structural or functional connectome, yet complementary information between them, when available in the same dataset, can be jointly leveraged to improve our understanding of the brain. To this end, we propose a function-constrained structural graph variational autoencoder (FCS-GVAE) capable of incorporating information from both functional and structural connectome in an unsupervised fashion. This leads to a joint low-dimensional embedding that establishes a unified spatial coordinate system for comparing across different subjects. We evaluate our approach using the publicly available OASIS-3 Alzheimer's disease (AD) dataset and show that a variational formulation is necessary to optimally encode functional brain dynamics. Further, the proposed joint embedding approach can more accurately distinguish different patient sub-populations than approaches that do not use complementary connectome information." 55,TractoFormer: A Novel Fiber-level Whole Brain Tractography Analysis Framework Using Spectral Embedding and Vision Transformers,"Diffusion MRI tractography is an advanced imaging technique for quantitative mapping of the brain's structural connectivity. Whole brain tractography (WBT) data contains over hundreds of thousands of individual fiber streamlines (estimated brain connections), and this data is usually parcellated to create compact representations for data analysis applications such as disease classification. In this paper, we propose a novel parcellation-free WBT analysis framework, TractoFormer, that leverages tractography information at the level of individual fiber streamlines and provides a natural mechanism for interpretation of results using the attention mechanism of transformers. TractoFormer includes two main contributions. First, we propose a novel and simple 2D image representation of WBT, TractoEmbedding, to encode 3D fiber spatial relationships and any feature of interest that can be computed from individual fibers (such as FA or MD). Second, we design a network based on vision transformers (ViTs) that includes: 1) data augmentation to overcome model overfitting on small datasets, 2) identification of discriminative fibers for interpretation of results, and 3) ensemble learning to leverage fiber information from different brain regions. In a synthetic data experiment, TractoFormer successfully identifies discriminative fibers with simulated group differences. In a disease classification experiment comparing several methods, TractoFormer achieves the highest accuracy in classifying schizophrenia vs control. Discriminative fibers are identified in left hemispheric frontal and parietal superficial white matter regions, which have previously been shown to be affected in schizophrenia patients." 56,A Tutorial on the Spectral Theory of Markov Chains,"Markov chains are a class of probabilistic models that have achieved widespread application in the quantitative sciences. This is in part due to their versatility, but is compounded by the ease with which they can be probed analytically. This tutorial provides an in-depth introduction to Markov chains, and explores their connection to graphs and random walks. We utilize tools from linear algebra and graph theory to describe the transition matrices of different types of Markov chains, with a particular focus on exploring properties of the eigenvalues and eigenvectors corresponding to these matrices. The results presented are relevant to a number of methods in machine learning and data mining, which we describe at various stages. Rather than being a novel academic study in its own right, this text presents a collection of known results, together with some new concepts. Moreover, the tutorial focuses on offering intuition to readers rather than formal understanding, and only assumes basic exposure to concepts from linear algebra and probability theory. It is therefore accessible to students and researchers from a wide variety of disciplines." 57,Implementing Reinforcement Learning Datacenter Congestion Control in NVIDIA NICs,"Cloud datacenters are exponentially growing both in numbers and size. This increase results in a network activity surge that warrants better congestion avoidance. The resulting challenge is two-fold: (i) designing algorithms that can be custom-tuned to the complex traffic patterns of a given datacenter; but, at the same time (ii) run on low-level hardware with the required low latency of effective Congestion Control (CC). In this work, we present a Reinforcement Learning (RL) based CC solution that learns from certain traffic scenarios and successfully generalizes to others. We then distill the RL neural network policy into binary decision trees to achieve the desired $\mu$sec decision latency required for real-time inference with RDMA. We deploy the distilled policy on NVIDIA NICs in a real network and demonstrate state-of-the-art performance, balancing all tested metrics simultaneously: bandwidth, latency, fairness, and packet drops." 58,Cooperative Distribution Alignment via JSD Upper Bound,"Unsupervised distribution alignment estimates a transformation that maps two or more source distributions to a shared aligned distribution given only samples from each distribution. This task has many applications including generative modeling, unsupervised domain adaptation, and socially aware learning. Most prior works use adversarial learning (i.e., min-max optimization), which can be challenging to optimize and evaluate. A few recent works explore non-adversarial flow-based (i.e., invertible) approaches, but they lack a unified perspective and are limited in efficiently aligning multiple distributions. Therefore, we propose to unify and generalize previous flow-based approaches under a single non-adversarial framework, which we prove is equivalent to minimizing an upper bound on the Jensen-Shannon Divergence (JSD). Importantly, our problem reduces to a min-min, i.e., cooperative, problem and can provide a natural evaluation metric for unsupervised distribution alignment. We present empirical results of our framework on both simulated and real-world datasets to demonstrate the benefits of our approach." 59,Towards Realistic Semi-Supervised Learning,"Deep learning is pushing the state-of-the-art in many computer vision applications. However, it relies on large annotated data repositories, and capturing the unconstrained nature of the real-world data is yet to be solved. Semi-supervised learning (SSL) complements the annotated training data with a large corpus of unlabeled data to reduce annotation cost. The standard SSL approach assumes unlabeled data are from the same distribution as annotated data. Recently, ORCA [9] introduce a more realistic SSL problem, called open-world SSL, by assuming that the unannotated data might contain samples from unknown classes. This work proposes a novel approach to tackle SSL in open-world setting, where we simultaneously learn to classify known and unknown classes. At the core of our method, we utilize sample uncertainty and incorporate prior knowledge about class distribution to generate reliable pseudo-labels for unlabeled data belonging to both known and unknown classes. Our extensive experimentation showcases the effectiveness of our approach on several benchmark datasets, where it substantially outperforms the existing state-of-the-art on seven diverse datasets including CIFAR-100 (17.6%), ImageNet-100 (5.7%), and Tiny ImageNet (9.9%)." 60,Ultra-Low-Bitrate Speech Coding with Pretrained Transformers,"Speech coding facilitates the transmission of speech over low-bandwidth networks with minimal distortion. Neural-network based speech codecs have recently demonstrated significant improvements in quality over traditional approaches. While this new generation of codecs is capable of synthesizing high-fidelity speech, their use of recurrent or convolutional layers often restricts their effective receptive fields, which prevents them from compressing speech efficiently. We propose to further reduce the bitrate of neural speech codecs through the use of pretrained Transformers, capable of exploiting long-range dependencies in the input signal due to their inductive bias. As such, we use a pretrained Transformer in tandem with a convolutional encoder, which is trained end-to-end with a quantizer and a generative adversarial net decoder. Our numerical experiments show that supplementing the convolutional encoder of a neural speech codec with Transformer speech embeddings yields a speech codec with a bitrate of $600\,\mathrm{bps}$ that outperforms the original neural speech codec in synthesized speech quality when trained at the same bitrate. Subjective human evaluations suggest that the quality of the resulting codec is comparable or better than that of conventional codecs operating at three to four times the rate." 61,OpenLDN: Learning to Discover Novel Classes for Open-World Semi-Supervised Learning,"Semi-supervised learning (SSL) is one of the dominant approaches to address the annotation bottleneck of supervised learning. Recent SSL methods can effectively leverage a large repository of unlabeled data to improve performance while relying on a small set of labeled data. One common assumption in most SSL methods is that the labeled and unlabeled data are from the same underlying data distribution. However, this is hardly the case in many real-world scenarios, which limits their applicability. In this work, instead, we attempt to solve the recently proposed challenging open-world SSL problem that does not make such an assumption. In the open-world SSL problem, the objective is to recognize samples of known classes, and simultaneously detect and cluster samples belonging to novel classes present in unlabeled data. This work introduces OpenLDN that utilizes a pairwise similarity loss to discover novel classes. Using a bi-level optimization rule this pairwise similarity loss exploits the information available in the labeled set to implicitly cluster novel class samples, while simultaneously recognizing samples from known classes. After discovering novel classes, OpenLDN transforms the open-world SSL problem into a standard SSL problem to achieve additional performance gains using existing SSL methods. Our extensive experiments demonstrate that OpenLDN outperforms the current state-of-the-art methods on multiple popular classification benchmarks while providing a better accuracy/training time trade-off." 62,Putting the Con in Context: Identifying Deceptive Actors in the Game of Mafia,"While neural networks demonstrate a remarkable ability to model linguistic content, capturing contextual information related to a speaker's conversational role is an open area of research. In this work, we analyze the effect of speaker role on language use through the game of Mafia, in which participants are assigned either an honest or a deceptive role. In addition to building a framework to collect a dataset of Mafia game records, we demonstrate that there are differences in the language produced by players with different roles. We confirm that classification models are able to rank deceptive players as more suspicious than honest ones based only on their use of language. Furthermore, we show that training models on two auxiliary tasks outperforms a standard BERT-based text classification approach. We also present methods for using our trained models to identify features that distinguish between player roles, which could be used to assist players during the Mafia game." 63,Learning Task Embeddings for Teamwork Adaptation in Multi-Agent Reinforcement Learning,"Successful deployment of multi-agent reinforcement learning often requires agents to adapt their behaviour. In this work, we discuss the problem of teamwork adaptation in which a team of agents needs to adapt their policies to solve novel tasks with limited fine-tuning. Motivated by the intuition that agents need to be able to identify and distinguish tasks in order to adapt their behaviour to the current task, we propose to learn multi-agent task embeddings (MATE). These task embeddings are trained using an encoder-decoder architecture optimised for reconstruction of the transition and reward functions which uniquely identify tasks. We show that a team of agents is able to adapt to novel tasks when provided with task embeddings. We propose three MATE training paradigms: independent MATE, centralised MATE, and mixed MATE which vary in the information used for the task encoding. We show that the embeddings learned by MATE identify tasks and provide useful information which agents leverage during adaptation to novel tasks." 64,State-Augmented Learnable Algorithms for Resource Management in Wireless Networks,"We consider resource management problems in multi-user wireless networks, which can be cast as optimizing a network-wide utility function, subject to constraints on the long-term average performance of users across the network. We propose a state-augmented algorithm for solving the aforementioned radio resource management (RRM) problems, where, alongside the instantaneous network state, the RRM policy takes as input the set of dual variables corresponding to the constraints, which evolve depending on how much the constraints are violated during execution. We theoretically show that the proposed state-augmented algorithm leads to feasible and near-optimal RRM decisions. Moreover, focusing on the problem of wireless power control using graph neural network (GNN) parameterizations, we demonstrate the superiority of the proposed RRM algorithm over baseline methods across a suite of numerical experiments." 65,Guiding Machine Perception with Psychophysics,"{G}{ustav} Fechner's 1860 delineation of psychophysics, the measurement of sensation in relation to its stimulus, is widely considered to be the advent of modern psychological science. In psychophysics, a researcher parametrically varies some aspects of a stimulus, and measures the resulting changes in a human subject's experience of that stimulus; doing so gives insight to the determining relationship between a sensation and the physical input that evoked it. This approach is used heavily in perceptual domains, including signal detection, threshold measurement, and ideal observer analysis. Scientific fields like vision science have always leaned heavily on the methods and procedures of psychophysics, but there is now growing appreciation of them by machine learning researchers, sparked by widening overlap between biological and artificial perception \cite{rojas2011automatic, scheirer2014perceptual,escalera2014chalearn,zhang2018agil, grieggs2021measuring}. Machine perception that is guided by behavioral measurements, as opposed to guidance restricted to arbitrarily assigned human labels, has significant potential to fuel further progress in artificial intelligence." 66,Improving Trustworthiness of AI Disease Severity Rating in Medical Imaging with Ordinal Conformal Prediction Sets,"The regulatory approval and broad clinical deployment of medical AI have been hampered by the perception that deep learning models fail in unpredictable and possibly catastrophic ways. A lack of statistically rigorous uncertainty quantification is a significant factor undermining trust in AI results. Recent developments in distribution-free uncertainty quantification present practical solutions for these issues by providing reliability guarantees for black-box models on arbitrary data distributions as formally valid finite-sample prediction intervals. Our work applies these new uncertainty quantification methods -- specifically conformal prediction -- to a deep-learning model for grading the severity of spinal stenosis in lumbar spine MRI. We demonstrate a technique for forming ordinal prediction sets that are guaranteed to contain the correct stenosis severity within a user-defined probability (confidence interval). On a dataset of 409 MRI exams processed by the deep-learning model, the conformal method provides tight coverage with small prediction set sizes. Furthermore, we explore the potential clinical applicability of flagging cases with high uncertainty predictions (large prediction sets) by quantifying an increase in the prevalence of significant imaging abnormalities (e.g. motion artifacts, metallic artifacts, and tumors) that could degrade confidence in predictive performance when compared to a random sample of cases." 67,Offline RL Policies Should be Trained to be Adaptive,"Offline RL algorithms must account for the fact that the dataset they are provided may leave many facets of the environment unknown. The most common way to approach this challenge is to employ pessimistic or conservative methods, which avoid behaviors that are too dissimilar from those in the training dataset. However, relying exclusively on conservatism has drawbacks: performance is sensitive to the exact degree of conservatism, and conservative objectives can recover highly suboptimal policies. In this work, we propose that offline RL methods should instead be adaptive in the presence of uncertainty. We show that acting optimally in offline RL in a Bayesian sense involves solving an implicit POMDP. As a result, optimal policies for offline RL must be adaptive, depending not just on the current state but rather all the transitions seen so far during evaluation.We present a model-free algorithm for approximating this optimal adaptive policy, and demonstrate the efficacy of learning such adaptive policies in offline RL benchmarks." 68,Data-driven synchronization-avoiding algorithms in the explicit distributed structural analysis of soft tissue,"We propose a data-driven framework to increase the computational efficiency of the explicit finite element method in the structural analysis of soft tissue. An encoder-decoder long short-term memory deep neural network is trained based on the data produced by an explicit, distributed finite element solver. We leverage this network to predict synchronized displacements at shared nodes, minimizing the amount of communication between processors. We perform extensive numerical experiments to quantify the accuracy and stability of the proposed synchronization-avoiding algorithm." 69,CEN : Cooperatively Evolving Networks,"A finitely repeated game is a dynamic game in which a simultaneous game is played finitely many times. GANs contain two competing modules: the generator module is trained to generate new examples, and the discriminator module is trained to discriminate real examples from generated examples. Training procedure of GAN is a finitely repeated game in which each module tries to optimize it's error at every instance of simultaneous game in a non-cooperative manner. We observed that we can achieve more accurate training, if at each instance of simultaneous game the stronger module cooperate with weaker module and only weaker module only optimize it's error." 70,Accelerating Hamiltonian Monte Carlo via Chebyshev Integration Time,"Hamiltonian Monte Carlo (HMC) is a popular method in sampling. While there are quite a few works of studying this method on various aspects, an interesting question is how to choose its integration time to achieve acceleration. In this work, we consider accelerating the process of sampling from a distribution $\pi(x) \propto \exp(-f(x))$ via HMC via time-varying integration time. When the potential $f$ is $L$-smooth and $m$-strongly convex, i.e.\ for sampling from a log-smooth and strongly log-concave target distribution $\pi$, it is known that under a constant integration time, the number of iterations that ideal HMC takes to get an $\epsilon$ Wasserstein-2 distance to the target $\pi$ is $O( \kappa \log \frac{1}{\epsilon} )$, where $\kappa := \frac{L}{m}$ is the condition number. We propose a scheme of time-varying integration time based on the roots of Chebyshev polynomials. We show that in the case of quadratic potential $f$, i.e., when the target $\pi$ is a Gaussian distribution, ideal HMC with this choice of integration time only takes $O( \sqrt{\kappa} \log \frac{1}{\epsilon} )$ number of iterations to reach Wasserstein-2 distance less than $\epsilon$; this improvement on the dependence on condition number is akin to acceleration in optimization. The design and analysis of HMC with the proposed integration time is built on the tools of Chebyshev polynomials. Experiments find the advantage of adopting our scheme of time-varying integration time even for sampling from distributions with smooth strongly convex potentials that are not quadratic." 71,NeuralPassthrough: Learned Real-Time View Synthesis for VR,"Virtual reality (VR) headsets provide an immersive, stereoscopic visual experience, but at the cost of blocking users from directly observing their physical environment. Passthrough techniques are intended to address this limitation by leveraging outward-facing cameras to reconstruct the images that would otherwise be seen by the user without the headset. This is inherently a real-time view synthesis challenge, since passthrough cameras cannot be physically co-located with the eyes. Existing passthrough techniques suffer from distracting reconstruction artifacts, largely due to the lack of accurate depth information (especially for near-field and disoccluded objects), and also exhibit limited image quality (e.g., being low resolution and monochromatic). In this paper, we propose the first learned passthrough method and assess its performance using a custom VR headset that contains a stereo pair of RGB cameras. Through both simulations and experiments, we demonstrate that our learned passthrough method delivers superior image quality compared to state-of-the-art methods, while meeting strict VR requirements for real-time, perspective-correct stereoscopic view synthesis over a wide field of view for desktop-connected headsets." 72,"CLEAR: Improving Vision-Language Navigation with Cross-Lingual, Environment-Agnostic Representations","Vision-and-Language Navigation (VLN) tasks require an agent to navigate through the environment based on language instructions. In this paper, we aim to solve two key challenges in this task: utilizing multilingual instructions for improved instruction-path grounding and navigating through new environments that are unseen during training. To address these challenges, we propose CLEAR: Cross-Lingual and Environment-Agnostic Representations. First, our agent learns a shared and visually-aligned cross-lingual language representation for the three languages (English, Hindi and Telugu) in the Room-Across-Room dataset. Our language representation learning is guided by text pairs that are aligned by visual information. Second, our agent learns an environment-agnostic visual representation by maximizing the similarity between semantically-aligned image pairs (with constraints on object-matching) from different environments. Our environment agnostic visual representation can mitigate the environment bias induced by low-level visual information. Empirically, on the Room-Across-Room dataset, we show that our multilingual agent gets large improvements in all metrics over the strong baseline model when generalizing to unseen environments with the cross-lingual language representation and the environment-agnostic visual representation. Furthermore, we show that our learned language and visual representations can be successfully transferred to the Room-to-Room and Cooperative Vision-and-Dialogue Navigation task, and present detailed qualitative and quantitative generalization and grounding analysis. Our code is available at https://github.com/jialuli-luka/CLEAR" 73,An Approximation Method for Fitted Random Forests,"Random Forests (RF) is a popular machine learning method for classification and regression problems. It involves a bagging application to decision tree models. One of the primary advantages of the Random Forests model is the reduction in the variance of the forecast. In large scale applications of the model with millions of data points and hundreds of features, the size of the fitted objects can get very large and reach the limits on the available space in production setups, depending on the number and depth of the trees. This could be especially challenging when trained models need to be downloaded on-demand to small devices with limited memory. There is a need to approximate the trained RF models to significantly reduce the model size without losing too much of prediction accuracy. In this project we study methods that approximate each fitted tree in the Random Forests model using the multinomial allocation of the data points to the leafs. Specifically, we begin by studying whether fitting a multinomial logistic regression (and subsequently, a generalized additive model (GAM) extension) to the output of each tree helps reduce the size while preserving the prediction quality." 74,ST-CoNAL: Consistency-Based Acquisition Criterion Using Temporal Self-Ensemble for Active Learning,"Modern deep learning has achieved great success in various fields. However, it requires the labeling of huge amounts of data, which is expensive and labor-intensive. Active learning (AL), which identifies the most informative samples to be labeled, is becoming increasingly important to maximize the efficiency of the training process. The existing AL methods mostly use only a single final fixed model for acquiring the samples to be labeled. This strategy may not be good enough in that the structural uncertainty of a model for given training data is not considered to acquire the samples. In this study, we propose a novel acquisition criterion based on temporal self-ensemble generated by conventional stochastic gradient descent (SGD) optimization. These self-ensemble models are obtained by capturing the intermediate network weights obtained through SGD iterations. Our acquisition function relies on a consistency measure between the student and teacher models. The student models are given a fixed number of temporal self-ensemble models, and the teacher model is constructed by averaging the weights of the student models. Using the proposed acquisition criterion, we present an AL algorithm, namely student-teacher consistency-based AL (ST-CoNAL). Experiments conducted for image classification tasks on CIFAR-10, CIFAR-100, Caltech-256, and Tiny ImageNet datasets demonstrate that the proposed ST-CoNAL achieves significantly better performance than the existing acquisition methods. Furthermore, extensive experiments show the robustness and effectiveness of our methods." 75,DBN-Mix: Training Dual Branch Network Using Bilateral Mixup Augmentation for Long-Tailed Visual Recognition,"There is a growing interest in the challenging visual perception task of learning from long-tailed class distributions. The extreme class imbalance in the training dataset biases the model to prefer to recognize majority-class data over minority-class data. Recently, the dual branch network (DBN) framework has been proposed, where two branch networks; the conventional branch and the re-balancing branch were employed to improve the accuracy of long-tailed visual recognition. The re-balancing branch uses a reverse sampler to generate class-balanced training samples to mitigate bias due to class imbalance. Although this strategy has been quite successful in handling bias, using a reversed sampler for training can degrade the representation learning performance. To alleviate this issue, the conventional method used a carefully designed cumulative learning strategy, in which the influence of the re-balancing branch gradually increases throughout the entire training phase. In this study, we aim to develop a simple yet effective method to improve the performance of DBN without cumulative learning that is difficult to optimize. We devise a simple data augmentation method termed bilateral mixup augmentation, which combines one sample from the uniform sampler with another sample from the reversed sampler to produce a training sample. Furthermore, we present class-conditional temperature scaling that mitigates bias toward the majority class for the proposed DBN architecture. Our experiments performed on widely used long-tailed visual recognition datasets show that bilateral mixup augmentation is quite effective in improving the representation learning performance of DBNs, and that the proposed method achieves state-of-the-art performance for some categories." 76,Probability density estimation for sets of large graphs with respect to spectral information using stochastic block models,"For graph-valued data sampled iid from a distribution $\mu$, the sample moments are computed with respect to a choice of metric. In this work, we equip the set of graphs with the pseudo-metric defined by the $\ell_2$ norm between the eigenvalues of the respective adjacency matrices. We use this pseudo metric and the respective sample moments of a graph valued data set to infer the parameters of a distribution $\hat{\mu}$ and interpret this distribution as an approximation of $\mu$. We verify experimentally that complex distributions $\mu$ can be approximated well taking this approach." 77,Automatic inspection of cultural monuments using deep and tensor-based learning on hyperspectral imagery,"In Cultural Heritage, hyperspectral images are commonly used since they provide extended information regarding the optical properties of materials. Thus, the processing of such high-dimensional data becomes challenging from the perspective of machine learning techniques to be applied. In this paper, we propose a Rank-$R$ tensor-based learning model to identify and classify material defects on Cultural Heritage monuments. In contrast to conventional deep learning approaches, the proposed high order tensor-based learning demonstrates greater accuracy and robustness against overfitting. Experimental results on real-world data from UNESCO protected areas indicate the superiority of the proposed scheme compared to conventional deep learning models." 78,UniCR: Universally Approximated Certified Robustness via Randomized Smoothing,"We study certified robustness of machine learning classifiers against adversarial perturbations. In particular, we propose the first universally approximated certified robustness (UniCR) framework, which can approximate the robustness certification of any input on any classifier against any $\ell_p$ perturbations with noise generated by any continuous probability distribution. Compared with the state-of-the-art certified defenses, UniCR provides many significant benefits: (1) the first universal robustness certification framework for the above 4 'any's; (2) automatic robustness certification that avoids case-by-case analysis, (3) tightness validation of certified robustness, and (4) optimality validation of noise distributions used by randomized smoothing. We conduct extensive experiments to validate the above benefits of UniCR and the advantages of UniCR over state-of-the-art certified defenses against $\ell_p$ perturbations." 79,Swin Deformable Attention U-Net Transformer (SDAUT) for Explainable Fast MRI,"Fast MRI aims to reconstruct a high fidelity image from partially observed measurements. Exuberant development in fast MRI using deep learning has been witnessed recently. Meanwhile, novel deep learning paradigms, e.g., Transformer based models, are fast-growing in natural language processing and promptly developed for computer vision and medical image analysis due to their prominent performance. Nevertheless, due to the complexity of the Transformer, the application of fast MRI may not be straightforward. The main obstacle is the computational cost of the self-attention layer, which is the core part of the Transformer, can be expensive for high resolution MRI inputs. In this study, we propose a new Transformer architecture for solving fast MRI that coupled Shifted Windows Transformer with U-Net to reduce the network complexity. We incorporate deformable attention to construe the explainability of our reconstruction model. We empirically demonstrate that our method achieves consistently superior performance on the fast MRI task. Besides, compared to state-of-the-art Transformer models, our method has fewer network parameters while revealing explainability. The code is publicly available at https://github.com/ayanglab/SDAUT." 80,Deterministic Decoupling of Global Features and its Application to Data Analysis,"We introduce a method for deterministic decoupling of global features and show its applicability to improve data analysis performance, as well as to open new venues for feature transfer. We propose a new formalism that is based on defining transformations on submanifolds, by following trajectories along the features gradients. Through these transformations we define a normalization that, we demonstrate, allows for decoupling differentiable features. By applying this to sampling moments, we obtain a quasi-analytic solution for the orthokurtosis, a normalized version of the kurtosis that is not just decoupled from mean and variance, but also from skewness. We apply this method in the original data domain and at the output of a filter bank to regression and classification problems based on global descriptors, obtaining a consistent and significant improvement in performance as compared to using classical (non-decoupled) descriptors." 81,A survey of multimodal deep generative models,"Multimodal learning is a framework for building models that make predictions based on different types of modalities. Important challenges in multimodal learning are the inference of shared representations from arbitrary modalities and cross-modal generation via these representations; however, achieving this requires taking the heterogeneous nature of multimodal data into account. In recent years, deep generative models, i.e., generative models in which distributions are parameterized by deep neural networks, have attracted much attention, especially variational autoencoders, which are suitable for accomplishing the above challenges because they can consider heterogeneity and infer good representations of data. Therefore, various multimodal generative models based on variational autoencoders, called multimodal deep generative models, have been proposed in recent years. In this paper, we provide a categorized survey of studies on multimodal deep generative models." 82,Adapting to Online Label Shift with Provable Guarantees,"The standard supervised learning paradigm works effectively when training data shares the same distribution as the upcoming testing samples. However, this assumption is often violated in real-world applications, especially when testing data appear in an online fashion. In this paper, we formulate and investigate the problem of online label shift (OLaS): the learner trains an initial model from the labeled offline data and then deploys it to an unlabeled online environment where the underlying label distribution changes over time but the label-conditional density does not. The non-stationarity nature and the lack of supervision make the problem challenging to be tackled. To address the difficulty, we construct a new unbiased risk estimator that utilizes the unlabeled data, which exhibits many benign properties albeit with potential non-convexity. Building upon that, we propose novel online ensemble algorithms to deal with the non-stationarity of the environments. Our approach enjoys optimal dynamic regret, indicating that the performance is competitive with a clairvoyant who knows the online environments in hindsight and then chooses the best decision for each round. The obtained dynamic regret bound scales with the intensity and pattern of label distribution shift, hence exhibiting the adaptivity in the OLaS problem. Extensive experiments are conducted to validate the effectiveness and support our theoretical findings." 83,Improving Covariance Conditioning of the SVD Meta-layer by Orthogonality,"Inserting an SVD meta-layer into neural networks is prone to make the covariance ill-conditioned, which could harm the model in the training stability and generalization abilities. In this paper, we systematically study how to improve the covariance conditioning by enforcing orthogonality to the Pre-SVD layer. Existing orthogonal treatments on the weights are first investigated. However, these techniques can improve the conditioning but would hurt the performance. To avoid such a side effect, we propose the Nearest Orthogonal Gradient (NOG) and Optimal Learning Rate (OLR). The effectiveness of our methods is validated in two applications: decorrelated Batch Normalization (BN) and Global Covariance Pooling (GCP). Extensive experiments on visual recognition demonstrate that our methods can simultaneously improve the covariance conditioning and generalization. Moreover, the combinations with orthogonal weight can further boost the performances." 84,An Intrusion Detection System based on Deep Belief Networks,"The rapid growth of connected devices has led to the proliferation of novel cyber-security threats known as zero-day attacks. Traditional behaviour-based IDS rely on DNN to detect these attacks. The quality of the dataset used to train the DNN plays a critical role in the detection performance, with underrepresented samples causing poor performances. In this paper, we develop and evaluate the performance of DBN on detecting cyber-attacks within a network of connected devices. The CICIDS2017 dataset was used to train and evaluate the performance of our proposed DBN approach. Several class balancing techniques were applied and evaluated. Lastly, we compare our approach against a conventional MLP model and the existing state-of-the-art. Our proposed DBN approach shows competitive and promising results, with significant performance improvement on the detection of attacks underrepresented in the training dataset." 85,An Empirical Study of Implicit Regularization in Deep Offline RL,"Deep neural networks are the most commonly used function approximators in offline Reinforcement Learning these days. Prior works have shown that neural nets trained with TD-learning and gradient descent can exhibit implicit regularization that can be characterized by under-parameterization of these networks. Specifically, the rank of the penultimate feature layer, also called \textit{effective rank}, has been observed to drastically collapse during the training. In turn, this collapse has been argued to reduce the model's ability to further adapt in later stages of learning, leading to the diminished final performance. Such an association between the effective rank and performance makes effective rank compelling for offline RL, primarily for offline policy evaluation. In this work, we conduct a careful empirical study on the relation between effective rank and performance on three offline RL datasets : bsuite, Atari, and DeepMind lab. We observe that a direct association exists only in restricted settings and disappears in the more extensive hyperparameter sweeps. Also, we empirically identify three phases of learning that explain the impact of implicit regularization on the learning dynamics and found that bootstrapping alone is insufficient to explain the collapse of the effective rank. Further, we show that several other factors could confound the relationship between effective rank and performance and conclude that studying this association under simplistic assumptions could be highly misleading." 86,Neural Networks and the Chomsky Hierarchy,"Reliable generalization lies at the heart of safe ML and AI. However, understanding when and how neural networks generalize remains one of the most important unsolved problems in the field. In this work, we conduct an extensive empirical study (2200 models, 16 tasks) to investigate whether insights from the theory of computation can predict the limits of neural network generalization in practice. We demonstrate that grouping tasks according to the Chomsky hierarchy allows us to forecast whether certain architectures will be able to generalize to out-of-distribution inputs. This includes negative results where even extensive amounts of data and training time never led to any non-trivial generalization, despite models having sufficient capacity to perfectly fit the training data. Our results show that, for our subset of tasks, RNNs and Transformers fail to generalize on non-regular tasks, LSTMs can solve regular and counter-language tasks, and only networks augmented with structured memory (such as a stack or memory tape) can successfully generalize on context-free and context-sensitive tasks." 87,Predicting Out-of-Domain Generalization with Local Manifold Smoothness,"Understanding how machine learning models generalize to new environments is a critical part of their safe deployment. Recent work has proposed a variety of complexity measures that directly predict or theoretically bound the generalization capacity of a model. However, these methods rely on a strong set of assumptions that in practice are not always satisfied. Motivated by the limited settings in which existing measures can be applied, we propose a novel complexity measure based on the local manifold smoothness of a classifier. We define local manifold smoothness as a classifier's output sensitivity to perturbations in the manifold neighborhood around a given test point. Intuitively, a classifier that is less sensitive to these perturbations should generalize better. To estimate smoothness we sample points using data augmentation and measure the fraction of these points classified into the majority class. Our method only requires selecting a data augmentation method and makes no other assumptions about the model or data distributions, meaning it can be applied even in out-of-domain (OOD) settings where existing methods cannot. In experiments on robustness benchmarks in image classification, sentiment analysis, and natural language inference, we demonstrate a strong and robust correlation between our manifold smoothness measure and actual OOD generalization on over 3,000 models evaluated on over 100 train/test domain pairs." 88,Learning to Accelerate Approximate Methods for Solving Integer Programming via Early Fixing,"Integer programming (IP) is an important and challenging problem. Approximate methods have shown promising performance on both effectiveness and efficiency for solving the IP problem. However, we observed that a large fraction of variables solved by some iterative approximate methods fluctuate around their final converged discrete states in very long iterations. Inspired by this observation, we aim to accelerate these approximate methods by early fixing these fluctuated variables to their converged states while not significantly harming the solution accuracy. To this end, we propose an early fixing framework along with the approximate method. We formulate the whole early fixing process as a Markov decision process, and train it using imitation learning. A policy network will evaluate the posterior probability of each free variable concerning its discrete candidate states in each block of iterations. Specifically, we adopt the powerful multi-headed attention mechanism in the policy network. Extensive experiments on our proposed early fixing framework are conducted to three different IP applications: constrained linear programming, MRF energy minimization and sparse adversarial attack. The former one is linear IP problem, while the latter two are quadratic IP problems. We extend the problem scale from regular size to significantly large size. The extensive experiments reveal the competitiveness of our early fixing framework: the runtime speeds up significantly, while the solution quality does not degrade much, even in some cases it is available to obtain better solutions. Our proposed early fixing framework can be regarded as an acceleration extension of ADMM methods for solving integer programming. The source codes are available at \url{https://github.com/SCLBD/Accelerated-Lpbox-ADMM}." 89,Resource Allocation in Multicore Elastic Optical Networks: A Deep Reinforcement Learning Approach,"A deep reinforcement learning approach is applied, for the first time, to solve the routing, modulation, spectrum and core allocation (RMSCA) problem in dynamic multicore fiber elastic optical networks (MCF-EONs). To do so, a new environment - compatible with OpenAI's Gym - was designed and implemented to emulate the operation of MCF-EONs. The new environment processes the agent actions (selection of route, core and spectrum slot) by considering the network state and physical-layer-related aspects. The latter includes the available modulation formats and their reach and the inter-core crosstalk (XT), an MCF-related impairment. If the resulting quality of the signal is acceptable, the environment allocates the resources selected by the agent. After processing the agent's action, the environment is configured to give the agent a numerical reward and information about the new network state. The blocking performance of four different agents was compared through simulation to 3 baseline heuristics used in MCF-EONs. Results obtained for the NSFNet and COST239 network topologies show that the best-performing agent achieves, on average, up to a four-times decrease in blocking probability concerning the best-performing baseline heuristic methods." 90,Image Amodal Completion: A Survey,"Existing computer vision systems can compete with humans in understanding the visible parts of objects, but still fall far short of humans when it comes to depicting the invisible parts of partially occluded objects. Image amodal completion aims to equip computers with human-like amodal completion functions to understand an intact object despite it being partially occluded. The main purpose of this survey is to provide an intuitive understanding of the research hotspots, key technologies and future trends in the field of image amodal completion. Firstly, we present a comprehensive review of the latest literature in this emerging field, exploring three key tasks in image amodal completion, including amodal shape completion, amodal appearance completion, and order perception. Then we examine popular datasets related to image amodal completion along with their common data collection methods and evaluation metrics. Finally, we discuss real-world applications and future research directions for image amodal completion, facilitating the reader's understanding of the challenges of existing technologies and upcoming research trends." 91,PRoA: A Probabilistic Robustness Assessment against Functional Perturbations,"In safety-critical deep learning applications robustness measurement is a vital pre-deployment phase. However, existing robustness verification methods are not sufficiently practical for deploying machine learning systems in the real world. On the one hand, these methods attempt to claim that no perturbations can ``fool'' deep neural networks (DNNs), which may be too stringent in practice. On the other hand, existing works rigorously consider $L_p$ bounded additive perturbations on the pixel space, although perturbations, such as colour shifting and geometric transformations, are more practically and frequently occurring in the real world. Thus, from the practical standpoint, we present a novel and general {\it probabilistic robustness assessment method} (PRoA) based on the adaptive concentration, and it can measure the robustness of deep learning models against functional perturbations. PRoA can provide statistical guarantees on the probabilistic robustness of a model, \textit{i.e.}, the probability of failure encountered by the trained model after deployment. Our experiments demonstrate the effectiveness and flexibility of PRoA in terms of evaluating the probabilistic robustness against a broad range of functional perturbations, and PRoA can scale well to various large-scale deep neural networks compared to existing state-of-the-art baselines. For the purpose of reproducibility, we release our tool on GitHub: \url{ https://github.com/TrustAI/PRoA}." 92,Robust Reinforcement Learning in Continuous Control Tasks with Uncertainty Set Regularization,"Reinforcement learning (RL) is recognized as lacking generalization and robustness under environmental perturbations, which excessively restricts its application for real-world robotics. Prior work claimed that adding regularization to the value function is equivalent to learning a robust policy with uncertain transitions. Although the regularization-robustness transformation is appealing for its simplicity and efficiency, it is still lacking in continuous control tasks. In this paper, we propose a new regularizer named $\textbf{U}$ncertainty $\textbf{S}$et $\textbf{R}$egularizer (USR), by formulating the uncertainty set on the parameter space of the transition function. In particular, USR is flexible enough to be plugged into any existing RL framework. To deal with unknown uncertainty sets, we further propose a novel adversarial approach to generate them based on the value function. We evaluate USR on the Real-world Reinforcement Learning (RWRL) benchmark, demonstrating improvements in the robust performance for perturbed testing environments." 93,"Towards trustworthy Energy Disaggregation: A review of challenges, methods and perspectives for Non-Intrusive Load Monitoring","Non-intrusive load monitoring (NILM) is the task of disaggregating the total power consumption into its individual sub-components. Over the years, signal processing and machine learning algorithms have been combined to achieve this. A lot of publications and extensive research works are performed on energy disaggregation or NILM for the state-of-the-art methods to reach on the desirable performance. The initial interest of the scientific community to formulate and describe mathematically the NILM problem using machine learning tools has now shifted into a more practical NILM. Nowadays, we are in the mature NILM period where there is an attempt for NILM to be applied in real-life application scenarios. Thus, complexity of the algorithms, transferability, reliability, practicality and in general trustworthiness are the main issues of interest. This review narrows the gap between the early immature NILM era and the mature one. In particular, the paper provides a comprehensive literature review of the NILM methods for residential appliances only. The paper analyzes, summarizes and presents the outcomes of a large number of recently published scholarly articles. Also, the paper discusses the highlights of these methods and introduces the research dilemmas that should be taken into consideration by researchers to apply NILM methods. Finally, we show the need for transferring the traditional disaggregation models into a practical and trustworthy framework." 94,The StarCraft Multi-Agent Challenges+ : Learning of Multi-Stage Tasks and Environmental Factors without Precise Reward Functions,"In this paper, we propose a novel benchmark called the StarCraft Multi-Agent Challenges+, where agents learn to perform multi-stage tasks and to use environmental factors without precise reward functions. The previous challenges (SMAC) recognized as a standard benchmark of Multi-Agent Reinforcement Learning are mainly concerned with ensuring that all agents cooperatively eliminate approaching adversaries only through fine manipulation with obvious reward functions. This challenge, on the other hand, is interested in the exploration capability of MARL algorithms to efficiently learn implicit multi-stage tasks and environmental factors as well as micro-control. This study covers both offensive and defensive scenarios. In the offensive scenarios, agents must learn to first find opponents and then eliminate them. The defensive scenarios require agents to use topographic features. For example, agents need to position themselves behind protective structures to make it harder for enemies to attack. We investigate MARL algorithms under SMAC+ and observe that recent approaches work well in similar settings to the previous challenges, but misbehave in offensive scenarios. Additionally, we observe that an enhanced exploration approach has a positive effect on performance but is not able to completely solve all scenarios. This study proposes new directions for future research." 95,Disentangling private classes through regularization,"Deep learning models are nowadays broadly deployed to solve an incredibly large variety of tasks. However, little attention has been devoted to connected legal aspects. In 2016, the European Union approved the General Data Protection Regulation which entered into force in 2018. Its main rationale was to protect the privacy and data protection of its citizens by the way of operating of the so-called ""Data Economy"". As data is the fuel of modern Artificial Intelligence, it is argued that the GDPR can be partly applicable to a series of algorithmic decision making tasks before a more structured AI Regulation enters into force. In the meantime, AI should not allow undesired information leakage deviating from the purpose for which is created. In this work we propose DisP, an approach for deep learning models disentangling the information related to some classes we desire to keep private, from the data processed by AI. In particular, DisP is a regularization strategy de-correlating the features belonging to the same private class at training time, hiding the information of private classes membership. Our experiments on state-of-the-art deep learning models show the effectiveness of DisP, minimizing the risk of extraction for the classes we desire to keep private." 96,Correlation between entropy and generalizability in a neural network,"Although neural networks can solve very complex machine-learning problems, the theoretical reason for their generalizability is still not fully understood. Here we use Wang-Landau Mote Carlo algorithm to calculate the entropy (logarithm of the volume of a part of the parameter space) at a given test accuracy, and a given training loss function value or training accuracy. Our results show that entropical forces help generalizability. Although our study is on a very simple application of neural networks (a spiral dataset and a small, fully-connected neural network), our approach should be useful in explaining the generalizability of more complicated neural networks in future works." 97,Local Multi-Label Explanations for Random Forest,"Multi-label classification is a challenging task, particularly in domains where the number of labels to be predicted is large. Deep neural networks are often effective at multi-label classification of images and textual data. When dealing with tabular data, however, conventional machine learning algorithms, such as tree ensembles, appear to outperform competition. Random forest, being a popular ensemble algorithm, has found use in a wide range of real-world problems. Such problems include fraud detection in the financial domain, crime hotspot detection in the legal sector, and in the biomedical field, disease probability prediction when patient records are accessible. Since they have an impact on people's lives, these domains usually require decision-making systems to be explainable. Random Forest falls short on this property, especially when a large number of tree predictors are used. This issue was addressed in a recent research named LionForests, regarding single label classification and regression. In this work, we adapt this technique to multi-label classification problems, by employing three different strategies regarding the labels that the explanation covers. Finally, we provide a set of qualitative and quantitative experiments to assess the efficacy of this approach." 98,Conflicting Interactions Among Protections Mechanisms for Machine Learning Models,"Nowadays, systems based on machine learning (ML) are widely used in different domains. Given their popularity, ML models have become targets for various attacks. As a result, research at the intersection of security and privacy, and ML has flourished. The research community has been exploring the attack vectors and potential mitigations separately. However, practitioners will likely need to deploy defences against several threats simultaneously. A solution that is optimal for a specific concern may interact negatively with solutions intended to address other concerns. In this work, we explore the potential for conflicting interactions between different solutions that enhance the security/privacy of ML-base systems. We focus on model and data ownership; exploring how ownership verification techniques interact with other ML security/privacy techniques like differentially private training, and robustness against model evasion. We provide a framework, and conduct systematic analysis of pairwise interactions. We show that many pairs are incompatible. Where possible, we provide relaxations to the hyperparameters or the techniques themselves that allow for the simultaneous deployment. Lastly, we discuss the implications and provide guidelines for future work." 99,Unsupervised Crowdsourcing with Accuracy and Cost Guarantees,"We consider the problem of cost-optimal utilization of a crowdsourcing platform for binary, unsupervised classification of a collection of items, given a prescribed error threshold. Workers on the crowdsourcing platform are assumed to be divided into multiple classes, based on their skill, experience, and/or past performance. We model each worker class via an unknown confusion matrix, and a (known) price to be paid per label prediction. For this setting, we propose algorithms for acquiring label predictions from workers, and for inferring the true labels of items. We prove that if the number of (unlabeled) items available is large enough, our algorithms satisfy the prescribed error thresholds, incurring a cost that is near-optimal. Finally, we validate our algorithms, and some heuristics inspired by them, through an extensive case study." 100,Query-Efficient Adversarial Attack Based on Latin Hypercube Sampling,"In order to be applicable in real-world scenario, Boundary Attacks (BAs) were proposed and ensured one hundred percent attack success rate with only decision information. However, existing BA methods craft adversarial examples by leveraging a simple random sampling (SRS) to estimate the gradient, consuming a large number of model queries. To overcome the drawback of SRS, this paper proposes a Latin Hypercube Sampling based Boundary Attack (LHS-BA) to save query budget. Compared with SRS, LHS has better uniformity under the same limited number of random samples. Therefore, the average on these random samples is closer to the true gradient than that estimated by SRS. Various experiments are conducted on benchmark datasets including MNIST, CIFAR, and ImageNet-1K. Experimental results demonstrate the superiority of the proposed LHS-BA over the state-of-the-art BA methods in terms of query efficiency. The source codes are publicly available at https://github.com/GZHU-DVL/LHS-BA." 101,Defending against the Label-flipping Attack in Federated Learning,"Federated learning (FL) provides autonomy and privacy by design to participating peers, who cooperatively build a machine learning (ML) model while keeping their private data in their devices. However, that same autonomy opens the door for malicious peers to poison the model by conducting either untargeted or targeted poisoning attacks. The label-flipping (LF) attack is a targeted poisoning attack where the attackers poison their training data by flipping the labels of some examples from one class (i.e., the source class) to another (i.e., the target class). Unfortunately, this attack is easy to perform and hard to detect and it negatively impacts on the performance of the global model. Existing defenses against LF are limited by assumptions on the distribution of the peers' data and/or do not perform well with high-dimensional models. In this paper, we deeply investigate the LF attack behavior and find that the contradicting objectives of attackers and honest peers on the source class examples are reflected in the parameter gradients corresponding to the neurons of the source and target classes in the output layer, making those gradients good discriminative features for the attack detection. Accordingly, we propose a novel defense that first dynamically extracts those gradients from the peers' local updates, and then clusters the extracted gradients, analyzes the resulting clusters and filters out potential bad updates before model aggregation. Extensive empirical analysis on three data sets shows the proposed defense's effectiveness against the LF attack regardless of the data distribution or model dimensionality. Also, the proposed defense outperforms several state-of-the-art defenses by offering lower test error, higher overall accuracy, higher source class accuracy, lower attack success rate, and higher stability of the source class accuracy." 102,A Safe Semi-supervised Graph Convolution Network,"In the semi-supervised learning field, Graph Convolution Network (GCN), as a variant model of GNN, has achieved promising results for non-Euclidean data by introducing convolution into GNN. However, GCN and its variant models fail to safely use the information of risk unlabeled data, which will degrade the performance of semi-supervised learning. Therefore, we propose a Safe GCN framework (Safe-GCN) to improve the learning performance. In the Safe-GCN, we design an iterative process to label the unlabeled data. In each iteration, a GCN and its supervised version(S-GCN) are learned to find the unlabeled data with high confidence. The high-confidence unlabeled data and their pseudo labels are then added to the label set. Finally, both added unlabeled data and labeled ones are used to train a S-GCN which can achieve the safe exploration of the risk unlabeled data and enable safe use of large numbers of unlabeled data. The performance of Safe-GCN is evaluated on three well-known citation network datasets and the obtained results demonstrate the effectiveness of the proposed framework over several graph-based semi-supervised learning methods." 103,Ask-AC: An Initiative Advisor-in-the-Loop Actor-Critic Framework,"Despite the promising results achieved, state-of-the-art interactive reinforcement learning schemes rely on passively receiving supervision signals from advisor experts, in the form of either continuous monitoring or pre-defined rules, which inevitably result in a cumbersome and expensive learning process. In this paper, we introduce a novel initiative advisor-in-the-loop actor-critic framework, termed as Ask-AC, that replaces the unilateral advisor-guidance mechanism with a bidirectional learner-initiative one, and thereby enables a customized and efficacious message exchange between learner and advisor. At the heart of Ask-AC are two complementary components, namely action requester and adaptive state selector, that can be readily incorporated into various discrete actor-critic architectures. The former component allows the agent to initiatively seek advisor intervention in the presence of uncertain states, while the latter identifies the unstable states potentially missed by the former especially when environment changes, and then learns to promote the ask action on such states. Experimental results on both stationary and non-stationary environments and across different actor-critic backbones demonstrate that the proposed framework significantly improves the learning efficiency of the agent, and achieves the performances on par with those obtained by continuous advisor monitoring." 104,Entity Linking in Tabular Data Needs the Right Attention,"Understanding the semantic meaning of tabular data requires Entity Linking (EL), in order to associate each cell value to a real-world entity in a Knowledge Base (KB). In this work, we focus on end-to-end solutions for EL on tabular data that do not rely on fact lookup in the target KB. Tabular data contains heterogeneous and sparse context, including column headers, cell values and table captions. We experiment with various models to generate a vector representation for each cell value to be linked. Our results show that it is critical to apply an attention mechanism as well as an attention mask, so that the model can only attend to the most relevant context and avoid information dilution. The most relevant context includes: same-row cells, same-column cells, headers and caption. Computational complexity, however, grows quadratically with the size of tabular data for such a complex model. We achieve constant memory usage by introducing a Tabular Entity Linking Lite model (TELL ) that generates vector representation for a cell based only on its value, the table headers and the table caption. TELL achieves 80.8% accuracy on Wikipedia tables, which is only 0.1% lower than the state-of-the-art model with quadratic memory usage." 105,Vector Quantisation for Robust Segmentation,"The reliability of segmentation models in the medical domain depends on the model's robustness to perturbations in the input space. Robustness is a particular challenge in medical imaging exhibiting various sources of image noise, corruptions, and domain shifts. Obtaining robustness is often attempted via simulating heterogeneous environments, either heuristically in the form of data augmentation or by learning to generate specific perturbations in an adversarial manner. We propose and justify that learning a discrete representation in a low dimensional embedding space improves robustness of a segmentation model. This is achieved with a dictionary learning method called vector quantisation. We use a set of experiments designed to analyse robustness in both the latent and output space under domain shift and noise perturbations in the input space. We adapt the popular UNet architecture, inserting a quantisation block in the bottleneck. We demonstrate improved segmentation accuracy and better robustness on three segmentation tasks. Code is available at \url{https://github.com/AinkaranSanthi/Vector-Quantisation-for-Robust-Segmentation}" 106,"Explainability in Deep Reinforcement Learning, a Review into Current Methods and Applications","The use of Deep Reinforcement Learning (DRL) schemes has increased dramatically since their first introduction in 2015. Though uses in many different applications are being found they still have a problem with the lack of interpretability. This has bread a lack of understanding and trust in the use of DRL solutions from researchers and the general public. To solve this problem the field of explainable artificial intelligence (XAI) has emerged. This is a variety of different methods that look to open the DRL black boxes, they range from the use of interpretable symbolic decision trees to numerical methods like Shapley Values. This review looks at which methods are being used and what applications they are being used. This is done to identify which models are the best suited to each application or if a method is being underutilised." 107,Multi-Scored Sleep Databases: How to Exploit the Multiple-Labels in Automated Sleep Scoring,"Study Objectives: Inter-scorer variability in scoring polysomnograms is a well-known problem. Most of the existing automated sleep scoring systems are trained using labels annotated by a single scorer, whose subjective evaluation is transferred to the model. When annotations from two or more scorers are available, the scoring models are usually trained on the scorer consensus. The averaged scorer's subjectivity is transferred into the model, losing information about the internal variability among different scorers. In this study, we aim to insert the multiple-knowledge of the different physicians into the training procedure.The goal is to optimize a model training, exploiting the full information that can be extracted from the consensus of a group of scorers. Methods: We train two lightweight deep learning based models on three different multi-scored databases. We exploit the label smoothing technique together with a soft-consensus (LSSC) distribution to insert the multiple-knowledge in the training procedure of the model. We introduce the averaged cosine similarity metric (ACS) to quantify the similarity between the hypnodensity-graph generated by the models with-LSSC and the hypnodensity-graph generated by the scorer consensus. Results: The performance of the models improves on all the databases when we train the models with our LSSC. We found an increase in ACS (up to 6.4%) between the hypnodensity-graph generated by the models trained with-LSSC and the hypnodensity-graph generated by the consensus. Conclusions: Our approach definitely enables a model to better adapt to the consensus of the group of scorers. Future work will focus on further investigations on different scoring architectures." 108,StyleFlow For Content-Fixed Image to Image Translation,"Image-to-image (I2I) translation is a challenging topic in computer vision. We divide this problem into three tasks: strongly constrained translation, normally constrained translation, and weakly constrained translation. The constraint here indicates the extent to which the content or semantic information in the original image is preserved. Although previous approaches have achieved good performance in weakly constrained tasks, they failed to fully preserve the content in both strongly and normally constrained tasks, including photo-realism synthesis, style transfer, and colorization, etc. To achieve content-preserving transfer in strongly constrained and normally constrained tasks, we propose StyleFlow, a new I2I translation model that consists of normalizing flows and a novel Style-Aware Normalization (SAN) module. With the invertible network structure, StyleFlow first projects input images into deep feature space in the forward pass, while the backward pass utilizes the SAN module to perform content-fixed feature transformation and then projects back to image space. Our model supports both image-guided translation and multi-modal synthesis. We evaluate our model in several I2I translation benchmarks, and the results show that the proposed model has advantages over previous methods in both strongly constrained and normally constrained tasks." 109,A Deep Learning Approach for the solution of Probability Density Evolution of Stochastic Systems,"Derivation of the probability density evolution provides invaluable insight into the behavior of many stochastic systems and their performance. However, for most real-time applica-tions, numerical determination of the probability density evolution is a formidable task. The latter is due to the required temporal and spatial discretization schemes that render most computational solutions prohibitive and impractical. In this respect, the development of an efficient computational surrogate model is of paramount importance. Recent studies on the physics-constrained networks show that a suitable surrogate can be achieved by encoding the physical insight into a deep neural network. To this aim, the present work introduces DeepPDEM which utilizes the concept of physics-informed networks to solve the evolution of the probability density via proposing a deep learning method. DeepPDEM learns the General Density Evolution Equation (GDEE) of stochastic structures. This approach paves the way for a mesh-free learning method that can solve the density evolution problem with-out prior simulation data. Moreover, it can also serve as an efficient surrogate for the solu-tion at any other spatiotemporal points within optimization schemes or real-time applica-tions. To demonstrate the potential applicability of the proposed framework, two network architectures with different activation functions as well as two optimizers are investigated. Numerical implementation on three different problems verifies the accuracy and efficacy of the proposed method." 110,"""Even if ..."" -- Diverse Semifactual Explanations of Reject","Machine learning based decision making systems applied in safety critical areas require reliable high certainty predictions. For this purpose, the system can be extended by an reject option which allows the system to reject inputs where only a prediction with an unacceptably low certainty would be possible. While being able to reject uncertain samples is important, it is also of importance to be able to explain why a particular sample was rejected. With the ongoing rise of eXplainable AI (XAI), a lot of explanation methodologies for machine learning based systems have been developed -- explaining reject options, however, is still a novel field where only very little prior work exists. In this work, we propose to explain rejects by semifactual explanations, an instance of example-based explanation methods, which them self have not been widely considered in the XAI community yet. We propose a conceptual modeling of semifactual explanations for arbitrary reject options and empirically evaluate a specific implementation on a conformal prediction based reject option." 111,The Deep Ritz Method for Parametric $p$-Dirichlet Problems,"We establish error estimates for the approximation of parametric $p$-Dirichlet problems deploying the Deep Ritz Method. Parametric dependencies include, e.g., varying geometries and exponents $p\in (1,\infty)$. Combining the derived error estimates with quantitative approximation theorems yields error decay rates and establishes that the Deep Ritz Method retains the favorable approximation capabilities of neural networks in the approximation of high dimensional functions which makes the method attractive for parametric problems. Finally, we present numerical examples to illustrate potential applications." 112,ICE-NODE: Integration of Clinical Embeddings with Neural Ordinary Differential Equations,"Early diagnosis of disease can result in improved health outcomes, such as higher survival rates and lower treatment costs. With the massive amount of information in electronic health records (EHRs), there is great potential to use machine learning (ML) methods to model disease progression aimed at early prediction of disease onset and other outcomes. In this work, we employ recent innovations in neural ODEs to harness the full temporal information of EHRs. We propose ICE-NODE (Integration of Clinical Embeddings with Neural Ordinary Differential Equations), an architecture that temporally integrates embeddings of clinical codes and neural ODEs to learn and predict patient trajectories in EHRs. We apply our method to the publicly available MIMIC-III and MIMIC-IV datasets, reporting improved prediction results compared to state-of-the-art methods, specifically for clinical codes that are not frequently observed in EHRs. We also show that ICE-NODE is more competent at predicting certain medical conditions, like acute renal failure and pulmonary heart disease, and is also able to produce patient risk trajectories over time that can be exploited for further predictions." 113,Bayesian approaches for Quantifying Clinicians' Variability in Medical Image Quantification,"Medical imaging, including MRI, CT, and Ultrasound, plays a vital role in clinical decisions. Accurate segmentation is essential to measure the structure of interest from the image. However, manual segmentation is highly operator-dependent, which leads to high inter and intra-variability of quantitative measurements. In this paper, we explore the feasibility that Bayesian predictive distribution parameterized by deep neural networks can capture the clinicians' inter-intra variability. By exploring and analyzing recently emerged approximate inference schemes, we evaluate whether approximate Bayesian deep learning with the posterior over segmentations can learn inter-intra rater variability both in segmentation and clinical measurements. The experiments are performed with two different imaging modalities: MRI and ultrasound. We empirically demonstrated that Bayesian predictive distribution parameterized by deep neural networks could approximate the clinicians' inter-intra variability. We show a new perspective in analyzing medical images quantitatively by providing clinical measurement uncertainty." 114,Meta-Learning a Real-Time Tabular AutoML Method For Small Data,"We present TabPFN, an AutoML method that is competitive with the state of the art on small tabular datasets while being over 1,000$\times$ faster. Our method is very simple: it is fully entailed in the weights of a single neural network, and a single forward pass directly yields predictions for a new dataset. Our AutoML method is meta-learned using the Transformer-based Prior-Data Fitted Network (PFN) architecture and approximates Bayesian inference with a prior that is based on assumptions of simplicity and causal structures. The prior contains a large space of structural causal models and Bayesian neural networks with a bias for small architectures and thus low complexity. Furthermore, we extend the PFN approach to differentiably calibrate the prior's hyperparameters on real data. By doing so, we separate our abstract prior assumptions from their heuristic calibration on real data. Afterwards, the calibrated hyperparameters are fixed and TabPFN can be applied to any new tabular dataset at the push of a button. Finally, on 30 datasets from the OpenML-CC18 suite we show that our method outperforms boosted trees and performs on par with complex state-of-the-art AutoML systems with predictions produced in less than a second. We provide all our code and our final trained TabPFN in the supplementary materials." 115,PoF: Post-Training of Feature Extractor for Improving Generalization,"It has been intensively investigated that the local shape, especially flatness, of the loss landscape near a minimum plays an important role for generalization of deep models. We developed a training algorithm called PoF: Post-Training of Feature Extractor that updates the feature extractor part of an already-trained deep model to search a flatter minimum. The characteristics are two-fold: 1) Feature extractor is trained under parameter perturbations in the higher-layer parameter space, based on observations that suggest flattening higher-layer parameter space, and 2) the perturbation range is determined in a data-driven manner aiming to reduce a part of test loss caused by the positive loss curvature. We provide a theoretical analysis that shows the proposed algorithm implicitly reduces the target Hessian components as well as the loss. Experimental results show that PoF improved model performance against baseline methods on both CIFAR-10 and CIFAR-100 datasets for only 10-epoch post-training, and on SVHN dataset for 50-epoch post-training. Source code is available at: \url{https://github.com/DensoITLab/PoF-v1" 116,Efficient Representation Learning via Adaptive Context Pooling,"Self-attention mechanisms model long-range context by using pairwise attention between all input tokens. In doing so, they assume a fixed attention granularity defined by the individual tokens (e.g., text characters or image pixels), which may not be optimal for modeling complex dependencies at higher levels. In this paper, we propose ContextPool to address this problem by adapting the attention granularity for each token. Inspired by the success of ConvNets that are combined with pooling to capture long-range dependencies, we learn to pool neighboring features for each token before computing attention in a given attention layer. The pooling weights and support size are adaptively determined, allowing the pooled features to encode meaningful context with varying scale. We show that ContextPool makes attention models more expressive, achieving strong performance often with fewer layers and thus significantly reduced cost. Experiments validate that our ContextPool module, when plugged into transformer models, matches or surpasses state-of-the-art performance using less compute on several language and image benchmarks, outperforms recent works with learned context sizes or sparse attention patterns, and is also applicable to ConvNets for efficient feature learning." 117,Randomized-to-Canonical Model Predictive Control for Real-world Visual Robotic Manipulation,"Many works have recently explored Sim-to-real transferable visual model predictive control (MPC). However, such works are limited to one-shot transfer, where real-world data must be collected once to perform the sim-to-real transfer, which remains a significant human effort in transferring the models learned in simulations to new domains in the real world. To alleviate this problem, we first propose a novel model-learning framework called Kalman Randomized-to-Canonical Model (KRC-model). This framework is capable of extracting task-relevant intrinsic features and their dynamics from randomized images. We then propose Kalman Randomized-to-Canonical Model Predictive Control (KRC-MPC) as a zero-shot sim-to-real transferable visual MPC using KRC-model. The effectiveness of our method is evaluated through a valve rotation task by a robot hand in both simulation and the real world, and a block mating task in simulation. The experimental results show that KRC-MPC can be applied to various real domains and tasks in a zero-shot manner." 118,What Do Graph Convolutional Neural Networks Learn?,"Graph neural networks (GNNs) have gained traction over the past few years for their superior performance in numerous machine learning tasks. Graph Convolutional Neural Networks (GCN) are a common variant of GNNs that are known to have high performance in semi-supervised node classification (SSNC), and work well under the assumption of homophily. Recent literature has highlighted that GCNs can achieve strong performance on heterophilous graphs under certain ""special conditions"". These arguments motivate us to understand why, and how, GCNs learn to perform SSNC. We find a positive correlation between similarity of latent node embeddings of nodes within a class and the performance of a GCN. Our investigation on underlying graph structures of a dataset finds that a GCN's SSNC performance is significantly influenced by the consistency and uniqueness in neighborhood structure of nodes within a class." 119,Ensemble feature selection with data-driven thresholding for Alzheimer's disease biomarker discovery,"Healthcare datasets present many challenges to both machine learning and statistics as their data are typically heterogeneous, censored, high-dimensional and have missing information. Feature selection is often used to identify the important features but can produce unstable results when applied to high-dimensional data, selecting a different set of features on each iteration. The stability of feature selection can be improved with the use of feature selection ensembles, which aggregate the results of multiple base feature selectors. A threshold must be applied to the final aggregated feature set to separate the relevant features from the redundant ones. A fixed threshold, which is typically applied, offers no guarantee that the final set of selected features contains only relevant features. This work develops several data-driven thresholds to automatically identify the relevant features in an ensemble feature selector and evaluates their predictive accuracy and stability. To demonstrate the applicability of these methods to clinical data, they are applied to data from two real-world Alzheimer's disease (AD) studies. AD is a progressive neurodegenerative disease with no known cure, that begins at least 2-3 decades before overt symptoms appear, presenting an opportunity for researchers to identify early biomarkers that might identify patients at risk of developing AD. Features identified by applying these methods to both datasets reflect current findings in the AD literature." 120,Multimodal Frame-Scoring Transformer for Video Summarization,"As the number of video content has mushroomed in recent years, automatic video summarization has come useful when we want to just peek at the content of the video. However, there are two underlying limitations in generic video summarization task. First, most previous approaches read in just visual features as input, leaving other modality features behind. Second, existing datasets for generic video summarization are relatively insufficient to train a caption generator and multimodal feature extractors. To address these two problems, this paper proposes the Multimodal Frame-Scoring Transformer (MFST) framework exploiting visual, text and audio features and scoring a video with respect to frames. Our MFST framework first extracts each modality features (visual-text-audio) using pretrained encoders. Then, MFST trains the multimodal frame-scoring transformer that uses video-text-audio representations as inputs and predicts frame-level scores. Our extensive experiments with previous models and ablation studies on TVSum and SumMe datasets demonstrate the effectiveness and superiority of our proposed method." 121,Deriving Surface Resistivity from Polarimetric SAR Data Using Dual-Input UNet,"Traditional survey methods for finding surface resistivity are time-consuming and labor intensive. Very few studies have focused on finding the resistivity/conductivity using remote sensing data and deep learning techniques. In this line of work, we assessed the correlation between surface resistivity and Synthetic Aperture Radar (SAR) by applying various deep learning methods and tested our hypothesis in the Coso Geothermal Area, USA. For detecting the resistivity, L-band full polarimetric SAR data acquired by UAVSAR were used, and MT (Magnetotellurics) inverted resistivity data of the area were used as the ground truth. We conducted experiments to compare various deep learning architectures and suggest the use of Dual Input UNet (DI-UNet) architecture. DI-UNet uses a deep learning architecture to predict the resistivity using full polarimetric SAR data by promising a quick survey addition to the traditional method. Our proposed approach accomplished improved outcomes for the mapping of MT resistivity from SAR data." 122,"Sedentary Behavior Estimation with Hip-worn Accelerometer Data: Segmentation, Classification and Thresholding","Cohort studies are increasingly using accelerometers for physical activity and sedentary behavior estimation. These devices tend to be less error-prone than self-report, can capture activity throughout the day, and are economical. However, previous methods for estimating sedentary behavior based on hip-worn data are often invalid or suboptimal under free-living situations and subject-to-subject variation. In this paper, we propose a local Markov switching model that takes this situation into account, and introduce a general procedure for posture classification and sedentary behavior analysis that fits the model naturally. Our method features changepoint detection methods in time series and also a two stage classification step that labels data into 3 classes(sitting, standing, stepping). Through a rigorous training-testing paradigm, we showed that our approach achieves > 80% accuracy. In addition, our method is robust and easy to interpret." 123,GSMFlow: Generation Shifts Mitigating Flow for Generalized Zero-Shot Learning,"Generalized Zero-Shot Learning (GZSL) aims to recognize images from both the seen and unseen classes by transferring semantic knowledge from seen to unseen classes. It is a promising solution to take the advantage of generative models to hallucinate realistic unseen samples based on the knowledge learned from the seen classes. However, due to the generation shifts, the synthesized samples by most existing methods may drift from the real distribution of the unseen data. To address this issue, we propose a novel flow-based generative framework that consists of multiple conditional affine coupling layers for learning unseen data generation. Specifically, we discover and address three potential problems that trigger the generation shifts, i.e., semantic inconsistency, variance collapse, and structure disorder. First, to enhance the reflection of the semantic information in the generated samples, we explicitly embed the semantic information into the transformation in each conditional affine coupling layer. Second, to recover the intrinsic variance of the real unseen features, we introduce a boundary sample mining strategy with entropy maximization to discover more difficult visual variants of semantic prototypes and hereby adjust the decision boundary of the classifiers. Third, a relative positioning strategy is proposed to revise the attribute embeddings, guiding them to fully preserve the inter-class geometric structure and further avoid structure disorder in the semantic space. Extensive experimental results on four GZSL benchmark datasets demonstrate that GSMFlow achieves the state-of-the-art performance on GZSL." 124,Task-agnostic Defense against Adversarial Patch Attacks,"Adversarial patch attacks mislead neural networks by injecting adversarial pixels within a designated local region. Patch attacks can be highly effective in a variety of tasks and physically realizable via attachment (e.g. a sticker) to the real-world objects. Despite the diversity in attack patterns, adversarial patches tend to be highly textured and different in appearance from natural images. We exploit this property and present PatchZero, a task-agnostic defense against white-box adversarial patches. Specifically, our defense detects the adversarial pixels and ""zeros out"" the patch region by repainting with mean pixel values. We formulate the patch detection problem as a semantic segmentation task such that our model can generalize to patches of any size and shape. We further design a two-stage adversarial training scheme to defend against the stronger adaptive attacks. We thoroughly evaluate PatchZero on the image classification (ImageNet, RESISC45), object detection (PASCAL VOC), and video classification (UCF101) datasets. Our method achieves SOTA robust accuracy without any degradation in the benign performance." 125,Features Based Adaptive Augmentation for Graph Contrastive Learning,"Self-Supervised learning aims to eliminate the need for expensive annotation in graph representation learning, where graph contrastive learning (GCL) is trained with the self-supervision signals containing data-data pairs. These data-data pairs are generated with augmentation employing stochastic functions on the original graph. We argue that some features can be more critical than others depending on the downstream task, and applying stochastic function uniformly, will vandalize the influential features, leading to diminished accuracy. To fix this issue, we introduce a Feature Based Adaptive Augmentation (FebAA) approach, which identifies and preserves potentially influential features and corrupts the remaining ones. We implement FebAA as plug and play layer and use it with state-of-the-art Deep Graph Contrastive Learning (GRACE) and Bootstrapped Graph Latents (BGRL). We successfully improved the accuracy of GRACE and BGRL on eight graph representation learning's benchmark datasets." 126,Improved Global Guarantees for the Nonconvex Burer--Monteiro Factorization via Rank Overparameterization,"We consider minimizing a twice-differentiable, $L$-smooth, and $\mu$-strongly convex objective $\phi$ over an $n\times n$ positive semidefinite matrix $M\succeq0$, under the assumption that the minimizer $M^{\star}$ has low rank $r^{\star}\ll n$. Following the Burer--Monteiro approach, we instead minimize the nonconvex objective $f(X)=\phi(XX^{T})$ over a factor matrix $X$ of size $n\times r$. This substantially reduces the number of variables from $O(n^{2})$ to as few as $O(n)$ and also enforces positive semidefiniteness for free, but at the cost of giving up the convexity of the original problem. In this paper, we prove that if the search rank $r\ge r^{\star}$ is overparameterized by a constant factor with respect to the true rank $r^{\star}$, namely as in $r>\frac{1}{4}(L/\mu-1)^{2}r^{\star}$, then despite nonconvexity, local optimization is guaranteed to globally converge from any initial point to the global optimum. This significantly improves upon a previous rank overparameterization threshold of $r\ge n$, which is known to be sharp if $\phi$ is allowed to be nonsmooth and/or non-strongly convex, but would increase the number of variables back up to $O(n^{2})$. Conversely, without rank overparameterization, we prove that such a global guarantee is possible if and only if $\phi$ is almost perfectly conditioned, with a condition number of $L/\mu<3$. Therefore, we conclude that a small amount of overparameterization can lead to large improvements in theoretical guarantees for the nonconvex Burer--Monteiro factorization." 127,A Unified Meta-Learning Framework for Dynamic Transfer Learning,"Transfer learning refers to the transfer of knowledge or information from a relevant source task to a target task. However, most existing works assume both tasks are sampled from a stationary task distribution, thereby leading to the sub-optimal performance for dynamic tasks drawn from a non-stationary task distribution in real scenarios. To bridge this gap, in this paper, we study a more realistic and challenging transfer learning setting with dynamic tasks, i.e., source and target tasks are continuously evolving over time. We theoretically show that the expected error on the dynamic target task can be tightly bounded in terms of source knowledge and consecutive distribution discrepancy across tasks. This result motivates us to propose a generic meta-learning framework L2E for modeling the knowledge transferability on dynamic tasks. It is centered around a task-guided meta-learning problem with a group of meta-pairs of tasks, based on which we are able to learn the prior model initialization for fast adaptation on the newest target task. L2E enjoys the following properties: (1) effective knowledge transferability across dynamic tasks; (2) fast adaptation to the new target task; (3) mitigation of catastrophic forgetting on historical target tasks; and (4) flexibility in incorporating any existing static transfer learning algorithms. Extensive experiments on various image data sets demonstrate the effectiveness of the proposed L2E framework." 128,On A Mallows-type Model For (Ranked) Choices,"In a preference learning setting, every participant chooses an ordered list of $k$ most preferred items among a displayed set of candidates. (The set can be different for every participant.) We identify a distance-based ranking model for the population's preferences and their (ranked) choice behavior. The ranking model resembles the Mallows model but uses a new distance function called Reverse Major Index (RMJ). We find that despite the need to sum over all permutations, the RMJ-based ranking distribution aggregates into (ranked) choice probabilities with simple closed-form expression. We develop effective methods to estimate the model parameters and showcase their generalization power using real data, especially when there is a limited variety of display sets." 129,CodeRL: Mastering Code Generation through Pretrained Models and Deep Reinforcement Learning,"Program synthesis or code generation aims to generate a program that satisfies a problem specification. Recent approaches using large-scale pretrained language models (LMs) have shown promising results, yet they have some critical limitations. In particular, they often follow a standard supervised fine-tuning procedure to train a code generation model only from the pairs of natural-language problem descriptions and ground-truth programs. Such paradigm largely ignores some important but potentially useful signals in the problem specification such as unit tests, which thus often results in poor performance when solving complex unseen coding tasks. To address the limitations, we propose ""CodeRL"", a new framework for program synthesis tasks through pretrained LMs and deep reinforcement learning (RL). Specifically, during training, we treat the code-generating LM as an actor network, and introduce a critic network that is trained to predict the functional correctness of generated programs and provide dense feedback signals to the actor. During inference, we introduce a new generation procedure with a critical sampling strategy that allows a model to automatically regenerate programs based on feedback from example unit tests and critic scores. For the model backbones, we extended the encoder-decoder architecture of CodeT5 with enhanced learning objectives, larger model sizes, and better pretraining data. Our method not only achieves new SOTA results on the challenging APPS benchmark, but also shows strong zero-shot transfer capability with new SOTA results on the simpler MBPP benchmark." 130,Approximating Discontinuous Nash Equilibrial Values of Two-Player General-Sum Differential Games,"Finding Nash equilibrial policies for two-player differential games requires solving Hamilton-Jacobi-Isaacs PDEs. Recent studies achieved success in circumventing the curse of dimensionality in solving such PDEs with underlying applications to human-robot interactions (HRI), by adopting self-supervised (physics-informed) neural networks as universal value approximators. This paper extends from previous SOTA on zero-sum games with continuous values to general-sum games with discontinuous values, where the discontinuity is caused by that of the players' losses. We show that due to its lack of convergence proof and generalization analysis on discontinuous losses, the existing self-supervised learning technique fails to generalize and raises safety concerns in an autonomous driving application. Our solution is to first pre-train the value network on supervised Nash equilibria, and then refine it by minimizing a loss that combines the supervised data with the PDE and boundary conditions. Importantly, the demonstrated advantage of the proposed learning method against purely supervised and self-supervised approaches requires careful choice of the neural activation function: Among $\texttt{relu}$, $\texttt{sin}$, and $\texttt{tanh}$, we show that $\texttt{tanh}$ is the only choice that achieves optimal generalization and safety performance. Our conjecture is that $\texttt{tanh}$ (similar to $\texttt{sin}$) allows continuity of value and its gradient, which is sufficient for the convergence of learning, and at the same time is expressive enough (similar to $\texttt{relu}$) at approximating discontinuous value landscapes. Lastly, we apply our method to approximating control policies for an incomplete-information interaction and demonstrate its contribution to safe interactions." 131,"A Generative Framework for Personalized Learning and Estimation: Theory, Algorithms, and Privacy","A distinguishing characteristic of federated learning is that the (local) client data could have statistical heterogeneity. This heterogeneity has motivated the design of personalized learning, where individual (personalized) models are trained, through collaboration. There have been various personalization methods proposed in literature, with seemingly very different forms and methods ranging from use of a single global model for local regularization and model interpolation, to use of multiple global models for personalized clustering, etc. In this work, we begin with a generative framework that could potentially unify several different algorithms as well as suggest new algorithms. We apply our generative framework to personalized estimation, and connect it to the classical empirical Bayes' methodology. We develop private personalized estimation under this framework. We then use our generative framework for learning, which unifies several known personalized FL algorithms and also suggests new ones; we propose and study a new algorithm AdaPeD based on a Knowledge Distillation, which numerically outperforms several known algorithms. We also develop privacy for personalized learning methods with guarantees for user-level privacy and composition. We numerically evaluate the performance as well as the privacy for both the estimation and learning problems, demonstrating the advantages of our proposed methods." 132,opPINN: Physics-Informed Neural Network with operator learning to approximate solutions to the Fokker-Planck-Landau equation,"We propose a hybrid framework opPINN: physics-informed neural network (PINN) with operator learning for approximating the solution to the Fokker-Planck-Landau (FPL) equation. The opPINN framework is divided into two steps: Step 1 and Step 2. After the operator surrogate models are trained during Step 1, PINN can effectively approximate the solution to the FPL equation during Step 2 by using the pre-trained surrogate models. The operator surrogate models greatly reduce the computational cost and boost PINN by approximating the complex Landau collision integral in the FPL equation. The operator surrogate models can also be combined with the traditional numerical schemes. It provides a high efficiency in computational time when the number of velocity modes becomes larger. Using the opPINN framework, we provide the neural network solutions for the FPL equation under the various types of initial conditions, and interaction models in two and three dimensions. Furthermore, based on the theoretical properties of the FPL equation, we show that the approximated neural network solution converges to the a priori classical solution of the FPL equation as the pre-defined loss function is reduced." 133,TT-PINN: A Tensor-Compressed Neural PDE Solver for Edge Computing,"Physics-informed neural networks (PINNs) have been increasingly employed due to their capability of modeling complex physics systems. To achieve better expressiveness, increasingly larger network sizes are required in many problems. This has caused challenges when we need to train PINNs on edge devices with limited memory, computing and energy resources. To enable training PINNs on edge devices, this paper proposes an end-to-end compressed PINN based on Tensor-Train decomposition. In solving a Helmholtz equation, our proposed model significantly outperforms the original PINNs with few parameters and achieves satisfactory prediction with up to 15$\times$ overall parameter reduction." 134,Federated Split GANs,"Mobile devices and the immense amount and variety of data they generate are key enablers of machine learning (ML)-based applications. Traditional ML techniques have shifted toward new paradigms such as federated (FL) and split learning (SL) to improve the protection of user's data privacy. However, these paradigms often rely on server(s) located in the edge or cloud to train computationally-heavy parts of a ML model to avoid draining the limited resource on client devices, resulting in exposing device data to such third parties. This work proposes an alternative approach to train computationally-heavy ML models in user's devices themselves, where corresponding device data resides. Specifically, we focus on GANs (generative adversarial networks) and leverage their inherent privacy-preserving attribute. We train the discriminative part of a GAN with raw data on user's devices, whereas the generative model is trained remotely (e.g., server) for which there is no need to access sensor true data. Moreover, our approach ensures that the computational load of training the discriminative model is shared among user's devices-proportional to their computation capabilities-by means of SL. We implement our proposed collaborative training scheme of a computationally-heavy GAN model in real resource-constrained devices. The results show that our system preserves data privacy, keeps a short training time, and yields same accuracy of model training in unconstrained devices (e.g., cloud). Our code can be found on https://github.com/YukariSonz/FSL-GAN" 135,Discrete Tree Flows via Tree-Structured Permutations,"While normalizing flows for continuous data have been extensively researched, flows for discrete data have only recently been explored. These prior models, however, suffer from limitations that are distinct from those of continuous flows. Most notably, discrete flow-based models cannot be straightforwardly optimized with conventional deep learning methods because gradients of discrete functions are undefined or zero. Previous works approximate pseudo-gradients of the discrete functions but do not solve the problem on a fundamental level. In addition to that, backpropagation can be computationally burdensome compared to alternative discrete algorithms such as decision tree algorithms. Our approach seeks to reduce computational burden and remove the need for pseudo-gradients by developing a discrete flow based on decision trees -- building upon the success of efficient tree-based methods for classification and regression for discrete data. We first define a tree-structured permutation (TSP) that compactly encodes a permutation of discrete data where the inverse is easy to compute; thus, we can efficiently compute the density value and sample new data. We then propose a decision tree algorithm to build TSPs that learns the tree structure and permutations at each node via novel criteria. We empirically demonstrate the feasibility of our method on multiple datasets." 136,Anomaly-aware multiple instance learning for rare anemia disorder classification,"Deep learning-based classification of rare anemia disorders is challenged by the lack of training data and instance-level annotations. Multiple Instance Learning (MIL) has shown to be an effective solution, yet it suffers from low accuracy and limited explainability. Although the inclusion of attention mechanisms has addressed these issues, their effectiveness highly depends on the amount and diversity of cells in the training samples. Consequently, the poor machine learning performance on rare anemia disorder classification from blood samples remains unresolved. In this paper, we propose an interpretable pooling method for MIL to address these limitations. By benefiting from instance-level information of negative bags (i.e., homogeneous benign cells from healthy individuals), our approach increases the contribution of anomalous instances. We show that our strategy outperforms standard MIL classification algorithms and provides a meaningful explanation behind its decisions. Moreover, it can denote anomalous instances of rare blood diseases that are not seen during the training phase." 137,Machine Learning in Access Control: A Taxonomy and Survey,"An increasing body of work has recognized the importance of exploiting machine learning (ML) advancements to address the need for efficient automation in extracting access control attributes, policy mining, policy verification, access decisions, etc. In this work, we survey and summarize various ML approaches to solve different access control problems. We propose a novel taxonomy of the ML model's application in the access control domain. We highlight current limitations and open challenges such as lack of public real-world datasets, administration of ML-based access control systems, understanding a black-box ML model's decision, etc., and enumerate future research directions." 138,AutoSpeed: A Linked Autoencoder Approach for Pulse-Echo Speed-of-Sound Imaging for Medical Ultrasound,"Quantitative ultrasound, e.g., speed-of-sound (SoS) in tissues, provides information about tissue properties that have diagnostic value. Recent studies showed the possibility of extracting SoS information from pulse-echo ultrasound raw data (a.k.a. RF data) using deep neural networks that are fully trained on simulated data. These methods take sensor domain data, i.e., RF data, as input and train a network in an end-to-end fashion to learn the implicit mapping between the RF data domain and SoS domain. However, such networks are prone to overfitting to simulated data which results in poor performance and instability when tested on measured data. We propose a novel method for SoS mapping employing learned representations from two linked autoencoders. We test our approach on simulated and measured data acquired from human breast mimicking phantoms. We show that SoS mapping is possible using linked autoencoders. The proposed method has a Mean Absolute Percentage Error (MAPE) of 2.39% on the simulated data. On the measured data, the predictions of the proposed method are close to the expected values with MAPE of 1.1%. Compared to an end-to-end trained network, the proposed method shows higher stability and reproducibility." 139,How Much More Data Do I Need? Estimating Requirements for Downstream Tasks,"Given a small training data set and a learning algorithm, how much more data is necessary to reach a target validation or test performance? This question is of critical importance in applications such as autonomous driving or medical imaging where collecting data is expensive and time-consuming. Overestimating or underestimating data requirements incurs substantial costs that could be avoided with an adequate budget. Prior work on neural scaling laws suggest that the power-law function can fit the validation performance curve and extrapolate it to larger data set sizes. We find that this does not immediately translate to the more difficult downstream task of estimating the required data set size to meet a target performance. In this work, we consider a broad class of computer vision tasks and systematically investigate a family of functions that generalize the power-law function to allow for better estimation of data requirements. Finally, we show that incorporating a tuned correction factor and collecting over multiple rounds significantly improves the performance of the data estimators. Using our guidelines, practitioners can accurately estimate data requirements of machine learning systems to gain savings in both development time and data acquisition costs." 140,A Causal Approach for Business Optimization: Application on an Online Marketplace,"A common sales strategy involves having account executives (AEs) actively reach out and contact potential customers. However, not all contact attempts have a positive effect: some attempts do not change customer decisions, while others might even interfere with the desired outcome. In this work we propose using causal inference to estimate the effect of contacting each potential customer and setting the contact policy accordingly. We demonstrate this approach on data from Worthy.com, an online jewelry marketplace. We examined the Worthy business process to identify relevant decisions and outcomes, and formalized assumptions on how they were made. Using causal tools, we selected a decision point where improving AE contact activity appeared to be promising. We then generated a personalized policy and recommended reaching out only to customers for whom it would be beneficial. Finally, we validated the results in an A\B test over a 3-month period, resulting in an increase in item delivery rate of the targeted population by 22% (p-value=0.026). This policy is now being used on an ongoing basis." 141,Do Not Take It for Granted: Comparing Open-Source Libraries for Software Development Effort Estimation,"In the past two decades, several Machine Learning (ML) libraries have become freely available. Many studies have used such libraries to carry out empirical investigations on predictive Software Engineering (SE) tasks. However, the differences stemming from using one library over another have been overlooked, implicitly assuming that using any of these libraries would provide the user with the same or very similar results. This paper aims at raising awareness of the differences incurred when using different ML libraries for software development effort estimation (SEE), one of most widely studied SE prediction tasks. To this end, we investigate 4 deterministic machine learners as provided by 3 of the most popular ML open-source libraries written in different languages (namely, Scikit-Learn, Caret and Weka). We carry out a thorough empirical study comparing the performance of the machine learners on 5 SEE datasets in the two most common SEE scenarios (i.e., out-of-the-box-ml and tuned-ml) as well as an in-depth analysis of the documentation and code of their APIs. The results of our study reveal that the predictions provided by the 3 libraries differ in 95% of the cases on average across a total of 105 cases studied. These differences are significantly large in most cases and yield misestimations of up to approx. 3,000 hours per project. Moreover, our API analysis reveals that these libraries provide the user with different levels of control on the parameters one can manipulate, and a lack of clarity and consistency, overall, which might mislead users. Our findings highlight that the ML library is an important design choice for SEE studies, which can lead to a difference in performance. However, such a difference is under-documented. We conclude by highlighting open-challenges with suggestions for the developers of libraries as well as for the researchers and practitioners using them." 142,An adaptive music generation architecture for games based on the deep learning Transformer mode,"This paper presents an architecture for generating music for video games based on the Transformer deep learning model. The system generates music in various layers, following the standard layering strategy currently used by composers designing video game music. The music is adaptive to the psychological context of the player, according to the arousal-valence model. Our motivation is to customize music according to the player's tastes, who can select his preferred style of music through a set of training examples of music. We discuss current limitations and prospects for the future, such as collaborative and interactive control of the musical components." 143,FACT: High-Dimensional Random Forests Inference,"Random forests is one of the most widely used machine learning methods over the past decade thanks to its outstanding empirical performance. Yet, because of its black-box nature, the results by random forests can be hard to interpret in many big data applications. Quantifying the usefulness of individual features in random forests learning can greatly enhance its interpretability. Existing studies have shown that some popularly used feature importance measures for random forests suffer from the bias issue. In addition, there lack comprehensive size and power analyses for most of these existing methods. In this paper, we approach the problem via hypothesis testing, and suggest a framework of the self-normalized feature-residual correlation test (FACT) for evaluating the significance of a given feature in the random forests model with bias-resistance property, where our null hypothesis concerns whether the feature is conditionally independent of the response given all other features. Such an endeavor on random forests inference is empowered by some recent developments on high-dimensional random forests consistency. The vanilla version of our FACT test can suffer from the bias issue in the presence of feature dependency. We exploit the techniques of imbalancing and conditioning for bias correction. We further incorporate the ensemble idea into the FACT statistic through feature transformations for the enhanced power. Under a fairly general high-dimensional nonparametric model setting with dependent features, we formally establish that FACT can provide theoretically justified random forests feature p-values and enjoy appealing power through nonasymptotic analyses. The theoretical results and finite-sample advantages of the newly suggested method are illustrated with several simulation examples and an economic forecasting application in relation to COVID-19." 144,Breaking Feedback Loops in Recommender Systems with Causal Inference,"Recommender systems play a key role in shaping modern web ecosystems. These systems alternate between (1) making recommendations (2) collecting user responses to these recommendations, and (3) retraining the recommendation algorithm based on this feedback. During this process the recommender system influences the user behavioral data that is subsequently used to update it, thus creating a feedback loop. Recent work has shown that feedback loops may compromise recommendation quality and homogenize user behavior, raising ethical and performance concerns when deploying recommender systems. To address these issues, we propose the Causal Adjustment for Feedback Loops (CAFL), an algorithm that provably breaks feedback loops using causal inference and can be applied to any recommendation algorithm that optimizes a training loss. Our main observation is that a recommender system does not suffer from feedback loops if it reasons about causal quantities, namely the intervention distributions of recommendations on user ratings. Moreover, we can calculate this intervention distribution from observational data by adjusting for the recommender system's predictions of user preferences. Using simulated environments, we demonstrate that CAFL improves recommendation quality when compared to prior correction methods." 145,Beyond mAP: Re-evaluating and Improving Performance in Instance Segmentation with Semantic Sorting and Contrastive Flow,"Top-down instance segmentation methods improve mAP by hedging bets on low-confidence predictions to match a ground truth. Moreover, the query-key paradigm of top-down methods leads to the instance merging problem. An excessive number of duplicate predictions leads to the (over)counting error, and the independence of category and localization branches leads to the naming error. The de-facto mAP metric doesn't capture these errors, as we show that a trivial dithering scheme can simultaneously increase mAP with hedging errors. To this end, we propose two graph-based metrics that quantifies the amount of hedging both inter-and intra-class. We conjecture the source of the hedging problem is due to feature merging and propose a) Contrastive Flow Field to encode contextual differences between instances as a supervisory signal, and b) Semantic Sorting and NMS step to suppress duplicates and incorrectly categorized prediction. Ablations show that our method encodes contextual information better than baselines, and experiments on COCO our method simultaneously reduces merging and hedging errors compared to state-of-the-art instance segmentation methods." 146,Doubly-Asynchronous Value Iteration: Making Value Iteration Asynchronous in Actions,"Value iteration (VI) is a foundational dynamic programming method, important for learning and planning in optimal control and reinforcement learning. VI proceeds in batches, where the update to the value of each state must be completed before the next batch of updates can begin. Completing a single batch is prohibitively expensive if the state space is large, rendering VI impractical for many applications. Asynchronous VI helps to address the large state space problem by updating one state at a time, in-place and in an arbitrary order. However, Asynchronous VI still requires a maximization over the entire action space, making it impractical for domains with large action space. To address this issue, we propose doubly-asynchronous value iteration (DAVI), a new algorithm that generalizes the idea of asynchrony from states to states and actions. More concretely, DAVI maximizes over a sampled subset of actions that can be of any user-defined size. This simple approach of using sampling to reduce computation maintains similarly appealing theoretical properties to VI without the need to wait for a full sweep through the entire action space in each update. In this paper, we show DAVI converges to the optimal value function with probability one, converges at a near-geometric rate with probability 1-delta, and returns a near-optimal policy in computation time that nearly matches a previously established bound for VI. We also empirically demonstrate DAVI's effectiveness in several experiments." 147,Recommendation Systems with Distribution-Free Reliability Guarantees,"When building recommendation systems, we seek to output a helpful set of items to the user. Under the hood, a ranking model predicts which of two candidate items is better, and we must distill these pairwise comparisons into the user-facing output. However, a learned ranking model is never perfect, so taking its predictions at face value gives no guarantee that the user-facing output is reliable. Building from a pre-trained ranking model, we show how to return a set of items that is rigorously guaranteed to contain mostly good items. Our procedure endows any ranking model with rigorous finite-sample control of the false discovery rate (FDR), regardless of the (unknown) data distribution. Moreover, our calibration algorithm enables the easy and principled integration of multiple objectives in recommender systems. As an example, we show how to optimize for recommendation diversity subject to a user-specified level of FDR control, circumventing the need to specify ad hoc weights of a diversity loss against an accuracy loss. Throughout, we focus on the problem of learning to rank a set of possible recommendations, evaluating our methods on the Yahoo! Learning to Rank and MSMarco datasets." 148,Invariant and Transportable Representations for Anti-Causal Domain Shifts,"Real-world classification problems must contend with domain shift, the (potential) mismatch between the domain where a model is deployed and the domain(s) where the training data was gathered. Methods to handle such problems must specify what structure is common between the domains and what varies. A natural assumption is that causal (structural) relationships are invariant in all domains. Then, it is tempting to learn a predictor for label $Y$ that depends only on its causal parents. However, many real-world problems are ""anti-causal"" in the sense that $Y$ is a cause of the covariates $X$ -- in this case, $Y$ has no causal parents and the naive causal invariance is useless. In this paper, we study representation learning under a particular notion of domain shift that both respects causal invariance and that naturally handles the ""anti-causal"" structure. We show how to leverage the shared causal structure of the domains to learn a representation that both admits an invariant predictor and that also allows fast adaptation in new domains. The key is to translate causal assumptions into learning principles that disentangle ""invariant"" and ""non-stable"" features. Experiments on both synthetic and real-world data demonstrate the effectiveness of the proposed learning algorithm. Code is available at https://github.com/ybjiaang/ACTIR." 149,Deep Learning for Short-term Instant Energy Consumption Forecasting in the Manufacturing Sector,"Electricity is a volatile power source that requires great planning and resource management for both short and long term. More specifically, in the short-term, accurate instant energy consumption forecasting contributes greatly to improve the efficiency of buildings, opening new avenues for the adoption of renewable energy. In that regard, data-driven approaches, namely the ones based on machine learning, are begin to be preferred over more traditional ones since they provide not only more simplified ways of deployment but also state of the art results. In that sense, this work applies and compares the performance of several deep learning algorithms, LSTM, CNN, mixed CNN-LSTM and TCN, in a real testbed within the manufacturing sector. The experimental results suggest that the TCN is the most reliable method for predicting instant energy consumption in the short-term." 150,E2Efold-3D: End-to-End Deep Learning Method for accurate de novo RNA 3D Structure Prediction,"RNA structure determination and prediction can promote RNA-targeted drug development and engineerable synthetic elements design. But due to the intrinsic structural flexibility of RNAs, all the three mainstream structure determination methods (X-ray crystallography, NMR, and Cryo-EM) encounter challenges when resolving the RNA structures, which leads to the scarcity of the resolved RNA structures. Computational prediction approaches emerge as complementary to the experimental techniques. However, none of the \textit{de novo} approaches is based on deep learning since too few structures are available. Instead, most of them apply the time-consuming sampling-based strategies, and their performance seems to hit the plateau. In this work, we develop the first end-to-end deep learning approach, E2Efold-3D, to accurately perform the \textit{de novo} RNA structure prediction. Several novel components are proposed to overcome the data scarcity, such as a fully-differentiable end-to-end pipeline, secondary structure-assisted self-distillation, and parameter-efficient backbone formulation. Such designs are validated on the independent, non-overlapping RNA puzzle testing dataset and reach an average sub-4 \AA{} root-mean-square deviation, demonstrating its superior performance compared to state-of-the-art approaches. Interestingly, it also achieves promising results when predicting RNA complex structures, a feat that none of the previous systems could accomplish. When E2Efold-3D is coupled with the experimental techniques, the RNA structure prediction field can be greatly advanced." 151,Interpretable Fusion Analytics Framework for fMRI Connectivity: Self-Attention Mechanism and Latent Space Item-Response Model,"There have been several attempts to use deep learning based on brain fMRI signals to classify cognitive impairment diseases. However, deep learning is a hidden black box model that makes it difficult to interpret the process of classification. To address this issue, we propose a novel analytical framework that interprets the classification result from deep learning processes. We first derive the region of interest (ROI) functional connectivity network (FCN) by embedding functions based on their similar signal patterns. Then, using the self-attention equipped deep learning model, we classify diseases based on their FCN. Finally, in order to interpret the classification results, we employ a latent space item-response interaction network model to identify the significant functions that exhibit distinct connectivity patterns when compared to other diseases. The application of this proposed framework to the four types of cognitive impairment shows that our approach is valid for determining the significant ROI functions." 152,Dynamic Spatial Sparsification for Efficient Vision Transformers and Convolutional Neural Networks,"In this paper, we present a new approach for model acceleration by exploiting spatial sparsity in visual data. We observe that the final prediction in vision Transformers is only based on a subset of the most informative tokens, which is sufficient for accurate image recognition. Based on this observation, we propose a dynamic token sparsification framework to prune redundant tokens progressively and dynamically based on the input to accelerate vision Transformers. Specifically, we devise a lightweight prediction module to estimate the importance score of each token given the current features. The module is added to different layers to prune redundant tokens hierarchically. While the framework is inspired by our observation of the sparse attention in vision Transformers, we find the idea of adaptive and asymmetric computation can be a general solution for accelerating various architectures. We extend our method to hierarchical models including CNNs and hierarchical vision Transformers as well as more complex dense prediction tasks that require structured feature maps by formulating a more generic dynamic spatial sparsification framework with progressive sparsification and asymmetric computation for different spatial locations. By applying lightweight fast paths to less informative features and using more expressive slow paths to more important locations, we can maintain the structure of feature maps while significantly reducing the overall computations. Extensive experiments demonstrate the effectiveness of our framework on various modern architectures and different visual recognition tasks. Our results clearly demonstrate that dynamic spatial sparsification offers a new and more effective dimension for model acceleration. Code is available at https://github.com/raoyongming/DynamicViT" 153,Spatiotemporal Feature Learning Based on Two-Step LSTM and Transformer for CT Scans,"Computed tomography (CT) imaging could be very practical for diagnosing various diseases. However, the nature of the CT images is even more diverse since the resolution and number of the slices of a CT scan are determined by the machine and its settings. Conventional deep learning models are hard to tickle such diverse data since the essential requirement of the deep neural network is the consistent shape of the input data. In this paper, we propose a novel, effective, two-step-wise approach to tickle this issue for COVID-19 symptom classification thoroughly. First, the semantic feature embedding of each slice for a CT scan is extracted by conventional backbone networks. Then, we proposed a long short-term memory (LSTM) and Transformer-based sub-network to deal with temporal feature learning, leading to spatiotemporal feature representation learning. In this fashion, the proposed two-step LSTM model could prevent overfitting, as well as increase performance. Comprehensive experiments reveal that the proposed two-step method not only shows excellent performance but also could be compensated for each other. More specifically, the two-step LSTM model has a lower false-negative rate, while the 2-step Swin model has a lower false-positive rate. In summary, it is suggested that the model ensemble could be adopted for more stable and promising performance in real-world applications." 154,ViRel: Unsupervised Visual Relations Discovery with Graph-level Analogy,"Visual relations form the basis of understanding our compositional world, as relationships between visual objects capture key information in a scene. It is then advantageous to learn relations automatically from the data, as learning with predefined labels cannot capture all possible relations. However, current relation learning methods typically require supervision, and are not designed to generalize to scenes with more complicated relational structures than those seen during training. Here, we introduce ViRel, a method for unsupervised discovery and learning of Visual Relations with graph-level analogy. In a setting where scenes within a task share the same underlying relational subgraph structure, our learning method of contrasting isomorphic and non-isomorphic graphs discovers the relations across tasks in an unsupervised manner. Once the relations are learned, ViRel can then retrieve the shared relational graph structure for each task by parsing the predicted relational structure. Using a dataset based on grid-world and the Abstract Reasoning Corpus, we show that our method achieves above 95% accuracy in relation classification, discovers the relation graph structure for most tasks, and further generalizes to unseen tasks with more complicated relational structures." 155,De-Biasing Generative Models using Counterfactual Methods,"Variational autoencoders (VAEs) and other generative methods have garnered growing interest not just for their generative properties but also for the ability to dis-entangle a low-dimensional latent variable space. However, few existing generative models take causality into account. We propose a new decoder based framework named the Causal Counterfactual Generative Model (CCGM), which includes a partially trainable causal layer in which a part of a causal model can be learned without significantly impacting reconstruction fidelity. By learning the causal relationships between image semantic labels or tabular variables, we can analyze biases, intervene on the generative model, and simulate new scenarios. Furthermore, by modifying the causal structure, we can generate samples outside the domain of the original training data and use such counterfactual models to de-bias datasets. Thus, datasets with known biases can still be used to train the causal generative model and learn the causal relationships, but we can produce de-biased datasets on the generative side. Our proposed method combines a causal latent space VAE model with specific modification to emphasize causal fidelity, enabling finer control over the causal layer and the ability to learn a robust intervention framework. We explore how better disentanglement of causal learning and encoding/decoding generates higher causal intervention quality. We also compare our model against similar research to demonstrate the need for explicit generative de-biasing beyond interventions. Our initial experiments show that our model can generate images and tabular data with high fidelity to the causal framework and accommodate explicit de-biasing to ignore undesired relationships in the causal data compared to the baseline." 156,Goal-Conditioned Generators of Deep Policies,"Goal-conditioned Reinforcement Learning (RL) aims at learning optimal policies, given goals encoded in special command inputs. Here we study goal-conditioned neural nets (NNs) that learn to generate deep NN policies in form of context-specific weight matrices, similar to Fast Weight Programmers and other methods from the 1990s. Using context commands of the form ""generate a policy that achieves a desired expected return,"" our NN generators combine powerful exploration of parameter space with generalization across commands to iteratively find better and better policies. A form of weight-sharing HyperNetworks and policy embeddings scales our method to generate deep NNs. Experiments show how a single learned policy generator can produce policies that achieve any return seen during training. Finally, we evaluate our algorithm on a set of continuous control tasks where it exhibits competitive performance. Our code is public." 157,General Policy Evaluation and Improvement by Learning to Identify Few But Crucial States,"Learning to evaluate and improve policies is a core problem of Reinforcement Learning (RL). Traditional RL algorithms learn a value function defined for a single policy. A recently explored competitive alternative is to learn a single value function for many policies. Here we combine the actor-critic architecture of Parameter-Based Value Functions and the policy embedding of Policy Evaluation Networks to learn a single value function for evaluating (and thus helping to improve) any policy represented by a deep neural network (NN). The method yields competitive experimental results. In continuous control problems with infinitely many states, our value function minimizes its prediction error by simultaneously learning a small set of `probing states' and a mapping from actions produced in probing states to the policy's return. The method extracts crucial abstract knowledge about the environment in form of very few states sufficient to fully specify the behavior of many policies. A policy improves solely by changing actions in probing states, following the gradient of the value function's predictions. Surprisingly, it is possible to clone the behavior of a near-optimal policy in Swimmer-v3 and Hopper-v3 environments only by knowing how to act in 3 and 5 such learned states, respectively. Remarkably, our value function trained to evaluate NN policies is also invariant to changes of the policy architecture: we show that it allows for zero-shot learning of linear policies competitive with the best policy seen during training. Our code is public." 158,Fidelity of Ensemble Aggregation for Saliency Map Explanations using Bayesian Optimization Techniques,"In recent years, an abundance of feature attribution methods for explaining neural networks have been developed. Especially in the field of computer vision, many methods for generating saliency maps providing pixel attributions exist. However, their explanations often contradict each other and it is not clear which explanation to trust. A natural solution to this problem is the aggregation of multiple explanations. We present and compare different pixel-based aggregation schemes with the goal of generating a new explanation, whose fidelity to the model's decision is higher than each individual explanation. Using methods from the field of Bayesian Optimization, we incorporate the variance between the individual explanations into the aggregation process. Additionally, we analyze the effect of multiple normalization techniques on ensemble aggregation." 159,Progressive Latent Replay for efficient Generative Rehearsal,"We introduce a new method for internal replay that modulates the frequency of rehearsal based on the depth of the network. While replay strategies mitigate the effects of catastrophic forgetting in neural networks, recent works on generative replay show that performing the rehearsal only on the deeper layers of the network improves the performance in continual learning. However, the generative approach introduces additional computational overhead, limiting its applications. Motivated by the observation that earlier layers of neural networks forget less abruptly, we propose to update network layers with varying frequency using intermediate-level features during replay. This reduces the computational burden by omitting computations for both deeper layers of the generator and earlier layers of the main model. We name our method Progressive Latent Replay and show that it outperforms Internal Replay while using significantly fewer resources." 160,Selectively increasing the diversity of GAN-generated samples,"Generative Adversarial Networks (GANs) are powerful models able to synthesize data samples closely resembling the distribution of real data, yet the diversity of those generated samples is limited due to the so-called mode collapse phenomenon observed in GANs. Especially prone to mode collapse are conditional GANs, which tend to ignore the input noise vector and focus on the conditional information. Recent methods proposed to mitigate this limitation increase the diversity of generated samples, yet they reduce the performance of the models when similarity of samples is required. To address this shortcoming, we propose a novel method to selectively increase the diversity of GAN-generated samples. By adding a simple, yet effective regularization to the training loss function we encourage the generator to discover new data modes for inputs related to diverse outputs while generating consistent samples for the remaining ones. More precisely, we maximise the ratio of distances between generated images and input latent vectors scaling the effect according to the diversity of samples for a given conditional input. We show the superiority of our method in a synthetic benchmark as well as a real-life scenario of simulating data from the Zero Degree Calorimeter of ALICE experiment in LHC, CERN." 161,High-Dimensional Private Empirical Risk Minimization by Greedy Coordinate Descent,"In this paper, we study differentially private empirical risk minimization (DP-ERM). It has been shown that the (worst-case) utility of DP-ERM reduces as the dimension increases. This is a major obstacle to privately learning large machine learning models. In high dimension, it is common for some model's parameters to carry more information than others. To exploit this, we propose a differentially private greedy coordinate descent (DP-GCD) algorithm. At each iteration, DP-GCD privately performs a coordinate-wise gradient step along the gradients' (approximately) greatest entry. We show theoretically that DP-GCD can improve utility by exploiting structural properties of the problem's solution (such as sparsity or quasi-sparsity), with very fast progress in early iterations. We then illustrate this numerically, both on synthetic and real datasets. Finally, we describe promising directions for future work." 162,Learning from Multiple Unlabeled Datasets with Partial Risk Regularization,"Recent years have witnessed a great success of supervised deep learning, where predictive models were trained from a large amount of fully labeled data. However, in practice, labeling such big data can be very costly and may not even be possible for privacy reasons. Therefore, in this paper, we aim to learn an accurate classifier without any class labels. More specifically, we consider the case where multiple sets of unlabeled data and only their class priors, i.e., the proportions of each class, are available. Under this problem setup, we first derive an unbiased estimator of the classification risk that can be estimated from the given unlabeled sets and theoretically analyze the generalization error of the learned classifier. We then find that the classifier obtained as such tends to cause overfitting as its empirical risks go negative during training. To prevent overfitting, we further propose a partial risk regularization that maintains the partial risks with respect to unlabeled datasets and classes to certain levels. Experiments demonstrate that our method effectively mitigates overfitting and outperforms state-of-the-art methods for learning from multiple unlabeled sets." 163,Counterbalancing Teacher: Regularizing Batch Normalized Models for Robustness,"Batch normalization (BN) is a ubiquitous technique for training deep neural networks that accelerates their convergence to reach higher accuracy. However, we demonstrate that BN comes with a fundamental drawback: it incentivizes the model to rely on low-variance features that are highly specific to the training (in-domain) data, hurting generalization performance on out-of-domain examples. In this work, we investigate this phenomenon by first showing that removing BN layers across a wide range of architectures leads to lower out-of-domain and corruption errors at the cost of higher in-domain errors. We then propose Counterbalancing Teacher (CT), a method which leverages a frozen copy of the same model without BN as a teacher to enforce the student network's learning of robust representations by substantially adapting its weights through a consistency loss function. This regularization signal helps CT perform well in unforeseen data shifts, even without information from the target domain as in prior works. We theoretically show in an overparameterized linear regression setting why normalization leads to a model's reliance on such in-domain features, and empirically demonstrate the efficacy of CT by outperforming several baselines on robustness benchmarks such as CIFAR-10-C, CIFAR-100-C, and VLCS." 164,Wild Networks: Exposure of 5G Network Infrastructures to Adversarial Examples,"Fifth Generation (5G) networks must support billions of heterogeneous devices while guaranteeing optimal Quality of Service (QoS). Such requirements are impossible to meet with human effort alone, and Machine Learning (ML) represents a core asset in 5G. ML, however, is known to be vulnerable to adversarial examples; moreover, as our paper will show, the 5G context is exposed to a yet another type of adversarial ML attacks that cannot be formalized with existing threat models. Proactive assessment of such risks is also challenging due to the lack of ML-powered 5G equipment available for adversarial ML research. To tackle these problems, we propose a novel adversarial ML threat model that is particularly suited to 5G scenarios, and is agnostic to the precise function solved by ML. In contrast to existing ML threat models, our attacks do not require any compromise of the target 5G system while still being viable due to the QoS guarantees and the open nature of 5G networks. Furthermore, we propose an original framework for realistic ML security assessments based on public data. We proactively evaluate our threat model on 6 applications of ML envisioned in 5G. Our attacks affect both the training and the inference stages, can degrade the performance of state-of-the-art ML systems, and have a lower entry barrier than previous attacks." 165,Variational Neural Networks,"Bayesian Neural Networks (BNNs) provide a tool to estimate the uncertainty of a neural network by considering a distribution over weights and sampling different models for each input. In this paper, we propose a method for uncertainty estimation in neural networks called Variational Neural Network that, instead of considering a distribution over weights, generates parameters for the output distribution of a layer by transforming its inputs with learnable sub-layers. In uncertainty quality estimation experiments, we show that VNNs achieve better uncertainty quality than Monte Carlo Dropout or Bayes By Backpropagation methods." 166,Learning state machines via efficient hashing of future traces,"State machines are popular models to model and visualize discrete systems such as software systems, and to represent regular grammars. Most algorithms that passively learn state machines from data assume all the data to be available from the beginning and they load this data into memory. This makes it hard to apply them to continuously streaming data and results in large memory requirements when dealing with large datasets. In this paper we propose a method to learn state machines from data streams using the count-min-sketch data structure to reduce memory requirements. We apply state merging using the well-known red-blue-framework to reduce the search space. We implemented our approach in an established framework for learning state machines, and evaluated it on a well know dataset to provide experimental data, showing the effectiveness of our approach with respect to quality of the results and run-time." 167,Mix and Match: An Empirical Study on Training Corpus Composition for Polyglot Text-To-Speech (TTS),"Training multilingual Neural Text-To-Speech (NTTS) models using only monolingual corpora has emerged as a popular way for building voice cloning based Polyglot NTTS systems. In order to train these models, it is essential to understand how the composition of the training corpora affects the quality of multilingual speech synthesis. In this context, it is common to hear questions such as ""Would including more Spanish data help my Italian synthesis, given the closeness of both languages?"". Unfortunately, we found existing literature on the topic lacking in completeness in this regard. In the present work, we conduct an extensive ablation study aimed at understanding how various factors of the training corpora, such as language family affiliation, gender composition, and the number of speakers, contribute to the quality of Polyglot synthesis. Our findings include the observation that female speaker data are preferred in most scenarios, and that it is not always beneficial to have more speakers from the target language variant in the training corpus. The findings herein are informative for the process of data procurement and corpora building." 168,Slice-by-slice deep learning aided oropharyngeal cancer segmentation with adaptive thresholding for spatial uncertainty on FDG PET and CT images,"Tumor segmentation is a fundamental step for radiotherapy treatment planning. To define an accurate segmentation of the primary tumor (GTVp) of oropharyngeal cancer patients (OPC), simultaneous assessment of different image modalities is needed, and each image volume is explored slice-by-slice from different orientations. Moreover, the manual fixed boundary of segmentation neglects the spatial uncertainty known to occur in tumor delineation. This study proposes a novel automatic deep learning (DL) model to assist radiation oncologists in a slice-by-slice adaptive GTVp segmentation on registered FDG PET/CT images. We included 138 OPC patients treated with (chemo)radiation in our institute. Our DL framework exploits both inter and intra-slice context. Sequences of 3 consecutive 2D slices of concatenated FDG PET/CT images and GTVp contours were used as input. A 3-fold cross validation was performed three times, training on sequences extracted from the Axial (A), Sagittal (S), and Coronal (C) plane of 113 patients. Since consecutive sequences in a volume contain overlapping slices, each slice resulted in three outcome predictions that were averaged. In the A, S, and C planes, the output shows areas with different probabilities of predicting the tumor. The performance of the models was assessed on 25 patients at different probability thresholds using the mean Dice Score Coefficient (DSC). Predictions were the closest to the ground truth at a probability threshold of 0.9 (DSC of 0.70 in the A, 0.77 in the S, and 0.80 in the C plane). The promising results of the proposed DL model show that the probability maps on registered FDG PET/CT images could guide radiation oncologists in a slice-by-slice adaptive GTVp segmentation." 169,Deep Contrastive One-Class Time Series Anomaly Detection,"The accumulation of time series data and the absence of labels make time-series Anomaly Detection (AD) a self-supervised deep learning task. Single-assumption-based methods may only touch on a certain aspect of the whole normality, not sufficient to detect various anomalies. Among them, contrastive learning methods adopted for AD always choose negative pairs that are both normal to push away, which is objecting to AD tasks' purpose. Existing multi-assumption-based methods are usually two-staged, firstly applying a pre-training process whose target may differ from AD, so the performance is limited by the pre-trained representations. This paper proposes a deep Contrastive One-Class Anomaly detection method of time series (COCA), which combines the normality assumptions of contrastive learning and one-class classification. The key idea is to treat the representation and reconstructed representation as the positive pair of negative-samples-free contrastive learning, and we name it sequence contrast. Then we apply a contrastive one-class loss function composed of invariance and variance terms, the former optimizing loss of the two assumptions simultaneously, and the latter preventing hypersphere collapse. Extensive experiments conducted on four real-world time-series datasets show the superior performance of the proposed method achieves state-of-the-art. The code is publicly available at https://github.com/ruiking04/COCA." 170,Generalisable Methods for Early Prediction in Interactive Simulations for Education,"Interactive simulations allow students to discover the underlying principles of a scientific phenomenon through their own exploration. Unfortunately, students often struggle to learn effectively in these environments. Classifying students' interaction data in the simulations based on their expected performance has the potential to enable adaptive guidance and consequently improve students' learning. Previous research in this field has mainly focused on a-posteriori analyses or investigations limited to one specific predictive model and simulation. In this paper, we investigate the quality and generalisability of models for an early prediction of conceptual understanding based on clickstream data of students across interactive simulations. We first measure the students' conceptual understanding through their in-task performance. Then, we suggest a novel type of features that, starting from clickstream data, encodes both the state of the simulation and the action performed by the student. We finally propose to feed these features into GRU-based models, with and without attention, for prediction. Experiments on two different simulations and with two different populations show that our proposed models outperform shallow learning baselines and better generalise to different learning environments and populations. The inclusion of attention into the model increases interpretability in terms of effective inquiry. The source code is available on Github (https://github.com/epfl-ml4ed/beerslaw-lab.git)." 171,GlowVC: Mel-spectrogram space disentangling model for language-independent text-free voice conversion,"In this paper, we propose GlowVC: a multilingual multi-speaker flow-based model for language-independent text-free voice conversion. We build on Glow-TTS, which provides an architecture that enables use of linguistic features during training without the necessity of using them for VC inference. We consider two versions of our model: GlowVC-conditional and GlowVC-explicit. GlowVC-conditional models the distribution of mel-spectrograms with speaker-conditioned flow and disentangles the mel-spectrogram space into content- and pitch-relevant dimensions, while GlowVC-explicit models the explicit distribution with unconditioned flow and disentangles said space into content-, pitch- and speaker-relevant dimensions. We evaluate our models in terms of intelligibility, speaker similarity and naturalness for intra- and cross-lingual conversion in seen and unseen languages. GlowVC models greatly outperform AutoVC baseline in terms of intelligibility, while achieving just as high speaker similarity in intra-lingual VC, and slightly worse in the cross-lingual setting. Moreover, we demonstrate that GlowVC-explicit surpasses both GlowVC-conditional and AutoVC in terms of naturalness." 172,Solving the Traveling Salesperson Problem with Precedence Constraints by Deep Reinforcement Learning,"This work presents solutions to the Traveling Salesperson Problem with precedence constraints (TSPPC) using Deep Reinforcement Learning (DRL) by adapting recent approaches that work well for regular TSPs. Common to these approaches is the use of graph models based on multi-head attention (MHA) layers. One idea for solving the pickup and delivery problem (PDP) is using heterogeneous attentions to embed the different possible roles each node can take. In this work, we generalize this concept of heterogeneous attentions to the TSPPC. Furthermore, we adapt recent ideas to sparsify attentions for better scalability. Overall, we contribute to the research community through the application and evaluation of recent DRL methods in solving the TSPPC." 173,Comparing Feature Importance and Rule Extraction for Interpretability on Text Data,"Complex machine learning algorithms are used more and more often in critical tasks involving text data, leading to the development of interpretability methods. Among local methods, two families have emerged: those computing importance scores for each feature and those extracting simple logical rules. In this paper we show that using different methods can lead to unexpectedly different explanations, even when applied to simple models for which we would expect qualitative coincidence. To quantify this effect, we propose a new approach to compare explanations produced by different methods." 174,The Neural-Prediction based Acceleration Algorithm of Column Generation for Graph-Based Set Covering Problems,"Set covering problem is an important class of combinatorial optimization problems, which has been widely applied and studied in many fields. In this paper, we propose an improved column generation algorithm with neural prediction (CG-P) for solving graph-based set covering problems. We leverage a graph neural network based neural prediction model to predict the probability to be included in the final solution for each edge. Our CG-P algorithm constructs a reduced graph that only contains the edges with higher predicted probability, and this graph reduction process significantly speeds up the solution process. We evaluate the CG-P algorithm on railway crew scheduling problems and it outperforms the baseline column generation algorithm. We provide two solution modes for our CG-P algorithm. In the optimal mode, we can obtain a solution with an optimality guarantee while reducing the time cost to 63.12%. In the fast mode, we can obtain a sub-optimal solution with a 7.62% optimality gap in only 2.91% computation time." 175,Using contextual sentence analysis models to recognize ESG concepts,"This paper summarizes the joint participation of the Trading Central Labs and the L3i laboratory of the University of La Rochelle on both sub-tasks of the Shared Task FinSim-4 evaluation campaign. The first sub-task aims to enrich the 'Fortia ESG taxonomy' with new lexicon entries while the second one aims to classify sentences to either 'sustainable' or 'unsustainable' with respect to ESG (Environment, Social and Governance) related factors. For the first sub-task, we proposed a model based on pre-trained Sentence-BERT models to project sentences and concepts in a common space in order to better represent ESG concepts. The official task results show that our system yields a significant performance improvement compared to the baseline and outperforms all other submissions on the first sub-task. For the second sub-task, we combine the RoBERTa model with a feed-forward multi-layer perceptron in order to extract the context of sentences and classify them. Our model achieved high accuracy scores (over 92%) and was ranked among the top 5 systems." 176,Hessian-Free Second-Order Adversarial Examples for Adversarial Learning,"Recent studies show deep neural networks (DNNs) are extremely vulnerable to the elaborately designed adversarial examples. Adversarial learning with those adversarial examples has been proved as one of the most effective methods to defend against such an attack. At present, most existing adversarial examples generation methods are based on first-order gradients, which can hardly further improve models' robustness, especially when facing second-order adversarial attacks. Compared with first-order gradients, second-order gradients provide a more accurate approximation of the loss landscape with respect to natural examples. Inspired by this, our work crafts second-order adversarial examples and uses them to train DNNs. Nevertheless, second-order optimization involves time-consuming calculation for Hessian-inverse. We propose an approximation method through transforming the problem into an optimization in the Krylov subspace, which remarkably reduce the computational complexity to speed up the training procedure. Extensive experiments conducted on the MINIST and CIFAR-10 datasets show that our adversarial learning with second-order adversarial examples outperforms other fisrt-order methods, which can improve the model robustness against a wide range of attacks." 177,Autonomous Drug Design with Multi-armed Bandits,"Recent developments in artificial intelligence and automation could potentially enable a new drug design paradigm: autonomous drug design. Under this paradigm, generative models provide suggestions on thousands of molecules with specific properties. However, since only a limited number of molecules can be synthesized and tested, an obvious challenge is how to efficiently select these. We formulate this task as a contextual stochastic multi-armed bandit problem with multiple plays and volatile arms. Then, to solve it, we extend previous work on multi-armed bandits to reflect this setting, and compare our solution with random sampling, greedy selection and decaying-epsilon-greedy selection. To investigate how the different selection strategies affect the cumulative reward and the diversity of the selections, we simulate the drug design process. According to the simulation results, our approach has the potential for better exploring and exploiting the chemical space for autonomous drug design." 178,Task-oriented Self-supervised Learning for Anomaly Detection in Electroencephalography,"Accurate automated analysis of electroencephalography (EEG) would largely help clinicians effectively monitor and diagnose patients with various brain diseases. Compared to supervised learning with labelled disease EEG data which can train a model to analyze specific diseases but would fail to monitor previously unseen statuses, anomaly detection based on only normal EEGs can detect any potential anomaly in new EEGs. Different from existing anomaly detection strategies which do not consider any property of unavailable abnormal data during model development, a task-oriented self-supervised learning approach is proposed here which makes use of available normal EEGs and expert knowledge about abnormal EEGs to train a more effective feature extractor for the subsequent development of anomaly detector. In addition, a specific two branch convolutional neural network with larger kernels is designed as the feature extractor such that it can more easily extract both larger scale and small-scale features which often appear in unavailable abnormal EEGs. The effectively designed and trained feature extractor has shown to be able to extract better feature representations from EEGs for development of anomaly detector based on normal data and future anomaly detection for new EEGs, as demonstrated on three EEG datasets. The code is available at https://github.com/ironing/EEG-AD." 179,GAN-based generation of realistic 3D data: A systematic review and taxonomy,"Data has become the most valuable resource in today's world. With the massive proliferation of data-driven algorithms, such as deep learning-based approaches, the availability of data is of great interest. In this context, high-quality training, validation and testing datasets are particularly needed. Volumetric data is a very important resource in medicine, as it ranges from disease diagnoses to therapy monitoring. When the dataset is sufficient, models can be trained to help doctors with these tasks. Unfortunately, there are scenarios and applications where large amounts of data is unavailable. For example, in the medical field, rare diseases and privacy issues can lead to restricted data availability. In non-medical fields, the high cost of obtaining a sufficient amount of high-quality data can also be a concern. A solution to these problems can be the generation of synthetic data to perform data augmentation in combination with other more traditional methods of data augmentation. Therefore, most of the publications on 3D Generative Adversarial Networks (GANs) are within the medical domain. The existence of mechanisms to generate realistic synthetic data is a good asset to overcome this challenge, especially in healthcare, as the data must be of good quality and close to reality, i.e. realistic, and without privacy issues. In this review, we provide a summary of works that generate realistic 3D synthetic data using GANs. We therefore outline GAN-based methods in these areas with common architectures, advantages and disadvantages. We present a novel taxonomy, evaluations, challenges and research opportunities to provide a holistic overview of the current state of GANs in medicine and other fields." 180,Task Discrepancy Maximization for Fine-grained Few-Shot Classification,"Recognizing discriminative details such as eyes and beaks is important for distinguishing fine-grained classes since they have similar overall appearances. In this regard, we introduce Task Discrepancy Maximization (TDM), a simple module for fine-grained few-shot classification. Our objective is to localize the class-wise discriminative regions by highlighting channels encoding distinct information of the class. Specifically, TDM learns task-specific channel weights based on two novel components: Support Attention Module (SAM) and Query Attention Module (QAM). SAM produces a support weight to represent channel-wise discriminative power for each class. Still, since the SAM is basically only based on the labeled support sets, it can be vulnerable to bias toward such support set. Therefore, we propose QAM which complements SAM by yielding a query weight that grants more weight to object-relevant channels for a given query image. By combining these two weights, a class-wise task-specific channel weight is defined. The weights are then applied to produce task-adaptive feature maps more focusing on the discriminative details. Our experiments validate the effectiveness of TDM and its complementary benefits with prior methods in fine-grained few-shot classification." 181,Probabilistic forecasting for geosteering in fluvial successions using a generative adversarial network,"Quantitative workflows utilizing real-time data to constrain ahead-of-bit uncertainty have the potential to improve geosteering significantly. Fast updates based on real-time data are essential when drilling in complex reservoirs with high uncertainties in pre-drill models. However, practical assimilation of real-time data requires effective geological modeling and mathematically robust parameterization. We propose a generative adversarial deep neural network (GAN), trained to reproduce geologically consistent 2D sections of fluvial successions. Offline training produces a fast GAN-based approximation of complex geology parameterized as a 60-dimensional model vector with standard Gaussian distribution of each component. Probabilistic forecasts are generated using an ensemble of equiprobable model vector realizations. A forward-modeling sequence, including a GAN, converts the initial (prior) ensemble of realizations into EM log predictions. An ensemble smoother minimizes statistical misfits between predictions and real-time data, yielding an update of model vectors and reduced uncertainty around the well. Updates can be then translated to probabilistic predictions of facies and resistivities. The present paper demonstrates a workflow for geosteering in an outcrop-based, synthetic fluvial succession. In our example, the method reduces uncertainty and correctly predicts most major geological features up to 500 meters ahead of drill-bit." 182,Multi-scale alignment and Spatial ROI Module for COVID-19 Diagnosis,"Coronavirus Disease 2019 (COVID-19) has spread globally and become a health crisis faced by humanity since first reported. Radiology imaging technologies such as computer tomography (CT) and chest X-ray imaging (CXR) are effective tools for diagnosing COVID-19. However, in CT and CXR images, the infected area occupies only a small part of the image. Some common deep learning methods that integrate large-scale receptive fields may cause the loss of image detail, resulting in the omission of the region of interest (ROI) in COVID-19 images and are therefore not suitable for further processing. To this end, we propose a deep spatial pyramid pooling (D-SPP) module to integrate contextual information over different resolutions, aiming to extract information under different scales of COVID-19 images effectively. Besides, we propose a COVID-19 infection detection (CID) module to draw attention to the lesion area and remove interference from irrelevant information. Extensive experiments on four CT and CXR datasets have shown that our method produces higher accuracy of detecting COVID-19 lesions in CT and CXR images. It can be used as a computer-aided diagnosis tool to help doctors effectively diagnose and screen for COVID-19." 183,Safe Reinforcement Learning via Confidence-Based Filters,"Ensuring safety is a crucial challenge when deploying reinforcement learning (RL) to real-world systems. We develop confidence-based safety filters, a control-theoretic approach for certifying state safety constraints for nominal policies learned via standard RL techniques, based on probabilistic dynamics models. Our approach is based on a reformulation of state constraints in terms of cost functions, reducing safety verification to a standard RL task. By exploiting the concept of hallucinating inputs, we extend this formulation to determine a ""backup"" policy that is safe for the unknown system with high probability. Finally, the nominal policy is minimally adjusted at every time step during a roll-out towards the backup policy, such that safe recovery can be guaranteed afterwards. We provide formal safety guarantees, and empirically demonstrate the effectiveness of our approach." 184,Spectral Power Profile Optimization of Field-Deployed WDM Network by Remote Link Modeling,"A digital twin model of a multi-node WDM network is obtained from a single access point. The model is used to predict and optimize the transmit power profile for each link in the network and up to 2.2~dB of margin improvements are obtained w.r.t. unoptimized transmission." 185,The least-control principle for learning at equilibrium,"Equilibrium systems are a powerful way to express neural computations. As special cases, they include models of great current interest in both neuroscience and machine learning, such as equilibrium recurrent neural networks, deep equilibrium models, or meta-learning. Here, we present a new principle for learning such systems with a temporally- and spatially-local rule. Our principle casts learning as a least-control problem, where we first introduce an optimal controller to lead the system towards a solution state, and then define learning as reducing the amount of control needed to reach such a state. We show that incorporating learning signals within a dynamics as an optimal control enables transmitting credit assignment information in previously unknown ways, avoids storing intermediate states in memory, and does not rely on infinitesimal learning signals. In practice, our principle leads to strong performance matching that of leading gradient-based learning methods when applied to an array of problems involving recurrent neural networks and meta-learning. Our results shed light on how the brain might learn and offer new ways of approaching a broad class of machine learning problems." 186,Assessing the Performance of Automated Prediction and Ranking of Patient Age from Chest X-rays Against Clinicians,"Understanding the internal physiological changes accompanying the aging process is an important aspect of medical image interpretation, with the expected changes acting as a baseline when reporting abnormal findings. Deep learning has recently been demonstrated to allow the accurate estimation of patient age from chest X-rays, and shows potential as a health indicator and mortality predictor. In this paper we present a novel comparative study of the relative performance of radiologists versus state-of-the-art deep learning models on two tasks: (a) patient age estimation from a single chest X-ray, and (b) ranking of two time-separated images of the same patient by age. We train our models with a heterogeneous database of 1.8M chest X-rays with ground truth patient ages and investigate the limitations on model accuracy imposed by limited training data and image resolution, and demonstrate generalisation performance on public data. To explore the large performance gap between the models and humans on these age-prediction tasks compared with other radiological reporting tasks seen in the literature, we incorporate our age prediction model into a conditional Generative Adversarial Network (cGAN) allowing visualisation of the semantic features identified by the prediction model as significant to age prediction, comparing the identified features with those relied on by clinicians." 187,NodeTrans: A Graph Transfer Learning Approach for Traffic Prediction,"Recently, deep learning methods have made great progress in traffic prediction, but their performance depends on a large amount of historical data. In reality, we may face the data scarcity issue. In this case, deep learning models fail to obtain satisfactory performance. Transfer learning is a promising approach to solve the data scarcity issue. However, existing transfer learning approaches in traffic prediction are mainly based on regular grid data, which is not suitable for the inherent graph data in the traffic network. Moreover, existing graph-based models can only capture shared traffic patterns in the road network, and how to learn node-specific patterns is also a challenge. In this paper, we propose a novel transfer learning approach to solve the traffic prediction with few data, which can transfer the knowledge learned from a data-rich source domain to a data-scarce target domain. First, a spatial-temporal graph neural network is proposed, which can capture the node-specific spatial-temporal traffic patterns of different road networks. Then, to improve the robustness of transfer, we design a pattern-based transfer strategy, where we leverage a clustering-based mechanism to distill common spatial-temporal patterns in the source domain, and use these knowledge to further improve the prediction performance of the target domain. Experiments on real-world datasets verify the effectiveness of our approach." 188,A New Index for Clustering Evaluation Based on Density Estimation,"A new index for internal evaluation of clustering is introduced. The index is defined as a mixture of two sub-indices. The first sub-index $ I_a $ is called the Ambiguous Index; the second sub-index $ I_s $ is called the Similarity Index. Calculation of the two sub-indices is based on density estimation to each cluster of a partition of the data. An experiment is conducted to test the performance of the new index, and compared with three popular internal clustering evaluation indices -- Calinski-Harabasz index, Silhouette coefficient, and Davies-Bouldin index, on a set of 145 datasets. The result shows the new index improves the three popular indices by 59\%, 34\%, and 74\%, correspondingly." 189,DiffML: End-to-end Differentiable ML Pipelines,"In this paper, we present our vision of differentiable ML pipelines called DiffML to automate the construction of ML pipelines in an end-to-end fashion. The idea is that DiffML allows to jointly train not just the ML model itself but also the entire pipeline including data preprocessing steps, e.g., data cleaning, feature selection, etc. Our core idea is to formulate all pipeline steps in a differentiable way such that the entire pipeline can be trained using backpropagation. However, this is a non-trivial problem and opens up many new research questions. To show the feasibility of this direction, we demonstrate initial ideas and a general principle of how typical preprocessing steps such as data cleaning, feature selection and dataset selection can be formulated as differentiable programs and jointly learned with the ML model. Moreover, we discuss a research roadmap and core challenges that have to be systematically tackled to enable fully differentiable ML pipelines." 190,CPrune: Compiler-Informed Model Pruning for Efficient Target-Aware DNN Execution,"Mobile devices run deep learning models for various purposes, such as image classification and speech recognition. Due to the resource constraints of mobile devices, researchers have focused on either making a lightweight deep neural network (DNN) model using model pruning or generating an efficient code using compiler optimization. Surprisingly, we found that the straightforward integration between model compression and compiler auto-tuning often does not produce the most efficient model for a target device. We propose CPrune, a compiler-informed model pruning for efficient target-aware DNN execution to support an application with a required target accuracy. CPrune makes a lightweight DNN model through informed pruning based on the structural information of subgraphs built during the compiler tuning process. Our experimental results show that CPrune increases the DNN execution speed up to 2.73x compared to the state-of-the-art TVM auto-tune while satisfying the accuracy requirement." 191,Learning Optimal Transport Between two Empirical Distributions with Normalizing Flows,"Optimal transport (OT) provides effective tools for comparing and mapping probability measures. We propose to leverage the flexibility of neural networks to learn an approximate optimal transport map. More precisely, we present a new and original method to address the problem of transporting a finite set of samples associated with a first underlying unknown distribution towards another finite set of samples drawn from another unknown distribution. We show that a particular instance of invertible neural networks, namely the normalizing flows, can be used to approximate the solution of this OT problem between a pair of empirical distributions. To this aim, we propose to relax the Monge formulation of OT by replacing the equality constraint on the push-forward measure by the minimization of the corresponding Wasserstein distance. The push-forward operator to be retrieved is then restricted to be a normalizing flow which is trained by optimizing the resulting cost function. This approach allows the transport map to be discretized as a composition of functions. Each of these functions is associated to one sub-flow of the network, whose output provides intermediate steps of the transport between the original and target measures. This discretization yields also a set of intermediate barycenters between the two measures of interest. Experiments conducted on toy examples as well as a challenging task of unsupervised translation demonstrate the interest of the proposed method. Finally, some experiments show that the proposed approach leads to a good approximation of the true OT." 192,Parametric and Multivariate Uncertainty Calibration for Regression and Object Detection,"Reliable spatial uncertainty evaluation of object detection models is of special interest and has been subject of recent work. In this work, we review the existing definitions for uncertainty calibration of probabilistic regression tasks. We inspect the calibration properties of common detection networks and extend state-of-the-art recalibration methods. Our methods use a Gaussian process (GP) recalibration scheme that yields parametric distributions as output (e.g. Gaussian or Cauchy). The usage of GP recalibration allows for a local (conditional) uncertainty calibration by capturing dependencies between neighboring samples. The use of parametric distributions such as as Gaussian allows for a simplified adaption of calibration in subsequent processes, e.g., for Kalman filtering in the scope of object tracking. In addition, we use the GP recalibration scheme to perform covariance estimation which allows for post-hoc introduction of local correlations between the output quantities, e.g., position, width, or height in object detection. To measure the joint calibration of multivariate and possibly correlated data, we introduce the quantile calibration error which is based on the Mahalanobis distance between the predicted distribution and the ground truth to determine whether the ground truth is within a predicted quantile. Our experiments show that common detection models overestimate the spatial uncertainty in comparison to the observed error. We show that the simple Isotonic Regression recalibration method is sufficient to achieve a good uncertainty quantification in terms of calibrated quantiles. In contrast, if normal distributions are required for subsequent processes, our GP-Normal recalibration method yields the best results. Finally, we show that our covariance estimation method is able to achieve best calibration results for joint multivariate calibration." 193,Approximate Vanishing Ideal Computations at Scale,"The approximate vanishing ideal of a set of points $X = \{\mathbf{x}_1, \ldots, \mathbf{x}_m\}\subseteq [0,1]^n$ is the set of polynomials that approximately evaluate to $0$ over all points $\mathbf{x} \in X$ and admits an efficient representation by a finite set of polynomials called generators. Algorithms that construct this set of generators are extensively studied but ultimately find little practical application because their computational complexities are thought to be superlinear in the number of samples $m$. In this paper, we focus on scaling up the Oracle Approximate Vanishing Ideal algorithm (OAVI), one of the most powerful of these methods. We prove that the computational complexity of OAVI is not superlinear but linear in the number of samples $m$ and polynomial in the number of features $n$, making OAVI an attractive preprocessing technique for large-scale machine learning. To further accelerate OAVI's training time, we propose two changes: First, as the name suggests, OAVI makes repeated oracle calls to convex solvers throughout its execution. By replacing the Pairwise Conditional Gradients algorithm, one of the standard solvers used in OAVI, with the faster Blended Pairwise Conditional Gradients algorithm, we illustrate how OAVI directly benefits from advancements in the study of convex solvers. Second, we propose Inverse Hessian Boosting (IHB): IHB exploits the fact that OAVI repeatedly solves quadratic convex optimization problems that differ only by very little and whose solutions can be written in closed form using inverse Hessian information. By efficiently updating the inverse of the Hessian matrix, the convex optimization problems can be solved almost instantly, accelerating OAVI's training time by up to multiple orders of magnitude. We complement our theoretical analysis with extensive numerical experiments on data sets whose sample numbers are in the millions." 194,Look beyond labels: Incorporating functional summary information in Bayesian neural networks,"Bayesian deep learning offers a principled approach to train neural networks that accounts for both aleatoric and epistemic uncertainty. In variational inference, priors are often specified over the weight parameters, but they do not capture the true prior knowledge in large and complex neural network architectures. We present a simple approach to incorporate summary information about the predicted probability (such as sigmoid or softmax score) outputs in Bayesian neural networks (BNNs). The available summary information is incorporated as augmented data and modeled with a Dirichlet process, and we derive the corresponding \emph{Summary Evidence Lower BOund}. We show how the method can inform the model about task difficulty or class imbalance. Extensive empirical experiments show that, with negligible computational overhead, the proposed method yields a BNN with a better calibration of uncertainty." 195,Masked Self-Supervision for Remaining Useful Lifetime Prediction in Machine Tools,"Prediction of Remaining Useful Lifetime(RUL) in the modern manufacturing and automation workplace for machines and tools is essential in Industry 4.0. This is clearly evident as continuous tool wear, or worse, sudden machine breakdown will lead to various manufacturing failures which would clearly cause economic loss. With the availability of deep learning approaches, the great potential and prospect of utilizing these for RUL prediction have resulted in several models which are designed driven by operation data of manufacturing machines. Current efforts in these which are based on fully-supervised models heavily rely on the data labeled with their RULs. However, the required RUL prediction data (i.e. the annotated and labeled data from faulty and/or degraded machines) can only be obtained after the machine breakdown occurs. The scarcity of broken machines in the modern manufacturing and automation workplace in real-world situations increases the difficulty of getting sufficient annotated and labeled data. In contrast, the data from healthy machines is much easier to be collected. Noting this challenge and the potential for improved effectiveness and applicability, we thus propose (and also fully develop) a method based on the idea of masked autoencoders which will utilize unlabeled data to do self-supervision. In thus the work here, a noteworthy masked self-supervised learning approach is developed and utilized. This is designed to seek to build a deep learning model for RUL prediction by utilizing unlabeled data. The experiments to verify the effectiveness of this development are implemented on the C-MAPSS datasets (which are collected from the data from the NASA turbofan engine). The results rather clearly show that our development and approach here perform better, in both accuracy and effectiveness, for RUL prediction when compared with approaches utilizing a fully-supervised model." 196,WebShop: Towards Scalable Real-World Web Interaction with Grounded Language Agents,"Existing benchmarks for grounding language in interactive environments either lack real-world linguistic elements, or prove difficult to scale up due to substantial human involvement in the collection of data or feedback signals. To bridge this gap, we develop WebShop -- a simulated e-commerce website environment with $1.18$ million real-world products and $12,087$ crowd-sourced text instructions. Given a text instruction specifying a product requirement, an agent needs to navigate multiple types of webpages and issue diverse actions to find, customize, and purchase an item. WebShop provides several challenges for language grounding including understanding compositional instructions, query (re-)formulation, comprehending and acting on noisy text in webpages, and performing strategic exploration. We collect over $1,600$ human demonstrations for the task, and train and evaluate a diverse range of agents using reinforcement learning, imitation learning, and pre-trained image and language models. Our best model achieves a task success rate of $29\%$, which outperforms rule-based heuristics ($9.6\%$) but is far lower than human expert performance ($59\%$). We also analyze agent and human trajectories and ablate various model components to provide insights for developing future agents with stronger language understanding and decision making abilities. Finally, we show that agents trained on WebShop exhibit non-trivial sim-to-real transfer when evaluated on amazon.com, indicating the potential value of WebShop in developing practical web-based agents that can operate in the wild." 197,Pareto Optimization for Active Learning under Out-of-Distribution Data Scenarios,"Pool-based Active Learning (AL) has achieved great success in minimizing labeling cost by sequentially selecting informative unlabeled samples from a large unlabeled data pool and querying their labels from oracle/annotators. However, existing AL sampling strategies might not work well in out-of-distribution (OOD) data scenarios, where the unlabeled data pool contains some data samples that do not belong to the classes of the target task. Achieving good AL performance under OOD data scenarios is a challenging task due to the natural conflict between AL sampling strategies and OOD sample detection. AL selects data that are hard to be classified by the current basic classifier (e.g., samples whose predicted class probabilities have high entropy), while OOD samples tend to have more uniform predicted class probabilities (i.e., high entropy) than in-distribution (ID) data. In this paper, we propose a sampling scheme, Monte-Carlo Pareto Optimization for Active Learning (POAL), which selects optimal subsets of unlabeled samples with fixed batch size from the unlabeled data pool. We cast the AL sampling task as a multi-objective optimization problem, and thus we utilize Pareto optimization based on two conflicting objectives: (1) the normal AL data sampling scheme (e.g., maximum entropy), and (2) the confidence of not being an OOD sample. Experimental results show its effectiveness on both classical Machine Learning (ML) and Deep Learning (DL) tasks." 198,Learning node embeddings via summary graphs: a brief theoretical analysis,"Graph representation learning plays an important role in many graph mining applications, but learning embeddings of large-scale graphs remains a problem. Recent works try to improve scalability via graph summarization -- i.e., they learn embeddings on a smaller summary graph, and then restore the node embeddings of the original graph. However, all existing works depend on heuristic designs and lack theoretical analysis. Different from existing works, we contribute an in-depth theoretical analysis of three specific embedding learning methods based on introduced kernel matrix, and reveal that learning embeddings via graph summarization is actually learning embeddings on a approximate graph constructed by the configuration model. We also give analysis about approximation error. To the best of our knowledge, this is the first work to give theoretical analysis of this approach. Furthermore, our analysis framework gives interpretation of some existing methods and provides great insights for future work on this problem." 199,ETF Portfolio Construction via Neural Network trained on Financial Statement Data,"Recently, the application of advanced machine learning methods for asset management has become one of the most intriguing topics. Unfortunately, the application of these methods, such as deep neural networks, is difficult due to the data shortage problem. To address this issue, we propose a novel approach using neural networks to construct a portfolio of exchange traded funds (ETFs) based on the financial statement data of their components. Although a number of ETFs and ETF-managed portfolios have emerged in the past few decades, the ability to apply neural networks to manage ETF portfolios is limited since the number and historical existence of ETFs are relatively smaller and shorter, respectively, than those of individual stocks. Therefore, we use the data of individual stocks to train our neural networks to predict the future performance of individual stocks and use these predictions and the portfolio deposit file (PDF) to construct a portfolio of ETFs. Multiple experiments have been performed, and we have found that our proposed method outperforms the baselines. We believe that our approach can be more beneficial when managing recently listed ETFs, such as thematic ETFs, of which there is relatively limited historical data for training advanced machine learning methods." 200,Less Is More: Fast Multivariate Time Series Forecasting with Light Sampling-oriented MLP Structures,"Multivariate time series forecasting has seen widely ranging applications in various domains, including finance, traffic, energy, and healthcare. To capture the sophisticated temporal patterns, plenty of research studies designed complex neural network architectures based on many variants of RNNs, GNNs, and Transformers. However, complex models are often computationally expensive and thus face a severe challenge in training and inference efficiency when applied to large-scale real-world datasets. In this paper, we introduce LightTS, a light deep learning architecture merely based on simple MLP-based structures. The key idea of LightTS is to apply an MLP-based structure on top of two delicate down-sampling strategies, including interval sampling and continuous sampling, inspired by a crucial fact that down-sampling time series often preserves the majority of its information. We conduct extensive experiments on eight widely used benchmark datasets. Compared with the existing state-of-the-art methods, LightTS demonstrates better performance on five of them and comparable performance on the rest. Moreover, LightTS is highly efficient. It uses less than 5% FLOPS compared with previous SOTA methods on the largest benchmark dataset. In addition, LightTS is robust and has a much smaller variance in forecasting accuracy than previous SOTA methods in long sequence forecasting tasks." 201,An Improved Probability Propagation Algorithm for Density Peak Clustering Based on Natural Nearest Neighborhood,"Clustering by fast search and find of density peaks (DPC) (Since, 2014) has been proven to be a promising clustering approach that efficiently discovers the centers of clusters by finding the density peaks. The accuracy of DPC depends on the cutoff distance ($d_c$), the cluster number ($k$) and the selection of the centers of clusters. Moreover, the final allocation strategy is sensitive and has poor fault tolerance. The shortcomings above make the algorithm sensitive to parameters and only applicable for some specific datasets. To overcome the limitations of DPC, this paper presents an improved probability propagation algorithm for density peak clustering based on the natural nearest neighborhood (DPC-PPNNN). By introducing the idea of natural nearest neighborhood and probability propagation, DPC-PPNNN realizes the nonparametric clustering process and makes the algorithm applicable for more complex datasets. In experiments on several datasets, DPC-PPNNN is shown to outperform DPC, K-means and DBSCAN." 202,Portuguese Man-of-War Image Classification with Convolutional Neural Networks,"Portuguese man-of-war (PMW) is a gelatinous organism with long tentacles capable of causing severe burns, thus leading to negative impacts on human activities, such as tourism and fishing. There is a lack of information about the spatio-temporal dynamics of this species. Therefore, the use of alternative methods for collecting data can contribute to their monitoring. Given the widespread use of social networks and the eye-catching look of PMW, Instagram posts can be a promising data source for monitoring. The first task to follow this approach is to identify posts that refer to PMW. This paper reports on the use of convolutional neural networks for PMW images classification, in order to automate the recognition of Instagram posts. We created a suitable dataset, and trained three different neural networks: VGG-16, ResNet50, and InceptionV3, with and without a pre-trained step with the ImageNet dataset. We analyzed their results using accuracy, precision, recall, and F1 score metrics. The pre-trained ResNet50 network presented the best results, obtaining 94% of accuracy and 95% of precision, recall, and F1 score. These results show that convolutional neural networks can be very effective for recognizing PMW images from the Instagram social media." 203,How Robust is Your Fairness? Evaluating and Sustaining Fairness under Unseen Distribution Shifts,"Increasing concerns have been raised on deep learning fairness in recent years. Existing fairness-aware machine learning methods mainly focus on the fairness of in-distribution data. However, in real-world applications, it is common to have distribution shift between the training and test data. In this paper, we first show that the fairness achieved by existing methods can be easily broken by slight distribution shifts. To solve this problem, we propose a novel fairness learning method termed CUrvature MAtching (CUMA), which can achieve robust fairness generalizable to unseen domains with unknown distributional shifts. Specifically, CUMA enforces the model to have similar generalization ability on the majority and minority groups, by matching the loss curvature distributions of the two groups. We evaluate our method on three popular fairness datasets. Compared with existing methods, CUMA achieves superior fairness under unseen distribution shifts, without sacrificing either the overall accuracy or the in-distribution fairness." 204,Partial and Asymmetric Contrastive Learning for Out-of-Distribution Detection in Long-Tailed Recognition,"Existing out-of-distribution (OOD) detection methods are typically benchmarked on training sets with balanced class distributions. However, in real-world applications, it is common for the training sets to have long-tailed distributions. In this work, we first demonstrate that existing OOD detection methods commonly suffer from significant performance degradation when the training set is long-tail distributed. Through analysis, we posit that this is because the models struggle to distinguish the minority tail-class in-distribution samples, from the true OOD samples, making the tail classes more prone to be falsely detected as OOD. To solve this problem, we propose Partial and Asymmetric Supervised Contrastive Learning (PASCL), which explicitly encourages the model to distinguish between tail-class in-distribution samples and OOD samples. To further boost in-distribution classification accuracy, we propose Auxiliary Branch Finetuning, which uses two separate branches of BN and classification layers for anomaly detection and in-distribution classification, respectively. The intuition is that in-distribution and OOD anomaly data have different underlying distributions. Our method outperforms previous state-of-the-art method by $1.29\%$, $1.45\%$, $0.69\%$ anomaly detection false positive rate (FPR) and $3.24\%$, $4.06\%$, $7.89\%$ in-distribution classification accuracy on CIFAR10-LT, CIFAR100-LT, and ImageNet-LT, respectively. Code and pre-trained models are available at https://github.com/amazon-research/long-tailed-ood-detection." 205,Removing Batch Normalization Boosts Adversarial Training,"Adversarial training (AT) defends deep neural networks against adversarial attacks. One challenge that limits its practical application is the performance degradation on clean samples. A major bottleneck identified by previous works is the widely used batch normalization (BN), which struggles to model the different statistics of clean and adversarial training samples in AT. Although the dominant approach is to extend BN to capture this mixture of distribution, we propose to completely eliminate this bottleneck by removing all BN layers in AT. Our normalizer-free robust training (NoFrost) method extends recent advances in normalizer-free networks to AT for its unexplored advantage on handling the mixture distribution challenge. We show that NoFrost achieves adversarial robustness with only a minor sacrifice on clean sample accuracy. On ImageNet with ResNet50, NoFrost achieves $74.06\%$ clean accuracy, which drops merely $2.00\%$ from standard training. In contrast, BN-based AT obtains $59.28\%$ clean accuracy, suffering a significant $16.78\%$ drop from standard training. In addition, NoFrost achieves a $23.56\%$ adversarial robustness against PGD attack, which improves the $13.57\%$ robustness in BN-based AT. We observe better model smoothness and larger decision margins from NoFrost, which make the models less sensitive to input perturbations and thus more robust. Moreover, when incorporating more data augmentations into NoFrost, it achieves comprehensive robustness against multiple distribution shifts. Code and pre-trained models are public at https://github.com/amazon-research/normalizer-free-robust-training." 206,It's all About Consistency: A Study on Memory Composition for Replay-Based Methods in Continual Learning,"Continual Learning methods strive to mitigate Catastrophic Forgetting (CF), where knowledge from previously learned tasks is lost when learning a new one. Among those algorithms, some maintain a subset of samples from previous tasks when training. These samples are referred to as a memory. These methods have shown outstanding performance while being conceptually simple and easy to implement. Yet, despite their popularity, little has been done to understand which elements to be included into the memory. Currently, this memory is often filled via random sampling with no guiding principles that may aid in retaining previous knowledge. In this work, we propose a criterion based on the learning consistency of a sample called Consistency AWare Sampling (CAWS). This criterion prioritizes samples that are easier to learn by deep networks. We perform studies on three different memory-based methods: AGEM, GDumb, and Experience Replay, on MNIST, CIFAR-10 and CIFAR-100 datasets. We show that using the most consistent elements yields performance gains when constrained by a compute budget; when under no such constrain, random sampling is a strong baseline. However, using CAWS on Experience Replay yields improved performance over the random baseline. Finally, we show that CAWS achieves similar results to a popular memory selection method while requiring significantly less computational resources." 207,DecisioNet -- A Binary-Tree Structured Neural Network,"Deep neural networks (DNNs) and decision trees (DTs) are both state-of-the-art classifiers. DNNs perform well due to their representational learning capabilities, while DTs are computationally efficient as they perform inference along one route (root-to-leaf) that is dependent on the input data. In this paper, we present DecisioNet (DN), a binary-tree structured neural network. We propose a systematic way to convert an existing DNN into a DN to create a lightweight version of the original model. DecisioNet takes the best of both worlds - it uses neural modules to perform representational learning and utilizes its tree structure to perform only a portion of the computations. We evaluate various DN architectures, along with their corresponding baseline models on the FashionMNIST, CIFAR10, and CIFAR100 datasets. We show that the DN variants achieve similar accuracy while significantly reducing the computational cost of the original network." 208,Saliency-Regularized Deep Multi-Task Learning,"Multitask learning is a framework that enforces multiple learning tasks to share knowledge to improve their generalization abilities. While shallow multitask learning can learn task relations, it can only handle predefined features. Modern deep multitask learning can jointly learn latent features and task sharing, but they are obscure in task relation. Also, they predefine which layers and neurons should share across tasks and cannot learn adaptively. To address these challenges, this paper proposes a new multitask learning framework that jointly learns latent features and explicit task relations by complementing the strength of existing shallow and deep multitask learning scenarios. Specifically, we propose to model the task relation as the similarity between task input gradients, with a theoretical analysis of their equivalency. In addition, we innovatively propose a multitask learning objective that explicitly learns task relations by a new regularizer. Theoretical analysis shows that the generalizability error has been reduced thanks to the proposed regularizer. Extensive experiments on several multitask learning and image classification benchmarks demonstrate the proposed method effectiveness, efficiency as well as reasonableness in the learned task relation patterns." 209,USHER: Unbiased Sampling for Hindsight Experience Replay,"Dealing with sparse rewards is a long-standing challenge in reinforcement learning (RL). Hindsight Experience Replay (HER) addresses this problem by reusing failed trajectories for one goal as successful trajectories for another. This allows for both a minimum density of reward and for generalization across multiple goals. However, this strategy is known to result in a biased value function, as the update rule underestimates the likelihood of bad outcomes in a stochastic environment. We propose an asymptotically unbiased importance-sampling-based algorithm to address this problem without sacrificing performance on deterministic environments. We show its effectiveness on a range of robotic systems, including challenging high dimensional stochastic environments." 210,Learning Noise with Generative Adversarial Networks: Explorations with Classical Random Process Models,"Random noise arising from physical processes is an inherent characteristic of measurements and a limiting factor for most signal processing tasks. Given the recent interest in generative adversarial networks (GANs) for data-driven signal modeling, it is important to determine to what extent GANs can faithfully reproduce noise in target data sets. In this paper, we present an empirical investigation that aims to shed light on this issue for time series. Namely, we examine the ability of two general-purpose time-series GANs, a direct time-series model and an image-based model using a short-time Fourier transform (STFT) representation, to learn a broad range of noise types commonly encountered in electronics and communication systems: band-limited thermal noise, power law noise, shot noise, and impulsive noise. We find that GANs are capable of learning many noise types, although they predictably struggle when the GAN architecture is not well suited to some aspects of the noise, e.g., impulsive time-series with extreme outliers. Our findings provide insights into the capabilities and potential limitations of current approaches to time-series GANs and highlight areas for further research. In addition, our battery of tests provides a useful benchmark to aid the development of deep generative models for time series." 211,Mathematical Foundations of Graph-Based Bayesian Semi-Supervised Learning,"In recent decades, science and engineering have been revolutionized by a momentous growth in the amount of available data. However, despite the unprecedented ease with which data are now collected and stored, labeling data by supplementing each feature with an informative tag remains to be challenging. Illustrative tasks where the labeling process requires expert knowledge or is tedious and time-consuming include labeling X-rays with a diagnosis, protein sequences with a protein type, texts by their topic, tweets by their sentiment, or videos by their genre. In these and numerous other examples, only a few features may be manually labeled due to cost and time constraints. How can we best propagate label information from a small number of expensive labeled features to a vast number of unlabeled ones? This is the question addressed by semi-supervised learning (SSL). This article overviews recent foundational developments on graph-based Bayesian SSL, a probabilistic framework for label propagation using similarities between features. SSL is an active research area and a thorough review of the extant literature is beyond the scope of this article. Our focus will be on topics drawn from our own research that illustrate the wide range of mathematical tools and ideas that underlie the rigorous study of the statistical accuracy and computational efficiency of graph-based Bayesian SSL." 212,Folding over Neural Networks,"Neural networks are typically represented as data structures that are traversed either through iteration or by manual chaining of method calls. However, a deeper analysis reveals that structured recursion can be used instead, so that traversal is directed by the structure of the network itself. This paper shows how such an approach can be realised in Haskell, by encoding neural networks as recursive data types, and then their training as recursion scheme patterns. In turn, we promote a coherent implementation of neural networks that delineates between their structure and semantics, allowing for compositionality in both how they are built and how they are trained." 213,FasterAI: A Lightweight Library for Creating Sparse Neural Networks,"FasterAI is a PyTorch-based library, aiming to facilitate the utilization of deep neural networks compression techniques such as sparsification, pruning, knowledge distillation, or regularization. The library is built with the purpose of enabling quick implementation and experimentation. More particularly, compression techniques are leveraging Callback systems of libraries such as fastai and Pytorch Lightning to bring a user-friendly and high-level API. The main asset of FasterAI is its lightweight, yet powerful, simplicity of use. Indeed, because it was developed in a very granular way, users can create thousands of unique experiments by using different combinations of parameters. In this paper, we focus on the sparsifying capabilities of FasterAI, which represents the core of the library. Performing sparsification of a neural network in FasterAI only requires a single additional line of code in the traditional training loop, yet allows to perform state-of-the-art techniques such as Lottery Ticket Hypothesis experiments" 214,"Patient-specific modelling, simulation and real time processing for constrictive respiratory diseases","Asthma is a common chronic disease of the respiratory system causing significant disability and societal burden. It affects over 500 million people worldwide and generates costs exceeding $USD 56 billion in 2011 in the United States. Managing asthma involves controlling symptoms, preventing exacerbations, and maintaining lung function. Improving asthma control affects the daily life of patients and is associated with a reduced risk of exacerbations and lung function impairment, reduces the cost of asthma care and indirect costs associated with reduced productivity. Understanding the complex dynamics of the pulmonary system and the lung's response to disease, injury, and treatment is fundamental to the advancement of Asthma treatment. Computational models of the respiratory system seek to provide a theoretical framework to understand the interaction between structure and function. Their application can improve pulmonary medicine by a patient-specific approach to medicinal methodologies optimizing the delivery given the personalized geometry and personalized ventilation patterns while introducing a patient-specific technique that maximizes drug delivery. A three-fold objective addressed within this dissertation becomes prominent at this point. The first part refers to the comprehension of pulmonary pathophysiology and the mechanics of Asthma and subsequently of constrictive pulmonary conditions in general. The second part refers to the design and implementation of tools that facilitate personalized medicine to improve delivery and effectiveness. Finally, the third part refers to the self-management of the condition, meaning that medical personnel and patients have access to tools and methods that allow the first party to easily track the course of the condition and the second party, i.e. the patient to easily self-manage it alleviating the significant burden from the health system." 215,NP-Match: When Neural Processes meet Semi-Supervised Learning,"Semi-supervised learning (SSL) has been widely explored in recent years, and it is an effective way of leveraging unlabeled data to reduce the reliance on labeled data. In this work, we adjust neural processes (NPs) to the semi-supervised image classification task, resulting in a new method named NP-Match. NP-Match is suited to this task for two reasons. Firstly, NP-Match implicitly compares data points when making predictions, and as a result, the prediction of each unlabeled data point is affected by the labeled data points that are similar to it, which improves the quality of pseudo-labels. Secondly, NP-Match is able to estimate uncertainty that can be used as a tool for selecting unlabeled samples with reliable pseudo-labels. Compared with uncertainty-based SSL methods implemented with Monte Carlo (MC) dropout, NP-Match estimates uncertainty with much less computational overhead, which can save time at both the training and the testing phases. We conducted extensive experiments on four public datasets, and NP-Match outperforms state-of-the-art (SOTA) results or achieves competitive results on them, which shows the effectiveness of NP-Match and its potential for SSL." 216,Distributed Online System Identification for LTI Systems Using Reverse Experience Replay,"Identification of linear time-invariant (LTI) systems plays an important role in control and reinforcement learning. Both asymptotic and finite-time offline system identification are well-studied in the literature. For online system identification, the idea of stochastic-gradient descent with reverse experience replay (SGD-RER) was recently proposed, where the data sequence is stored in several buffers and the stochastic-gradient descent (SGD) update performs backward in each buffer to break the time dependency between data points. Inspired by this work, we study distributed online system identification of LTI systems over a multi-agent network. We consider agents as identical LTI systems, and the network goal is to jointly estimate the system parameters by leveraging the communication between agents. We propose DSGD-RER, a distributed variant of the SGD-RER algorithm, and theoretically characterize the improvement of the estimation error with respect to the network size. Our numerical experiments certify the reduction of estimation error as the network size grows." 217,Identifying the Context Shift between Test Benchmarks and Production Data,"Across a wide variety of domains, there exists a performance gap between machine learning models' accuracy on dataset benchmarks and real-world production data. Despite the careful design of static dataset benchmarks to represent the real-world, models often err when the data is out-of-distribution relative to the data the models have been trained on. We can directly measure and adjust for some aspects of distribution shift, but we cannot address sample selection bias, adversarial perturbations, and non-stationarity without knowing the data generation process. In this paper, we outline two methods for identifying changes in context that lead to distribution shifts and model prediction errors: leveraging human intuition and expert knowledge to identify first-order contexts and developing dynamic benchmarks based on desiderata for the data generation process. Furthermore, we present two case-studies to highlight the implicit assumptions underlying applied machine learning models that tend to lead to errors when attempting to generalize beyond test benchmark datasets. By paying close attention to the role of context in each prediction task, researchers can reduce context shift errors and increase generalization performance." 218,Protea: Client Profiling within Federated Systems using Flower,"Federated Learning (FL) has emerged as a prospective solution that facilitates the training of a high-performing centralised model without compromising the privacy of users. While successful, research is currently limited by the possibility of establishing a realistic large-scale FL system at the early stages of experimentation. Simulation can help accelerate this process. To facilitate efficient scalable FL simulation of heterogeneous clients, we design and implement Protea, a flexible and lightweight client profiling component within federated systems using the FL framework Flower. It allows automatically collecting system-level statistics and estimating the resources needed for each client, thus running the simulation in a resource-aware fashion. The results show that our design successfully increases parallelism for 1.66 $\times$ faster wall-clock time and 2.6$\times$ better GPU utilisation, which enables large-scale experiments on heterogeneous clients." 219,Generating gender-ambiguous voices for privacy-preserving speech recognition,"Our voice encodes a uniquely identifiable pattern which can be used to infer private attributes, such as gender or identity, that an individual might wish not to reveal when using a speech recognition service. To prevent attribute inference attacks alongside speech recognition tasks, we present a generative adversarial network, GenGAN, that synthesises voices that conceal the gender or identity of a speaker. The proposed network includes a generator with a U-Net architecture that learns to fool a discriminator. We condition the generator only on gender information and use an adversarial loss between signal distortion and privacy preservation. We show that GenGAN improves the trade-off between privacy and utility compared to privacy-preserving representation learning methods that consider gender information as a sensitive attribute to protect." 220,Learning to Increase the Power of Conditional Randomization Tests,"The model-X conditional randomization test is a generic framework for conditional independence testing, unlocking new possibilities to discover features that are conditionally associated with a response of interest while controlling type-I error rates. An appealing advantage of this test is that it can work with any machine learning model to design powerful test statistics. In turn, the common practice in the model-X literature is to form a test statistic using machine learning models, trained to maximize predictive accuracy with the hope to attain a test with good power. However, the ideal goal here is to drive the model (during training) to maximize the power of the test, not merely the predictive accuracy. In this paper, we bridge this gap by introducing, for the first time, novel model-fitting schemes that are designed to explicitly improve the power of model-X tests. This is done by introducing a new cost function that aims at maximizing the test statistic used to measure violations of conditional independence. Using synthetic and real data sets, we demonstrate that the combination of our proposed loss function with various base predictive models (lasso, elastic net, and deep neural networks) consistently increases the number of correct discoveries obtained, while maintaining type-I error rates under control." 221,Comparative Analysis of Time Series Forecasting Approaches for Household Electricity Consumption Prediction,"As a result of increasing population and globalization, the demand for energy has greatly risen. Therefore, accurate energy consumption forecasting has become an essential prerequisite for government planning, reducing power wastage and stable operation of the energy management system. In this work we present a comparative analysis of major machine learning models for time series forecasting of household energy consumption. Specifically, we use Weka, a data mining tool to first apply models on hourly and daily household energy consumption datasets available from Kaggle data science community. The models applied are: Multilayer Perceptron, K Nearest Neighbor regression, Support Vector Regression, Linear Regression, and Gaussian Processes. Secondly, we also implemented time series forecasting models, ARIMA and VAR, in python to forecast household energy consumption of selected South Korean households with and without weather data. Our results show that the best methods for the forecasting of energy consumption prediction are Support Vector Regression followed by Multilayer Perceptron and Gaussian Process Regression." 222,"Recipe for Fast Large-scale SVM Training: Polishing, Parallelism, and more RAM!","Support vector machines (SVMs) are a standard method in the machine learning toolbox, in particular for tabular data. Non-linear kernel SVMs often deliver highly accurate predictors, however, at the cost of long training times. That problem is aggravated by the exponential growth of data volumes over time. It was tackled in the past mainly by two types of techniques: approximate solvers, and parallel GPU implementations. In this work, we combine both approaches to design an extremely fast dual SVM solver. We fully exploit the capabilities of modern compute servers: many-core architectures, multiple high-end GPUs, and large random access memory. On such a machine, we train a large-margin classifier on the ImageNet data set in 24 minutes." 223,Mental Illness Classification on Social Media Texts using Deep Learning and Transfer Learning,"Given the current social distance restrictions across the world, most individuals now use social media as their major medium of communication. Millions of people suffering from mental diseases have been isolated due to this, and they are unable to get help in person. They have become more reliant on online venues to express themselves and seek advice on dealing with their mental disorders. According to the World health organization (WHO), approximately 450 million people are affected. Mental illnesses, such as depression, anxiety, etc., are immensely common and have affected an individuals' physical health. Recently Artificial Intelligence (AI) methods have been presented to help mental health providers, including psychiatrists and psychologists, in decision making based on patients' authentic information (e.g., medical records, behavioral data, social media utilization, etc.). AI innovations have demonstrated predominant execution in numerous real-world applications broadening from computer vision to healthcare. This study analyzes unstructured user data on the Reddit platform and classifies five common mental illnesses: depression, anxiety, bipolar disorder, ADHD, and PTSD. We trained traditional machine learning, deep learning, and transfer learning multi-class models to detect mental disorders of individuals. This effort will benefit the public health system by automating the detection process and informing appropriate authorities about people who require emergency assistance." 224,Facial Image Reconstruction from Functional Magnetic Resonance Imaging via GAN Inversion with Improved Attribute Consistency,"Neuroscience studies have revealed that the brain encodes visual content and embeds information in neural activity. Recently, deep learning techniques have facilitated attempts to address visual reconstructions by mapping brain activity to image stimuli using generative adversarial networks (GANs). However, none of these studies have considered the semantic meaning of latent code in image space. Omitting semantic information could potentially limit the performance. In this study, we propose a new framework to reconstruct facial images from functional Magnetic Resonance Imaging (fMRI) data. With this framework, the GAN inversion is first applied to train an image encoder to extract latent codes in image space, which are then bridged to fMRI data using linear transformation. Following the attributes identified from fMRI data using an attribute classifier, the direction in which to manipulate attributes is decided and the attribute manipulator adjusts the latent code to improve the consistency between the seen image and the reconstructed image. Our experimental results suggest that the proposed framework accomplishes two goals: (1) reconstructing clear facial images from fMRI data and (2) maintaining the consistency of semantic characteristics." 225,Government Intervention in Catastrophe Insurance Markets: A Reinforcement Learning Approach,"This paper designs a sequential repeated game of a micro-founded society with three types of agents: individuals, insurers, and a government. Nascent to economics literature, we use Reinforcement Learning (RL), closely related to multi-armed bandit problems, to learn the welfare impact of a set of proposed policy interventions per $1 spent on them. The paper rigorously discusses the desirability of the proposed interventions by comparing them against each other on a case-by-case basis. The paper provides a framework for algorithmic policy evaluation using calibrated theoretical models which can assist in feasibility studies." 226,Stabilizing Off-Policy Deep Reinforcement Learning from Pixels,"Off-policy reinforcement learning (RL) from pixel observations is notoriously unstable. As a result, many successful algorithms must combine different domain-specific practices and auxiliary losses to learn meaningful behaviors in complex environments. In this work, we provide novel analysis demonstrating that these instabilities arise from performing temporal-difference learning with a convolutional encoder and low-magnitude rewards. We show that this new visual deadly triad causes unstable training and premature convergence to degenerate solutions, a phenomenon we name catastrophic self-overfitting. Based on our analysis, we propose A-LIX, a method providing adaptive regularization to the encoder's gradients that explicitly prevents the occurrence of catastrophic self-overfitting using a dual objective. By applying A-LIX, we significantly outperform the prior state-of-the-art on the DeepMind Control and Atari 100k benchmarks without any data augmentation or auxiliary losses." 227,SSD-Faster Net: A Hybrid Network for Industrial Defect Inspection,"The quality of industrial components is critical to the production of special equipment such as robots. Defect inspection of these components is an efficient way to ensure quality. In this paper, we propose a hybrid network, SSD-Faster Net, for industrial defect inspection of rails, insulators, commutators etc. SSD-Faster Net is a two-stage network, including SSD for quickly locating defective blocks, and an improved Faster R-CNN for defect segmentation. For the former, we propose a novel slice localization mechanism to help SSD scan quickly. The second stage is based on improved Faster R-CNN, using FPN, deformable kernel(DK) to enhance representation ability. It fuses multi-scale information, and self-adapts the receptive field. We also propose a novel loss function and use ROI Align to improve accuracy. Experiments show that our SSD-Faster Net achieves an average accuracy of 84.03%, which is 13.42% higher than the nearest competitor based on Faster R-CNN, 4.14% better than GAN-based methods, more than 10% higher than that of DNN-based detectors. And the computing speed is improved by nearly 7%, which proves its robustness and superior performance." 228,Advancing protein language models with linguistics: a roadmap for improved interpretability,"Deep neural-network-based language models (LMs) are increasingly applied to large-scale protein sequence data to predict protein function. However, being largely blackbox models and thus challenging to interpret, current protein LM approaches do not contribute to a fundamental understanding of sequence-function mappings, hindering rule-based biotherapeutic drug development. We argue that guidance drawn from linguistics, a field specialized in analytical rule extraction from natural language data, can aid with building more interpretable protein LMs that have learned relevant domain-specific rules. Differences between protein sequence data and linguistic sequence data require the integration of more domain-specific knowledge in protein LMs compared to natural language LMs. Here, we provide a linguistics-based roadmap for protein LM pipeline choices with regard to training data, tokenization, token embedding, sequence embedding, and model interpretation. Combining linguistics with protein LMs enables the development of next-generation interpretable machine learning models with the potential of uncovering the biological mechanisms underlying sequence-function relationships." 229,Renaissance Robot: Optimal Transport Policy Fusion for Learning Diverse Skills,"Deep reinforcement learning (RL) is a promising approach to solving complex robotics problems. However, the process of learning through trial-and-error interactions is often highly time-consuming, despite recent advancements in RL algorithms. Additionally, the success of RL is critically dependent on how well the reward-shaping function suits the task, which is also time-consuming to design. As agents trained on a variety of robotics problems continue to proliferate, the ability to reuse their valuable learning for new domains becomes increasingly significant. In this paper, we propose a post-hoc technique for policy fusion using Optimal Transport theory as a robust means of consolidating the knowledge of multiple agents that have been trained on distinct scenarios. We further demonstrate that this provides an improved weights initialisation of the neural network policy for learning new tasks, requiring less time and computational resources than either retraining the parent policies or training a new policy from scratch. Ultimately, our results on diverse agents commonly used in deep RL show that specialised knowledge can be unified into a ""Renaissance agent"", allowing for quicker learning of new skills." 230,PrUE: Distilling Knowledge from Sparse Teacher Networks,"Although deep neural networks have enjoyed remarkable success across a wide variety of tasks, their ever-increasing size also imposes significant overhead on deployment. To compress these models, knowledge distillation was proposed to transfer knowledge from a cumbersome (teacher) network into a lightweight (student) network. However, guidance from a teacher does not always improve the generalization of students, especially when the size gap between student and teacher is large. Previous works argued that it was due to the high certainty of the teacher, resulting in harder labels that were difficult to fit. To soften these labels, we present a pruning method termed Prediction Uncertainty Enlargement (PrUE) to simplify the teacher. Specifically, our method aims to decrease the teacher's certainty about data, thereby generating soft predictions for students. We empirically investigate the effectiveness of the proposed method with experiments on CIFAR-10/100, Tiny-ImageNet, and ImageNet. Results indicate that student networks trained with sparse teachers achieve better performance. Besides, our method allows researchers to distill knowledge from deeper networks to improve students further. Our code is made public at: \url{https://github.com/wangshaopu/prue}." 231,Features of a Splashing Drop on a Solid Surface and the Temporal Evolution extracted through Image-Sequence Classification using an Interpretable Feedforward Neural Network,"This paper reports the features of a splashing drop on a solid surface and the temporal evolution, which are extracted through image-sequence classification using a highly interpretable feedforward neural network (FNN) with zero hidden layer. The image sequences used for training-validation and testing of the FNN show the early-stage deformation of milli-sized ethanol drops that impact a hydrophilic glass substrate with the Weber number ranges between 31-474 (splashing threshold about 173). Specific videographing conditions and digital image processing are performed to ensure the high similarity among the image sequences. As a result, the trained FNNs achieved a test accuracy higher than 96%. Remarkably, the feature extraction shows that the trained FNN identifies the temporal evolution of the ejected secondary droplets around the aerodynamically lifted lamella and the relatively high contour of the main body as the features of a splashing drop, while the relatively short and thick lamella as the feature of a nonsplashing drop. The physical interpretation for these features and their respective temporal evolution have been identified except for the difference in contour height of the main body between splashing and nonsplashing drops. The observation reported in this study is important for the development of a data-driven simulation for modeling the deformation of a splashing drop during the impact on a solid surface." 232,"Task-Oriented Sensing, Computation, and Communication Integration for Multi-Device Edge AI","This paper studies a new multi-device edge artificial-intelligent (AI) system, which jointly exploits the AI model split inference and integrated sensing and communication (ISAC) to enable low-latency intelligent services at the network edge. In this system, multiple ISAC devices perform radar sensing to obtain multi-view data, and then offload the quantized version of extracted features to a centralized edge server, which conducts model inference based on the cascaded feature vectors. Under this setup and by considering classification tasks, we measure the inference accuracy by adopting an approximate but tractable metric, namely discriminant gain, which is defined as the distance of two classes in the Euclidean feature space under normalized covariance. To maximize the discriminant gain, we first quantify the influence of the sensing, computation, and communication processes on it with a derived closed-form expression. Then, an end-to-end task-oriented resource management approach is developed by integrating the three processes into a joint design. This integrated sensing, computation, and communication (ISCC) design approach, however, leads to a challenging non-convex optimization problem, due to the complicated form of discriminant gain and the device heterogeneity in terms of channel gain, quantization level, and generated feature subsets. Remarkably, the considered non-convex problem can be optimally solved based on the sum-of-ratios method. This gives the optimal ISCC scheme, that jointly determines the transmit power and time allocation at multiple devices for sensing and communication, as well as their quantization bits allocation for computation distortion control. By using human motions recognition as a concrete AI inference task, extensive experiments are conducted to verify the performance of our derived optimal ISCC scheme." 233,An Empirical Evaluation of $k$-Means Coresets,"Coresets are among the most popular paradigms for summarizing data. In particular, there exist many high performance coresets for clustering problems such as $k$-means in both theory and practice. Curiously, there exists no work on comparing the quality of available $k$-means coresets. In this paper we perform such an evaluation. There currently is no algorithm known to measure the distortion of a candidate coreset. We provide some evidence as to why this might be computationally difficult. To complement this, we propose a benchmark for which we argue that computing coresets is challenging and which also allows us an easy (heuristic) evaluation of coresets. Using this benchmark and real-world data sets, we conduct an exhaustive evaluation of the most commonly used coreset algorithms from theory and practice." 234,Digital-twin-enhanced metal tube bending forming real-time prediction method based on Multi-source-input MTL,"As one of the most widely used metal tube bending methods, the rotary draw bending (RDB) process enables reliable and high-precision metal tube bending forming (MTBF). The forming accuracy is seriously affected by the springback and other potential forming defects, of which the mechanism analysis is difficult to deal with. At the same time, the existing methods are mainly conducted in offline space, ignoring the real-time information in the physical world, which is unreliable and inefficient. To address this issue, a digital-twin-enhanced (DT-enhanced) metal tube bending forming real-time prediction method based on multi-source-input multi-task learning (MTL) is proposed. The new method can achieve comprehensive MTBF real-time prediction. By sharing the common feature of the multi-close domain and adopting group regularization strategy on feature sharing and accepting layers, the accuracy and efficiency of the multi-source-input MTL can be guaranteed. Enhanced by DT, the physical real-time deformation data is aligned in the image dimension by an improved Grammy Angle Field (GAF) conversion, realizing the reflection of the actual processing. Different from the traditional offline prediction methods, the new method integrates the virtual and physical data to achieve a more efficient and accurate real-time prediction result. and the DT mapping connection between virtual and physical systems can be achieved. To exclude the effects of equipment errors, the effectiveness of the proposed method is verified on the physical experiment-verified FE simulation scenarios. At the same time, the common pre-training networks are compared with the proposed method. The results show that the proposed DT-enhanced prediction method is more accurate and efficient." 235,WaferSegClassNet -- A Light-weight Network for Classification and Segmentation of Semiconductor Wafer Defects,"As the integration density and design intricacy of semiconductor wafers increase, the magnitude and complexity of defects in them are also on the rise. Since the manual inspection of wafer defects is costly, an automated artificial intelligence (AI) based computer-vision approach is highly desired. The previous works on defect analysis have several limitations, such as low accuracy and the need for separate models for classification and segmentation. For analyzing mixed-type defects, some previous works require separately training one model for each defect type, which is non-scalable. In this paper, we present WaferSegClassNet (WSCN), a novel network based on encoder-decoder architecture. WSCN performs simultaneous classification and segmentation of both single and mixed-type wafer defects. WSCN uses a ""shared encoder"" for classification, and segmentation, which allows training WSCN end-to-end. We use N-pair contrastive loss to first pretrain the encoder and then use BCE-Dice loss for segmentation, and categorical cross-entropy loss for classification. Use of N-pair contrastive loss helps in better embedding representation in the latent dimension of wafer maps. WSCN has a model size of only 0.51MB and performs only 0.2M FLOPS. Thus, it is much lighter than other state-of-the-art models. Also, it requires only 150 epochs for convergence, compared to 4,000 epochs needed by a previous work. We evaluate our model on the MixedWM38 dataset, which has 38,015 images. WSCN achieves an average classification accuracy of 98.2% and a dice coefficient of 0.9999. We are the first to show segmentation results on the MixedWM38 dataset. The source code can be obtained from https://github.com/ckmvigil/WaferSegClassNet." 236,On Convergence of Gradient Descent Ascent: A Tight Local Analysis,"Gradient Descent Ascent (GDA) methods are the mainstream algorithms for minimax optimization in generative adversarial networks (GANs). Convergence properties of GDA have drawn significant interest in the recent literature. Specifically, for $\min_{\mathbf{x}} \max_{\mathbf{y}} f(\mathbf{x};\mathbf{y})$ where $f$ is strongly-concave in $\mathbf{y}$ and possibly nonconvex in $\mathbf{x}$, (Lin et al., 2020) proved the convergence of GDA with a stepsize ratio $\eta_{\mathbf{y}}/\eta_{\mathbf{x}}=\Theta(\kappa^2)$ where $\eta_{\mathbf{x}}$ and $\eta_{\mathbf{y}}$ are the stepsizes for $\mathbf{x}$ and $\mathbf{y}$ and $\kappa$ is the condition number for $\mathbf{y}$. While this stepsize ratio suggests a slow training of the min player, practical GAN algorithms typically adopt similar stepsizes for both variables, indicating a wide gap between theoretical and empirical results. In this paper, we aim to bridge this gap by analyzing the \emph{local convergence} of general \emph{nonconvex-nonconcave} minimax problems. We demonstrate that a stepsize ratio of $\Theta(\kappa)$ is necessary and sufficient for local convergence of GDA to a Stackelberg Equilibrium, where $\kappa$ is the local condition number for $\mathbf{y}$. We prove a nearly tight convergence rate with a matching lower bound. We further extend the convergence guarantees to stochastic GDA and extra-gradient methods (EG). Finally, we conduct several numerical experiments to support our theoretical findings." 237,Tricking the Hashing Trick: A Tight Lower Bound on the Robustness of CountSketch to Adaptive Inputs,"CountSketch and Feature Hashing (the ""hashing trick"") are popular randomized dimensionality reduction methods that support recovery of $\ell_2$-heavy hitters (keys $i$ where $v_i^2 > \epsilon \|\boldsymbol{v}\|_2^2$) and approximate inner products. When the inputs are {\em not adaptive} (do not depend on prior outputs), classic estimators applied to a sketch of size $O(\ell/\epsilon)$ are accurate for a number of queries that is exponential in $\ell$. When inputs are adaptive, however, an adversarial input can be constructed after $O(\ell)$ queries with the classic estimator and the best known robust estimator only supports $\tilde{O}(\ell^2)$ queries. In this work we show that this quadratic dependence is in a sense inherent: We design an attack that after $O(\ell^2)$ queries produces an adversarial input vector whose sketch is highly biased. Our attack uses ""natural"" non-adaptive inputs (only the final adversarial input is chosen adaptively) and universally applies with any correct estimator, including one that is unknown to the attacker. In that, we expose inherent vulnerability of this fundamental method." 238,M-Adapter: Modality Adaptation for End-to-End Speech-to-Text Translation,"End-to-end speech-to-text translation models are often initialized with pre-trained speech encoder and pre-trained text decoder. This leads to a significant training gap between pre-training and fine-tuning, largely due to the modality differences between speech outputs from the encoder and text inputs to the decoder. In this work, we aim to bridge the modality gap between speech and text to improve translation quality. We propose M-Adapter, a novel Transformer-based module, to adapt speech representations to text. While shrinking the speech sequence, M-Adapter produces features desired for speech-to-text translation via modelling global and local dependencies of a speech sequence. Our experimental results show that our model outperforms a strong baseline by up to 1 BLEU score on the Must-C En$\rightarrow$DE dataset.\footnote{Our code is available at https://github.com/mingzi151/w2v2-st.}" 239,Interpretable by Design: Learning Predictors by Composing Interpretable Queries,"There is a growing concern about typically opaque decision-making with high-performance machine learning algorithms. Providing an explanation of the reasoning process in domain-specific terms can be crucial for adoption in risk-sensitive domains such as healthcare. We argue that machine learning algorithms should be interpretable by design and that the language in which these interpretations are expressed should be domain- and task-dependent. Consequently, we base our model's prediction on a family of user-defined and task-specific binary functions of the data, each having a clear interpretation to the end-user. We then minimize the expected number of queries needed for accurate prediction on any given input. As the solution is generally intractable, following prior work, we choose the queries sequentially based on information gain. However, in contrast to previous work, we need not assume the queries are conditionally independent. Instead, we leverage a stochastic generative model (VAE) and an MCMC algorithm (Unadjusted Langevin) to select the most informative query about the input based on previous query-answers. This enables the online determination of a query chain of whatever depth is required to resolve prediction ambiguities. Finally, experiments on vision and NLP tasks demonstrate the efficacy of our approach and its superiority over post-hoc explanations." 240,Wireless Channel Prediction in Partially Observed Environments,"Site-specific radio frequency (RF) propagation prediction increasingly relies on models built from visual data such as cameras and LIDAR sensors. When operating in dynamic settings, the environment may only be partially observed. This paper introduces a method to extract statistical channel models, given partial observations of the surrounding environment. We propose a simple heuristic algorithm that performs ray tracing on the partial environment and then uses machine-learning trained predictors to estimate the channel and its uncertainty from features extracted from the partial ray tracing results. It is shown that the proposed method can interpolate between fully statistical models when no partial information is available and fully deterministic models when the environment is completely observed. The method can also capture the degree of uncertainty of the propagation predictions depending on the amount of region that has been explored. The methodology is demonstrated in a robotic navigation application simulated on a set of indoor maps with detailed models constructed using state-of-the-art navigation, simultaneous localization and mapping (SLAM), and computer vision methods." 241,Graph Learning based Generative Design for Resilience of Interdependent Network Systems,"Interconnected complex systems usually undergo disruptions due to internal uncertainties and external negative impacts such as those caused by harsh operating environments or regional natural disaster events. To maintain the operation of interconnected network systems under both internal and external challenges, design for resilience research has been conducted from both enhancing the reliability of the system through better designs and improving the failure recovery capabilities. As for enhancing the designs, challenges have arisen for designing a robust system due to the increasing scale of modern systems and the complicated underlying physical constraints. To tackle these challenges and design a resilient system efficiently, this study presents a generative design method that utilizes graph learning algorithms. The generative design framework contains a performance estimator and a candidate design generator. The generator can intelligently mine good properties from existing systems and output new designs that meet predefined performance criteria. While the estimator can efficiently predict the performance of the generated design for a fast iterative learning process. Case studies results based on power systems from the IEEE dataset have illustrated the applicability of the proposed method for designing resilient interconnected systems." 242,An AlphaZero-Inspired Approach to Solving Search Problems,"AlphaZero and its extension MuZero are computer programs that use machine-learning techniques to play at a superhuman level in chess, go, and a few other games. They achieved this level of play solely with reinforcement learning from self-play, without any domain knowledge except the game rules. It is a natural idea to adapt the methods and techniques used in AlphaZero for solving search problems such as the Boolean satisfiability problem (in its search version). Given a search problem, how to represent it for an AlphaZero-inspired solver? What are the ""rules of solving"" for this search problem? We describe possible representations in terms of easy-instance solvers and self-reductions, and we give examples of such representations for the satisfiability problem. We also describe a version of Monte Carlo tree search adapted for search problems." 243,Accelerating System-Level Debug Using Rule Learning and Subgroup Discovery Techniques,"We propose a root-causing procedure for accelerating system-level debug using rule-based techniques. We describe the procedure and how it provides high quality debug hints for reducing the debug effort. This includes the heuristics for engineering features from logs of many tests, and the data analytics techniques for generating powerful debug hints. As a case study, we used these techniques for root-causing failures of the Power Management (PM) design feature Package-C8 and showed their effectiveness. Furthermore, we propose an approach for mining the root-causing experience and results for reuse, to accelerate future debug activities and reduce dependency on validation experts. We believe that these techniques are beneficial also for other validation activities at different levels of abstraction, for complex hardware, software and firmware systems, both pre-silicon and post-silicon." 244,SKIPP'D: a SKy Images and Photovoltaic Power Generation Dataset for Short-term Solar Forecasting,"Large-scale integration of photovoltaics (PV) into electricity grids is challenged by the intermittent nature of solar power. Sky-image-based solar forecasting using deep learning has been recognized as a promising approach to predicting the short-term fluctuations. However, there are few publicly available standardized benchmark datasets for image-based solar forecasting, which limits the comparison of different forecasting models and the exploration of forecasting methods. To fill these gaps, we introduce SKIPP'D -- a SKy Images and Photovoltaic Power Generation Dataset. The dataset contains three years (2017-2019) of quality-controlled down-sampled sky images and PV power generation data that is ready-to-use for short-term solar forecasting using deep learning. In addition, to support the flexibility in research, we provide the high resolution, high frequency sky images and PV power generation data as well as the concurrent sky video footage. We also include a code base containing data processing scripts and baseline model implementations for researchers to reproduce our previous work and accelerate their research in solar forecasting." 245,A Structured Sparse Neural Network and Its Matrix Calculations Algorithm,"Gradient descent optimizations and backpropagation are the most common methods for training neural networks, but they are computationally expensive for real time applications, need high memory resources, and are difficult to converge for many networks and large datasets. [Pseudo]inverse models for training neural network have emerged as powerful tools to overcome these issues. In order to effectively implement these methods, structured pruning maybe be applied to produce sparse neural networks. Although sparse neural networks are efficient in memory usage, most of their algorithms use the same fully loaded matrix calculation methods which are not efficient for sparse matrices. Tridiagonal matrices are one of the frequently used candidates for structuring neural networks, but they are not flexible enough to handle underfitting and overfitting problems as well as generalization properties. In this paper, we introduce a nonsymmetric, tridiagonal matrix with offdiagonal sparse entries and offset sub and super-diagonals as well algorithms for its [pseudo]inverse and determinant calculations. Traditional algorithms for matrix calculations, specifically inversion and determinant, of these forms are not efficient specially for large matrices, e.g. larger datasets or deeper networks. A decomposition for lower triangular matrices is developed and the original matrix is factorized into a set of matrices where their inverse matrices are calculated. For the cases where the matrix inverse does not exist, a least square type pseudoinverse is provided. The present method is a direct routine, i.e., executes in a predictable number of operations which is tested for randomly generated matrices with varying size. The results show significant improvement in computational costs specially when the size of matrix increases." 246,Reinforcement Learning Approaches for the Orienteering Problem with Stochastic and Dynamic Release Dates,"In this paper, we study a sequential decision making problem faced by e-commerce carriers related to when to send out a vehicle from the central depot to serve customer requests, and in which order to provide the service, under the assumption that the time at which parcels arrive at the depot is stochastic and dynamic. The objective is to maximize the number of parcels that can be delivered during the service hours. We propose two reinforcement learning approaches for solving this problem, one based on a policy function approximation (PFA) and the second on a value function approximation (VFA). Both methods are combined with a look-ahead strategy, in which future release dates are sampled in a Monte-Carlo fashion and a tailored batch approach is used to approximate the value of future states. Our PFA and VFA make a good use of branch-and-cut-based exact methods to improve the quality of decisions. We also establish sufficient conditions for partial characterization of optimal policy and integrate them into PFA/VFA. In an empirical study based on 720 benchmark instances, we conduct a competitive analysis using upper bounds with perfect information and we show that PFA and VFA greatly outperform two alternative myopic approaches. Overall, PFA provides best solutions, while VFA (which benefits from a two-stage stochastic optimization model) achieves a better tradeoff between solution quality and computing time." 247,Tree ensemble kernels for Bayesian optimization with known constraints over mixed-feature spaces,"Tree ensembles can be well-suited for black-box optimization tasks such as algorithm tuning and neural architecture search, as they achieve good predictive performance with little to no manual tuning, naturally handle discrete feature spaces, and are relatively insensitive to outliers in the training data. Two well-known challenges in using tree ensembles for black-box optimization are (i) effectively quantifying model uncertainty for exploration and (ii) optimizing over the piece-wise constant acquisition function. To address both points simultaneously, we propose using the kernel interpretation of tree ensembles as a Gaussian Process prior to obtain model variance estimates, and we develop a compatible optimization formulation for the acquisition function. The latter further allows us to seamlessly integrate known constraints to improve sampling efficiency by considering domain-knowledge in engineering settings and modeling search space symmetries, e.g., hierarchical relationships in neural architecture search. Our framework performs as well as state-of-the-art methods for unconstrained black-box optimization over continuous/discrete features and outperforms competing methods for problems combining mixed-variable feature spaces and known input constraints." 248,FL-Defender: Combating Targeted Attacks in Federated Learning,"Federated learning (FL) enables learning a global machine learning model from local data distributed among a set of participating workers. This makes it possible i) to train more accurate models due to learning from rich joint training data, and ii) to improve privacy by not sharing the workers' local private data with others. However, the distributed nature of FL makes it vulnerable to targeted poisoning attacks that negatively impact the integrity of the learned model while, unfortunately, being difficult to detect. Existing defenses against those attacks are limited by assumptions on the workers' data distribution, may degrade the global model performance on the main task and/or are ill-suited to high-dimensional models. In this paper, we analyze targeted attacks against FL and find that the neurons in the last layer of a deep learning (DL) model that are related to the attacks exhibit a different behavior from the unrelated neurons, making the last-layer gradients valuable features for attack detection. Accordingly, we propose \textit{FL-Defender} as a method to combat FL targeted attacks. It consists of i) engineering more robust discriminative features by calculating the worker-wise angle similarity for the workers' last-layer gradients, ii) compressing the resulting similarity vectors using PCA to reduce redundant information, and iii) re-weighting the workers' updates based on their deviation from the centroid of the compressed similarity vectors. Experiments on three data sets with different DL model sizes and data distributions show the effectiveness of our method at defending against label-flipping and backdoor attacks. Compared to several state-of-the-art defenses, FL-Defender achieves the lowest attack success rates, maintains the performance of the global model on the main task and causes minimal computational overhead on the server." 249,"The Linguistic Blind Spot of Value-Aligned Agency, Natural and Artificial","The value-alignment problem for artificial intelligence (AI) asks how we can ensure that the 'values' (i.e., objective functions) of artificial systems are aligned with the values of humanity. In this paper, I argue that linguistic communication (natural language) is a necessary condition for robust value alignment. I discuss the consequences that the truth of this claim would have for research programmes that attempt to ensure value alignment for AI systems; or, more loftily, designing robustly beneficial or ethical artificial agents." 250,Combinatory Adjoints and Differentiation,"We develop a compositional approach for automatic and symbolic differentiation based on categorical constructions in functional analysis where derivatives are linear functions on abstract vectors rather than being limited to scalars, vectors, matrices or tensors represented as multi-dimensional arrays. We show that both symbolic and automatic differentiation can be performed using a differential calculus for generating linear functions representing Fr\'echet derivatives based on rules for primitive, constant, linear and bilinear functions as well as their sequential and parallel composition. Linear functions are represented in a combinatory domain-specific language. Finally, we provide a calculus for symbolically computing the adjoint of a derivative without using matrices, which are too inefficient to use on high-dimensional spaces. The resulting symbolic representation of a derivative retains the data-parallel operations from the input program. The combination of combinatory differentiation and computing formal adjoints turns out to be behaviorally equivalent to reverse-mode automatic differentiation. In particular, it provides opportunities for optimizations where matrices are too inefficient to represent linear functions." 251,Less Is More: A Comparison of Active Learning Strategies for 3D Medical Image Segmentation,"Since labeling medical image data is a costly and labor-intensive process, active learning has gained much popularity in the medical image segmentation domain in recent years. A variety of active learning strategies have been proposed in the literature, but their effectiveness is highly dependent on the dataset and training scenario. To facilitate the comparison of existing strategies and provide a baseline for evaluating novel strategies, we evaluate the performance of several well-known active learning strategies on three datasets from the Medical Segmentation Decathlon. Additionally, we consider a strided sampling strategy specifically tailored to 3D image data. We demonstrate that both random and strided sampling act as strong baselines and discuss the advantages and disadvantages of the studied methods. To allow other researchers to compare their work to our results, we provide an open-source framework for benchmarking active learning strategies on a variety of medical segmentation datasets." 252,GOF-TTE: Generative Online Federated Learning Framework for Travel Time Estimation,"Estimating the travel time of a path is an essential topic for intelligent transportation systems. It serves as the foundation for real-world applications, such as traffic monitoring, route planning, and taxi dispatching. However, building a model for such a data-driven task requires a large amount of users' travel information, which directly relates to their privacy and thus is less likely to be shared. The non-Independent and Identically Distributed (non-IID) trajectory data across data owners also make a predictive model extremely challenging to be personalized if we directly apply federated learning. Finally, previous work on travel time estimation does not consider the real-time traffic state of roads, which we argue can significantly influence the prediction. To address the above challenges, we introduce GOF-TTE for the mobile user group, Generative Online Federated Learning Framework for Travel Time Estimation, which I) utilizes the federated learning approach, allowing private data to be kept on client devices while training, and designs the global model as an online generative model shared by all clients to infer the real-time road traffic state. II) apart from sharing a base model at the server, adapts a fine-tuned personalized model for every client to study their personal driving habits, making up for the residual error made by localized global model prediction. % III) designs the global model as an online generative model shared by all clients to infer the real-time road traffic state. We also employ a simple privacy attack to our framework and implement the differential privacy mechanism to further guarantee privacy safety. Finally, we conduct experiments on two real-world public taxi datasets of DiDi Chengdu and Xi'an. The experimental results demonstrate the effectiveness of our proposed framework." 253,A Multi-Task BERT Model for Schema-Guided Dialogue State Tracking,"Task-oriented dialogue systems often employ a Dialogue State Tracker (DST) to successfully complete conversations. Recent state-of-the-art DST implementations rely on schemata of diverse services to improve model robustness and handle zero-shot generalization to new domains [1], however such methods [2, 3] typically require multiple large scale transformer models and long input sequences to perform well. We propose a single multi-task BERT-based model that jointly solves the three DST tasks of intent prediction, requested slot prediction and slot filling. Moreover, we propose an efficient and parsimonious encoding of the dialogue history and service schemata that is shown to further improve performance. Evaluation on the SGD dataset shows that our approach outperforms the baseline SGP-DST by a large margin and performs well compared to the state-of-the-art, while being significantly more computationally efficient. Extensive ablation studies are performed to examine the contributing factors to the success of our model." 254,Firenze: Model Evaluation Using Weak Signals,"Data labels in the security field are frequently noisy, limited, or biased towards a subset of the population. As a result, commonplace evaluation methods such as accuracy, precision and recall metrics, or analysis of performance curves computed from labeled datasets do not provide sufficient confidence in the real-world performance of a machine learning (ML) model. This has slowed the adoption of machine learning in the field. In the industry today, we rely on domain expertise and lengthy manual evaluation to build this confidence before shipping a new model for security applications. In this paper, we introduce Firenze, a novel framework for comparative evaluation of ML models' performance using domain expertise, encoded into scalable functions called markers. We show that markers computed and combined over select subsets of samples called regions of interest can provide a robust estimate of their real-world performances. Critically, we use statistical hypothesis testing to ensure that observed differences-and therefore conclusions emerging from our framework-are more prominent than that observable from the noise alone. Using simulations and two real-world datasets for malware and domain-name-service reputation detection, we illustrate our approach's effectiveness, limitations, and insights. Taken together, we propose Firenze as a resource for fast, interpretable, and collaborative model development and evaluation by mixed teams of researchers, domain experts, and business owners." 255,Lane-GNN: Integrating GNN for Predicting Drivers' Lane Change Intention,"Nowadays, intelligent highway traffic network is playing an important role in modern transportation infrastructures. A variable speed limit (VSL) system can be facilitated in the highway traffic network to provide useful and dynamic speed limit information for drivers to travel with enhanced safety. Such system is usually designed with a steady advisory speed in mind so that traffic can move smoothly when drivers follow the speed, rather than speeding up whenever there is a gap and slowing down at congestion. However, little attention has been given to the research of vehicles' behaviours when drivers left the road network governed by a VSL system, which may largely involve unexpected acceleration, deceleration and frequent lane changes, resulting in chaos for the subsequent highway road users. In this paper, we focus on the detection of traffic flow anomaly due to drivers' lane change intention on the highway traffic networks after a VSL system. More specifically, we apply graph modelling on the traffic flow data generated by a popular mobility simulator, SUMO, at road segment levels. We then evaluate the performance of lane changing detection using the proposed Lane-GNN scheme, an attention temporal graph convolutional neural network, and compare its performance with a temporal convolutional neural network (TCNN) as our baseline. Our experimental results show that the proposed Lane-GNN can detect drivers' lane change intention within 90 seconds with an accuracy of 99.42% under certain assumptions. Finally, some interpretation methods are applied to the trained models with a view to further illustrate our findings." 256,PGMG: A Pharmacophore-Guided Deep Learning Approach for Bioactive Molecular Generation,"The rational design of novel molecules with desired bioactivity is a critical but challenging task in drug discovery, especially when treating a novel target family or understudied targets. Here, we propose PGMG, a pharmacophore-guided deep learning approach for bioactivate molecule generation. Through the guidance of pharmacophore, PGMG provides a flexible strategy to generate bioactive molecules with structural diversity in various scenarios using a trained variational autoencoder. We show that PGMG can generate molecules matching given pharmacophore models while maintaining a high level of validity, uniqueness, and novelty. In the case studies, we demonstrate the application of PGMG to generate bioactive molecules in ligand-based and structure-based drug de novo design, as well as in lead optimization scenarios. Overall, the flexibility and effectiveness of PGMG make it a useful tool for accelerating the drug discovery process." 257,Geometric Learning of Hidden Markov Models via a Method of Moments Algorithm,"We present a novel algorithm for learning the parameters of hidden Markov models (HMMs) in a geometric setting where the observations take values in Riemannian manifolds. In particular, we elevate a recent second-order method of moments algorithm that incorporates non-consecutive correlations to a more general setting where observations take place in a Riemannian symmetric space of non-positive curvature and the observation likelihoods are Riemannian Gaussians. The resulting algorithm decouples into a Riemannian Gaussian mixture model estimation algorithm followed by a sequence of convex optimization procedures. We demonstrate through examples that the learner can result in significantly improved speed and numerical accuracy compared to existing learners." 258,Biologically-informed deep learning models for cancer: fundamental trends for encoding and interpreting oncology data,"In this paper we provide a structured literature analysis focused on Deep Learning (DL) models used to support inference in cancer biology with a particular emphasis on multi-omics analysis. The work focuses on how existing models address the need for better dialogue with prior knowledge, biological plausibility and interpretability, fundamental properties in the biomedical domain. We discuss the recent evolutionary arch of DL models in the direction of integrating prior biological relational and network knowledge to support better generalisation (e.g. pathways or Protein-Protein-Interaction networks) and interpretability. This represents a fundamental functional shift towards models which can integrate mechanistic and statistical inference aspects. We discuss representational methodologies for the integration of domain prior knowledge in such models. The paper also provides a critical outlook into contemporary methods for explainability and interpretabiltiy. This analysis points in the direction of a convergence between encoding prior knowledge and improved interpretability." 259,Eliciting and Learning with Soft Labels from Every Annotator,"The labels used to train machine learning (ML) models are of paramount importance. Typically for ML classification tasks, datasets contain hard labels, yet learning using soft labels has been shown to yield benefits for model generalization, robustness, and calibration. Earlier work found success in forming soft labels from multiple annotators' hard labels; however, this approach may not converge to the best labels and necessitates many annotators, which can be expensive and inefficient. We focus on efficiently eliciting soft labels from individual annotators. We collect and release a dataset of soft labels for CIFAR-10 via a crowdsourcing study ($N=242$). We demonstrate that learning with our labels achieves comparable model performance to prior approaches while requiring far fewer annotators. Our elicitation methodology therefore shows promise towards enabling practitioners to enjoy the benefits of improved model performance and reliability with fewer annotators, and serves as a guide for future dataset curators on the benefits of leveraging richer information, such as categorical uncertainty, from individual annotators." 260,On the modern deep learning approaches for precipitation downscaling,"Deep Learning (DL) based downscaling has become a popular tool in earth sciences recently. Increasingly, different DL approaches are being adopted to downscale coarser precipitation data and generate more accurate and reliable estimates at local (~few km or even smaller) scales. Despite several studies adopting dynamical or statistical downscaling of precipitation, the accuracy is limited by the availability of ground truth. A key challenge to gauge the accuracy of such methods is to compare the downscaled data to point-scale observations which are often unavailable at such small scales. In this work, we carry out the DL-based downscaling to estimate the local precipitation data from the India Meteorological Department (IMD), which was created by approximating the value from station location to a grid point. To test the efficacy of different DL approaches, we apply four different methods of downscaling and evaluate their performance. The considered approaches are (i) Deep Statistical Downscaling (DeepSD), augmented Convolutional Long Short Term Memory (ConvLSTM), fully convolutional network (U-NET), and Super-Resolution Generative Adversarial Network (SR-GAN). A custom VGG network, used in the SR-GAN, is developed in this work using precipitation data. The results indicate that SR-GAN is the best method for precipitation data downscaling. The downscaled data is validated with precipitation values at IMD station. This DL method offers a promising alternative to statistical downscaling." 261,An AIoT-enabled Autonomous Dementia Monitoring System,"An autonomous Artificial Internet of Things (AIoT) system for elderly dementia patients monitoring in a smart home is presented. The system mainly implements two functions based on the activity inference of the sensor data, which are real time abnormal activity monitoring and trend prediction of disease related activities. Specifically, CASAS dataset is employed to train a Random Forest (RF) model for activity inference. Then, another RF model trained by the output data of activity inference is used for abnormal activity monitoring. Particularly, RF is chosen for these tasks because of its balanced trade offs between accuracy, time efficiency, flexibility, and interpretability. Moreover, Long Short Term Memory (LSTM) is utilised to forecast the disease related activity trend of a patient. Consequently, the accuracy of two RF classifiers designed for activity inference and abnormal activity detection is greater than 99 percent and 94 percent, respectively. Furthermore, using the duration of sleep as an example, the LSTM model achieves accurate and evident future trends prediction." 262,Object Representations as Fixed Points: Training Iterative Refinement Algorithms with Implicit Differentiation,"Iterative refinement -- start with a random guess, then iteratively improve the guess -- is a useful paradigm for representation learning because it offers a way to break symmetries among equally plausible explanations for the data. This property enables the application of such methods to infer representations of sets of entities, such as objects in physical scenes, structurally resembling clustering algorithms in latent space. However, most prior works differentiate through the unrolled refinement process, which can make optimization challenging. We observe that such methods can be made differentiable by means of the implicit function theorem, and develop an implicit differentiation approach that improves the stability and tractability of training by decoupling the forward and backward passes. This connection enables us to apply advances in optimizing implicit layers to not only improve the optimization of the slot attention module in SLATE, a state-of-the-art method for learning entity representations, but do so with constant space and time complexity in backpropagation and only one additional line of code." 263,ANEC: An Amharic Named Entity Corpus and Transformer Based Recognizer,"Named Entity Recognition is an information extraction task that serves as a preprocessing step for other natural language processing tasks, such as machine translation, information retrieval, and question answering. Named entity recognition enables the identification of proper names as well as temporal and numeric expressions in an open domain text. For Semitic languages such as Arabic, Amharic, and Hebrew, the named entity recognition task is more challenging due to the heavily inflected structure of these languages. In this paper, we present an Amharic named entity recognition system based on bidirectional long short-term memory with a conditional random fields layer. We annotate a new Amharic named entity recognition dataset (8,070 sentences, which has 182,691 tokens) and apply Synthetic Minority Over-sampling Technique to our dataset to mitigate the imbalanced classification problem. Our named entity recognition system achieves an F_1 score of 93%, which is the new state-of-the-art result for Amharic named entity recognition." 264,Computer-assisted Pronunciation Training -- Speech synthesis is almost all you need,"The research community has long studied computer-assisted pronunciation training (CAPT) methods in non-native speech. Researchers focused on studying various model architectures, such as Bayesian networks and deep learning methods, as well as on the analysis of different representations of the speech signal. Despite significant progress in recent years, existing CAPT methods are not able to detect pronunciation errors with high accuracy (only 60\% precision at 40\%-80\% recall). One of the key problems is the low availability of mispronounced speech that is needed for the reliable training of pronunciation error detection models. If we had a generative model that could mimic non-native speech and produce any amount of training data, then the task of detecting pronunciation errors would be much easier. We present three innovative techniques based on phoneme-to-phoneme (P2P), text-to-speech (T2S), and speech-to-speech (S2S) conversion to generate correctly pronounced and mispronounced synthetic speech. We show that these techniques not only improve the accuracy of three machine learning models for detecting pronunciation errors but also help establish a new state-of-the-art in the field. Earlier studies have used simple speech generation techniques such as P2P conversion, but only as an additional mechanism to improve the accuracy of pronunciation error detection. We, on the other hand, consider speech generation to be the first-class method of detecting pronunciation errors. The effectiveness of these techniques is assessed in the tasks of detecting pronunciation and lexical stress errors. Non-native English speech corpora of German, Italian, and Polish speakers are used in the evaluations. The best proposed S2S technique improves the accuracy of detecting pronunciation errors in AUC metric by 41\% from 0.528 to 0.749 compared to the state-of-the-art approach." 265,Unsupervised Symbolic Music Segmentation using Ensemble Temporal Prediction Errors,"Symbolic music segmentation is the process of dividing symbolic melodies into smaller meaningful groups, such as melodic phrases. We proposed an unsupervised method for segmenting symbolic music. The proposed model is based on an ensemble of temporal prediction error models. During training, each model predicts the next token to identify musical phrase changes. While at test time, we perform a peak detection algorithm to select segment candidates. Finally, we aggregate the predictions of each of the models participating in the ensemble to predict the final segmentation. Results suggest the proposed method reaches state-of-the-art performance on the Essen Folksong dataset under the unsupervised setting when considering F-Score and R-value. We additionally provide an ablation study to better assess the contribution of each of the model components to the final results. As expected, the proposed method is inferior to the supervised setting, which leaves room for improvement in future research considering closing the gap between unsupervised and supervised methods." 266,Abstraction and Refinement: Towards Scalable and Exact Verification of Neural Networks,"As a new programming paradigm, deep neural networks (DNNs) have been increasingly deployed in practice, but the lack of robustness hinders their applications in safety-critical domains. While there are techniques for verifying DNNs with formal guarantees, they are limited in scalability and accuracy. In this paper, we present a novel abstraction-refinement approach for scalable and exact DNN verification. Specifically, we propose a novel abstraction to break down the size of DNNs by over-approximation. The result of verifying the abstract DNN is always conclusive if no spurious counterexample is reported. To eliminate spurious counterexamples introduced by abstraction, we propose a novel counterexample-guided refinement that refines the abstract DNN to exclude a given spurious counterexample while still over-approximating the original one. Our approach is orthogonal to and can be integrated with many existing verification techniques. For demonstration, we implement our approach using two promising and exact tools Marabou and Planet as the underlying verification engines, and evaluate on widely-used benchmarks ACAS Xu, MNIST and CIFAR-10. The results show that our approach can boost their performance by solving more problems and reducing up to 86.3% and 78.0% verification time, respectively. Compared to the most relevant abstraction-refinement approach, our approach is 11.6-26.6 times faster." 267,Unsupervised Recurrent Federated Learning for Edge Popularity Prediction in Privacy-Preserving Mobile Edge Computing Networks,"Nowadays wireless communication is rapidly reshaping entire industry sectors. In particular, mobile edge computing (MEC) as an enabling technology for industrial Internet of things (IIoT) brings powerful computing/storage infrastructure closer to the mobile terminals and, thereby, significant lowers the response latency. To reap the benefit of proactive caching at the network edge, precise knowledge on the popularity pattern among the end devices is essential. However, the complex and dynamic nature of the content popularity over space and time as well as the data-privacy requirements in many IIoT scenarios pose tough challenges to its acquisition. In this article, we propose an unsupervised and privacy-preserving popularity prediction framework for MEC-enabled IIoT. The concepts of local and global popularities are introduced and the time-varying popularity of each user is modelled as a model-free Markov chain. On this basis, a novel unsupervised recurrent federated learning (URFL) algorithm is proposed to predict the distributed popularity while achieve privacy preservation and unsupervised training. Simulations indicate that the proposed framework can enhance the prediction accuracy in terms of a reduced root-mean-squared error by up to $60.5\%-68.7\%$. Additionally, manual labeling and violation of users' data privacy are both avoided." 268,"Informed Learning by Wide Neural Networks: Convergence, Generalization and Sampling Complexity","By integrating domain knowledge with labeled samples, informed machine learning has been emerging to improve the learning performance for a wide range of applications. Nonetheless, rigorous understanding of the role of injected domain knowledge has been under-explored. In this paper, we consider an informed deep neural network (DNN) with over-parameterization and domain knowledge integrated into its training objective function, and study how and why domain knowledge benefits the performance. Concretely, we quantitatively demonstrate the two benefits of domain knowledge in informed learning - regularizing the label-based supervision and supplementing the labeled samples - and reveal the trade-off between label and knowledge imperfectness in the bound of the population risk. Based on the theoretical analysis, we propose a generalized informed training objective to better exploit the benefits of knowledge and balance the label and knowledge imperfectness, which is validated by the population risk bound. Our analysis on sampling complexity sheds lights on how to choose the hyper-parameters for informed learning, and further justifies the advantages of knowledge informed learning." 269,Scheduling Planting Time Through Developing an Optimization Model and Analysis of Time Series Growing Degree Units,"Producing higher-quality crops within shortened breeding cycles ensures global food availability and security, but this improvement intensifies logistical and productivity challenges for seed industries in the year-round breeding process due to the storage limitations. In the 2021 Syngenta crop challenge in analytics, Syngenta raised the problem to design an optimization model for the planting time scheduling in the 2020 year-round breeding process so that there is a consistent harvest quantity each week. They released a dataset that contained 2569 seed populations with their planting windows, required growing degree units for harvesting, and their harvest quantities at two sites. To address this challenge, we developed a new framework that consists of a weather time series model and an optimization model to schedule the planting time. A deep recurrent neural network was designed to predict the weather into the future, and a Gaussian process model on top of the time-series model was developed to model the uncertainty of forecasted weather. The proposed optimization models also scheduled the seed population's planting time at the fewest number of weeks with a more consistent weekly harvest quantity. Using the proposed optimization models can decrease the required capacity by 69% at site 0 and up to 51% at site 1 compared to the original planting time." 270,PhilaeX: Explaining the Failure and Success of AI Models in Malware Detection,"The explanation to an AI model's prediction used to support decision making in cyber security, is of critical importance. It is especially so when the model's incorrect prediction can lead to severe damages or even losses to lives and critical assets. However, most existing AI models lack the ability to provide explanations on their prediction results, despite their strong performance in most scenarios. In this work, we propose a novel explainable AI method, called PhilaeX, that provides the heuristic means to identify the optimized subset of features to form the complete explanations of AI models' predictions. It identifies the features that lead to the model's borderline prediction, and those with positive individual contributions are extracted. The feature attributions are then quantified through the optimization of a Ridge regression model. We verify the explanation fidelity through two experiments. First, we assess our method's capability in correctly identifying the activated features in the adversarial samples of Android malwares, through the features attribution values from PhilaeX. Second, the deduction and augmentation tests, are used to assess the fidelity of the explanations. The results show that PhilaeX is able to explain different types of classifiers correctly, with higher fidelity explanations, compared to the state-of-the-arts methods such as LIME and SHAP." 271,Deep Learning for Systemic Risk Measures,"The aim of this paper is to study a new methodological framework for systemic risk measures by applying deep learning method as a tool to compute the optimal strategy of capital allocations. Under this new framework, systemic risk measures can be interpreted as the minimal amount of cash that secures the aggregated system by allocating capital to the single institutions before aggregating the individual risks. This problem has no explicit solution except in very limited situations. Deep learning is increasingly receiving attention in financial modelings and risk management and we propose our deep learning based algorithms to solve both the primal and dual problems of the risk measures, and thus to learn the fair risk allocations. In particular, our method for the dual problem involves the training philosophy inspired by the well-known Generative Adversarial Networks (GAN) approach and a newly designed direct estimation of Radon-Nikodym derivative. We close the paper with substantial numerical studies of the subject and provide interpretations of the risk allocations associated to the systemic risk measures. In the particular case of exponential preferences, numerical experiments demonstrate excellent performance of the proposed algorithm, when compared with the optimal explicit solution as a benchmark." 272,SketchCleanNet -- A deep learning approach to the enhancement and correction of query sketches for a 3D CAD model retrieval system,"Search and retrieval remains a major research topic in several domains, including computer graphics, computer vision, engineering design, etc. A search engine requires primarily an input search query and a database of items to search from. In engineering, which is the primary context of this paper, the database consists of 3D CAD models, such as washers, pistons, connecting rods, etc. A query from a user is typically in the form of a sketch, which attempts to capture the details of a 3D model. However, sketches have certain typical defects such as gaps, over-drawn portions (multi-strokes), etc. Since the retrieved results are only as good as the input query, sketches need cleaning-up and enhancement for better retrieval results. In this paper, a deep learning approach is proposed to improve or clean the query sketches. Initially, sketches from various categories are analysed in order to understand the many possible defects that may occur. A dataset of cleaned-up or enhanced query sketches is then created based on an understanding of these defects. Consequently, an end-to-end training of a deep neural network is carried out in order to provide a mapping between the defective and the clean sketches. This network takes the defective query sketch as the input and generates a clean or an enhanced query sketch. Qualitative and quantitative comparisons of the proposed approach with other state-of-the-art techniques show that the proposed approach is effective. The results of the search engine are reported using both the defective and enhanced query sketches, and it is shown that using the enhanced query sketches from the developed approach yields improved search results." 273,q-Learning in Continuous Time,"We study the continuous-time counterpart of Q-learning for reinforcement learning (RL) under the entropy-regularized, exploratory diffusion process formulation introduced by Wang et al. (2020) As the conventional (big) Q-function collapses in continuous time, we consider its first-order approximation and coin the term ""(little) q-function"". This function is related to the instantaneous advantage rate function as well as the Hamiltonian. We develop a ""q-learning"" theory around the q-function that is independent of time discretization. Given a stochastic policy, we jointly characterize the associated q-function and value function by martingale conditions of certain stochastic processes. We then apply the theory to devise different actor-critic algorithms for solving underlying RL problems, depending on whether or not the density function of the Gibbs measure generated from the q-function can be computed explicitly. One of our algorithms interprets the well-known Q-learning algorithm SARSA, and another recovers a policy gradient (PG) based continuous-time algorithm proposed in Jia and Zhou (2021). Finally, we conduct simulation experiments to compare the performance of our algorithms with those of PG-based algorithms in Jia and Zhou (2021) and time-discretized conventional Q-learning algorithms." 274,Parameter efficient dendritic-tree neurons outperform perceptrons,"Biological neurons are more powerful than artificial perceptrons, in part due to complex dendritic input computations. Inspired to empower the perceptron with biologically inspired features, we explore the effect of adding and tuning input branching factors along with input dropout. This allows for parameter efficient non-linear input architectures to be discovered and benchmarked. Furthermore, we present a PyTorch module to replace multi-layer perceptron layers in existing architectures. Our initial experiments on MNIST classification demonstrate the accuracy and generalization improvement of dendritic neurons compared to existing perceptron architectures." 275,UserLibri: A Dataset for ASR Personalization Using Only Text,"Personalization of speech models on mobile devices (on-device personalization) is an active area of research, but more often than not, mobile devices have more text-only data than paired audio-text data. We explore training a personalized language model on text-only data, used during inference to improve speech recognition performance for that user. We experiment on a user-clustered LibriSpeech corpus, supplemented with personalized text-only data for each user from Project Gutenberg. We release this User-Specific LibriSpeech (UserLibri) dataset to aid future personalization research. LibriSpeech audio-transcript pairs are grouped into 55 users from the test-clean dataset and 52 users from test-other. We are able to lower the average word error rate per user across both sets in streaming and nonstreaming models, including an improvement of 2.5 for the harder set of test-other users when streaming." 276,Multivariate Time Series Anomaly Detection with Few Positive Samples,"Given the scarcity of anomalies in real-world applications, the majority of literature has been focusing on modeling normality. The learned representations enable anomaly detection as the normality model is trained to capture certain key underlying data regularities under normal circumstances. In practical settings, particularly industrial time series anomaly detection, we often encounter situations where a large amount of normal operation data is available along with a small number of anomaly events collected over time. This practical situation calls for methodologies to leverage these small number of anomaly events to create a better anomaly detector. In this paper, we introduce two methodologies to address the needs of this practical situation and compared them with recently developed state of the art techniques. Our proposed methods anchor on representative learning of normal operation with autoregressive (AR) model along with loss components to encourage representations that separate normal versus few positive examples. We applied the proposed methods to two industrial anomaly detection datasets and demonstrated effective performance in comparison with approaches from literature. Our study also points out additional challenges with adopting such methods in practical applications." 277,Uncertainty Quantification for Deep Unrolling-Based Computational Imaging,"Deep unrolling is an emerging deep learning-based image reconstruction methodology that bridges the gap between model-based and purely deep learning-based image reconstruction methods. Although deep unrolling methods achieve state-of-the-art performance for imaging problems and allow the incorporation of the observation model into the reconstruction process, they do not provide any uncertainty information about the reconstructed image, which severely limits their use in practice, especially for safety-critical imaging applications. In this paper, we propose a learning-based image reconstruction framework that incorporates the observation model into the reconstruction task and that is capable of quantifying epistemic and aleatoric uncertainties, based on deep unrolling and Bayesian neural networks. We demonstrate the uncertainty characterization capability of the proposed framework on magnetic resonance imaging and computed tomography reconstruction problems. We investigate the characteristics of the epistemic and aleatoric uncertainty information provided by the proposed framework to motivate future research on utilizing uncertainty information to develop more accurate, robust, trustworthy, uncertainty-aware, learning-based image reconstruction and analysis methods for imaging problems. We show that the proposed framework can provide uncertainty information while achieving comparable reconstruction performance to state-of-the-art deep unrolling methods." 278,Efficient Adversarial Training With Data Pruning,"Neural networks are susceptible to adversarial examples-small input perturbations that cause models to fail. Adversarial training is one of the solutions that stops adversarial examples; models are exposed to attacks during training and learn to be resilient to them. Yet, such a procedure is currently expensive-it takes a long time to produce and train models with adversarial samples, and, what is worse, it occasionally fails. In this paper we demonstrate data pruning-a method for increasing adversarial training efficiency through data sub-sampling.We empirically show that data pruning leads to improvements in convergence and reliability of adversarial training, albeit with different levels of utility degradation. For example, we observe that using random sub-sampling of CIFAR10 to drop 40% of data, we lose 8% adversarial accuracy against the strongest attackers, while by using only 20% of data we lose 14% adversarial accuracy and reduce runtime by a factor of 3. Interestingly, we discover that in some settings data pruning brings benefits from both worlds-it both improves adversarial accuracy and training time." 279,Few-shot incremental learning in the context of solar cell quality inspection,"In industry, Deep Neural Networks have shown high defect detection rates surpassing other more traditional manual feature engineering based proposals. This has been achieved mainly through supervised training where a great amount of data is required in order to learn good classification models. However, such amount of data is sometimes hard to obtain in industrial scenarios, as few defective pieces are produced normally. In addition, certain kinds of defects are very rare and usually just appear from time to time, which makes the generation of a proper dataset for training a classification model even harder. Moreover, the lack of available data limits the adaptation of inspection models to new defect types that appear in production as it might require a model retraining in order to incorporate the detects and detect them. In this work, we have explored the technique of weight imprinting in the context of solar cell quality inspection where we have trained a network on three base defect classes, and then we have incorporated new defect classes using few samples. The results have shown that this technique allows the network to extend its knowledge with regard to defect classes with few samples, which can be interesting for industrial practitioners." 280,American == White in Multimodal Language-and-Image AI,"Three state-of-the-art language-and-image AI models, CLIP, SLIP, and BLIP, are evaluated for evidence of a bias previously observed in social and experimental psychology: equating American identity with being White. Embedding association tests (EATs) using standardized images of self-identified Asian, Black, Latina/o, and White individuals from the Chicago Face Database (CFD) reveal that White individuals are more associated with collective in-group words than are Asian, Black, or Latina/o individuals. In assessments of three core aspects of American identity reported by social psychologists, single-category EATs reveal that images of White individuals are more associated with patriotism and with being born in America, but that, consistent with prior findings in psychology, White individuals are associated with being less likely to treat people of all races and backgrounds equally. Three downstream machine learning tasks demonstrate biases associating American with White. In a visual question answering task using BLIP, 97% of White individuals are identified as American, compared to only 3% of Asian individuals. When asked in what state the individual depicted lives in, the model responds China 53% of the time for Asian individuals, but always with an American state for White individuals. In an image captioning task, BLIP remarks upon the race of Asian individuals as much as 36% of the time, but never remarks upon race for White individuals. Finally, provided with an initialization image from the CFD and the text ""an American person,"" a synthetic image generator (VQGAN) using the text-based guidance of CLIP lightens the skin tone of individuals of all races (by 35% for Black individuals, based on pixel brightness). The results indicate that biases equating American identity with being White are learned by language-and-image AI, and propagate to downstream applications of such models." 281,Transforming PageRank into an Infinite-Depth Graph Neural Network,"Popular graph neural networks are shallow models, despite the success of very deep architectures in other application domains of deep learning. This reduces the modeling capacity and leaves models unable to capture long-range relationships. The primary reason for the shallow design results from over-smoothing, which leads node states to become more similar with increased depth. We build on the close connection between GNNs and PageRank, for which personalized PageRank introduces the consideration of a personalization vector. Adopting this idea, we propose the Personalized PageRank Graph Neural Network (PPRGNN), which extends the graph convolutional network to an infinite-depth model that has a chance to reset the neighbor aggregation back to the initial state in each iteration. We introduce a nicely interpretable tweak to the chance of resetting and prove the convergence of our approach to a unique solution without placing any constraints, even when taking infinitely many neighbor aggregations. As in personalized PageRank, our result does not suffer from over-smoothing. While doing so, time complexity remains linear while we keep memory complexity constant, independently of the depth of the network, making it scale well to large graphs. We empirically show the effectiveness of our approach for various node and graph classification tasks. PPRGNN outperforms comparable methods in almost all cases." 282,Infinite-Fidelity Coregionalization for Physical Simulation,"Multi-fidelity modeling and learning are important in physical simulation-related applications. It can leverage both low-fidelity and high-fidelity examples for training so as to reduce the cost of data generation while still achieving good performance. While existing approaches only model finite, discrete fidelities, in practice, the fidelity choice is often continuous and infinite, which can correspond to a continuous mesh spacing or finite element length. In this paper, we propose Infinite Fidelity Coregionalization (IFC). Given the data, our method can extract and exploit rich information within continuous, infinite fidelities to bolster the prediction accuracy. Our model can interpolate and/or extrapolate the predictions to novel fidelities, which can be even higher than the fidelities of training data. Specifically, we introduce a low-dimensional latent output as a continuous function of the fidelity and input, and multiple it with a basis matrix to predict high-dimensional solution outputs. We model the latent output as a neural Ordinary Differential Equation (ODE) to capture the complex relationships within and integrate information throughout the continuous fidelities. We then use Gaussian processes or another ODE to estimate the fidelity-varying bases. For efficient inference, we reorganize the bases as a tensor, and use a tensor-Gaussian variational posterior to develop a scalable inference algorithm for massive outputs. We show the advantage of our method in several benchmark tasks in computational physics." 283,DRESS: Dynamic REal-time Sparse Subnets,"The limited and dynamically varied resources on edge devices motivate us to deploy an optimized deep neural network that can adapt its sub-networks to fit in different resource constraints. However, existing works often build sub-networks through searching different network architectures in a hand-crafted sampling space, which not only can result in a subpar performance but also may cause on-device re-configuration overhead. In this paper, we propose a novel training algorithm, Dynamic REal-time Sparse Subnets (DRESS). DRESS samples multiple sub-networks from the same backbone network through row-based unstructured sparsity, and jointly trains these sub-networks in parallel with weighted loss. DRESS also exploits strategies including parameter reusing and row-based fine-grained sampling for efficient storage consumption and efficient on-device adaptation. Extensive experiments on public vision datasets show that DRESS yields significantly higher accuracy than state-of-the-art sub-networks." 284,Improving Low-Resource Speech Recognition with Pretrained Speech Models: Continued Pretraining vs. Semi-Supervised Training,"Self-supervised Transformer based models, such as wav2vec 2.0 and HuBERT, have produced significant improvements over existing approaches to automatic speech recognition (ASR). This is evident in the performance of the wav2vec 2.0 based pretrained XLSR-53 model across many languages when fine-tuned with available labeled data. However, the performance from finetuning these models can be dependent on the amount of in-language or similar-to-in-language data included in the pretraining dataset. In this paper we investigate continued pretraining (CoPT) with unlabeled in-language audio data on the XLSR-53 pretrained model in several low-resource languages. CoPT is more computationally efficient than semi-supervised training (SST), the standard approach of utilizing unlabeled data in ASR, since it omits the need for pseudo-labeling of the unlabeled data. We show CoPT results in word error rates (WERs), equal to or slightly better than using SST. In addition, we show that using the CoPT model for pseudo-labeling, and using these labels in SST, results in further improvements in WER." 285,Efficient Adaptive Regret Minimization,"In online convex optimization the player aims to minimize her regret against a fixed comparator over the entire repeated game. Algorithms that minimize standard regret may converge to a fixed decision, which is undesireable in changing or dynamic environments. This motivates the stronger metric of adaptive regret, or the maximum regret over any continuous sub-interval in time. Existing adaptive regret algorithms suffer from a computational penalty - typically on the order of a multiplicative factor that grows logarithmically in the number of game iterations. In this paper we show how to reduce this computational penalty to be doubly logarithmic in the number of game iterations, and with minimal degradation to the optimal attainable adaptive regret bounds." 286,Action-modulated midbrain dopamine activity arises from distributed control policies,"Animal behavior is driven by multiple brain regions working in parallel with distinct control policies. We present a biologically plausible model of off-policy reinforcement learning in the basal ganglia, which enables learning in such an architecture. The model accounts for action-related modulation of dopamine activity that is not captured by previous models that implement on-policy algorithms. In particular, the model predicts that dopamine activity signals a combination of reward prediction error (as in classic models) and ""action surprise,"" a measure of how unexpected an action is relative to the basal ganglia's current policy. In the presence of the action surprise term, the model implements an approximate form of Q-learning. On benchmark navigation and reaching tasks, we show empirically that this model is capable of learning from data driven completely or in part by other policies (e.g. from other brain regions). By contrast, models without the action surprise term suffer in the presence of additional policies, and are incapable of learning at all from behavior that is completely externally driven. The model provides a computational account for numerous experimental findings about dopamine activity that cannot be explained by classic models of reinforcement learning in the basal ganglia. These include differing levels of action surprise signals in dorsal and ventral striatum, decreasing amounts movement-modulated dopamine activity with practice, and representations of action initiation and kinematics in dopamine activity. It also provides further predictions that can be tested with recordings of striatal dopamine activity." 287,Offline Policy Optimization with Eligible Actions,"Offline policy optimization could have a large impact on many real-world decision-making problems, as online learning may be infeasible in many applications. Importance sampling and its variants are a commonly used type of estimator in offline policy evaluation, and such estimators typically do not require assumptions on the properties and representational capabilities of value function or decision process model function classes. In this paper, we identify an important overfitting phenomenon in optimizing the importance weighted return, in which it may be possible for the learned policy to essentially avoid making aligned decisions for part of the initial state space. We propose an algorithm to avoid this overfitting through a new per-state-neighborhood normalization constraint, and provide a theoretical justification of the proposed algorithm. We also show the limitations of previous attempts to this approach. We test our algorithm in a healthcare-inspired simulator, a logged dataset collected from real hospitals and continuous control tasks. These experiments show the proposed method yields less overfitting and better test performance compared to state-of-the-art batch reinforcement learning algorithms." 288,Integral Probability Metrics PAC-Bayes Bounds,"We present a PAC-Bayes-style generalization bound which enables the replacement of the KL-divergence with a variety of Integral Probability Metrics (IPM). We provide instances of this bound with the IPM being the total variation metric and the Wasserstein distance. A notable feature of the obtained bounds is that they naturally interpolate between classical uniform convergence bounds in the worst case (when the prior and posterior are far away from each other), and preferable bounds in better cases (when the posterior and prior are close). This illustrates the possibility of reinforcing classical generalization bounds with algorithm- and data-dependent components, thus making them more suitable to analyze algorithms that use a large hypothesis space." 289,"FAIR principles for AI models, with a practical application for accelerated high energy diffraction microscopy","A concise and measurable set of FAIR (Findable, Accessible, Interoperable and Reusable) principles for scientific data are transforming the state-of-practice for data management and stewardship, supporting and enabling discovery and innovation. Learning from this initiative, and acknowledging the impact of artificial intelligence (AI) in the practice of science and engineering, we introduce a set of practical, concise and measurable FAIR principles for AI models. We showcase how to create and share FAIR data and AI models within a unified computational framework combining the following elements: the Advanced Photon Source at Argonne National Laboratory, the Materials Data Facility, the Data and Learning Hub for Science, funcX, and the Argonne Leadership Computing Facility (ALCF), in particular the ThetaGPU supercomputer and the SambaNova DataScale system at the ALCF AI-Testbed. We describe how this domain-agnostic computational framework may be harnessed to enable autonomous AI-driven discovery." 290,A Temporal Fusion Transformer for Long-term Explainable Prediction of Emergency Department Overcrowding,"Emergency Departments (EDs) are a fundamental element of the Portuguese National Health Service, serving as an entry point for users with diverse and very serious medical problems. Due to the inherent characteristics of the ED; forecasting the number of patients using the services is particularly challenging. And a mismatch between the affluence and the number of medical professionals can lead to a decrease in the quality of the services provided and create problems that have repercussions for the entire hospital, with the requisition of health care workers from other departments and the postponement of surgeries. ED overcrowding is driven, in part, by non-urgent patients, that resort to emergency services despite not having a medical emergency and which represent almost half of the total number of daily patients. This paper describes a novel deep learning architecture, the Temporal Fusion Transformer, that uses calendar and time-series covariates to forecast prediction intervals and point predictions for a 4 week period. We have concluded that patient volume can be forecasted with a Mean Absolute Percentage Error (MAPE) of 5.90% for Portugal's Health Regional Areas (HRA) and a Root Mean Squared Error (RMSE) of 84.4102 people/day. The paper shows empirical evidence supporting the use of a multivariate approach with static and time-series covariates while surpassing other models commonly found in the literature." 291,On Leave-One-Out Conditional Mutual Information For Generalization,"We derive information theoretic generalization bounds for supervised learning algorithms based on a new measure of leave-one-out conditional mutual information (loo-CMI). Contrary to other CMI bounds, which are black-box bounds that do not exploit the structure of the problem and may be hard to evaluate in practice, our loo-CMI bounds can be computed easily and can be interpreted in connection to other notions such as classical leave-one-out cross-validation, stability of the optimization algorithm, and the geometry of the loss-landscape. It applies both to the output of training algorithms as well as their predictions. We empirically validate the quality of the bound by evaluating its predicted generalization gap in scenarios for deep learning. In particular, our bounds are non-vacuous on large-scale image-classification tasks." 292,Video + CLIP Baseline for Ego4D Long-term Action Anticipation,"In this report, we introduce our adaptation of image-text models for long-term action anticipation. Our Video + CLIP framework makes use of a large-scale pre-trained paired image-text model: CLIP and a video encoder Slowfast network. The CLIP embedding provides fine-grained understanding of objects relevant for an action whereas the slowfast network is responsible for modeling temporal information within a video clip of few frames. We show that the features obtained from both encoders are complementary to each other, thus outperforming the baseline on Ego4D for the task of long-term action anticipation. Our code is available at github.com/srijandas07/clip_baseline_LTA_Ego4d." 293,How can spherical CNNs benefit ML-based diffusion MRI parameter estimation?,"This paper demonstrates spherical convolutional neural networks (S-CNN) offer distinct advantages over conventional fully-connected networks (FCN) at estimating scalar parameters of tissue microstructure from diffusion MRI (dMRI). Such microstructure parameters are valuable for identifying pathology and quantifying its extent. However, current clinical practice commonly acquires dMRI data consisting of only 6 diffusion weighted images (DWIs), limiting the accuracy and precision of estimated microstructure indices. Machine learning (ML) has been proposed to address this challenge. However, existing ML-based methods are not robust to differing dMRI gradient sampling schemes, nor are they rotation equivariant. Lack of robustness to sampling schemes requires a new network to be trained for each scheme, complicating the analysis of data from multiple sources. A possible consequence of the lack of rotational equivariance is that the training dataset must contain a diverse range of microstucture orientations. Here, we show spherical CNNs represent a compelling alternative that is robust to new sampling schemes as well as offering rotational equivariance. We show the latter can be leveraged to decrease the number of training datapoints required." 294,Ultra-low latency recurrent neural network inference on FPGAs for physics applications with hls4ml,"Recurrent neural networks have been shown to be effective architectures for many tasks in high energy physics, and thus have been widely adopted. Their use in low-latency environments has, however, been limited as a result of the difficulties of implementing recurrent architectures on field-programmable gate arrays (FPGAs). In this paper we present an implementation of two types of recurrent neural network layers -- long short-term memory and gated recurrent unit -- within the hls4ml framework. We demonstrate that our implementation is capable of producing effective designs for both small and large models, and can be customized to meet specific design requirements for inference latencies and FPGA resources. We show the performance and synthesized designs for multiple neural networks, many of which are trained specifically for jet identification tasks at the CERN Large Hadron Collider." 295,Learning to correct spectral methods for simulating turbulent flows,"Despite their ubiquity throughout science and engineering, only a handful of partial differential equations (PDEs) have analytical, or closed-form solutions. This motivates a vast amount of classical work on numerical simulation of PDEs and more recently, a whirlwind of research into data-driven techniques leveraging machine learning (ML). A recent line of work indicates that a hybrid of classical numerical techniques with machine learning can offer significant improvements over either approach alone. In this work, we show that the choice of the numerical scheme is crucial when incorporating physics-based priors. We build upon Fourier-based spectral methods, which are considerably more efficient than other numerical schemes for simulating PDEs with smooth and periodic solutions. Specifically, we develop ML-augmented spectral solvers for three model PDEs of fluid dynamics, which improve upon the accuracy of standard spectral solvers at the same resolution. We also demonstrate a handful of key design principles for combining machine learning and numerical methods for solving PDEs." 296,FitHuBERT: Going Thinner and Deeper for Knowledge Distillation of Speech Self-Supervised Learning,"Large-scale speech self-supervised learning (SSL) has emerged to the main field of speech processing, however, the problem of computational cost arising from its vast size makes a high entry barrier to academia. In addition, existing distillation techniques of speech SSL models compress the model by reducing layers, which induces performance degradation in linguistic pattern recognition tasks such as phoneme recognition (PR). In this paper, we propose FitHuBERT, which makes thinner in dimension throughout almost all model components and deeper in layer compared to prior speech SSL distillation works. Moreover, we employ a time-reduction layer to speed up inference time and propose a method of hint-based distillation for less performance degradation. Our method reduces the model to 23.8% in size and 35.9% in inference time compared to HuBERT. Also, we achieve 12.1% word error rate and 13.3% phoneme error rate on the SUPERB benchmark which is superior than prior work." 297,Evaluating the Explainers: Black-Box Explainable Machine Learning for Student Success Prediction in MOOCs,"Neural networks are ubiquitous in applied machine learning for education. Their pervasive success in predictive performance comes alongside a severe weakness, the lack of explainability of their decisions, especially relevant in human-centric fields. We implement five state-of-the-art methodologies for explaining black-box machine learning models (LIME, PermutationSHAP, KernelSHAP, DiCE, CEM) and examine the strengths of each approach on the downstream task of student performance prediction for five massive open online courses. Our experiments demonstrate that the families of explainers do not agree with each other on feature importance for the same Bidirectional LSTM models with the same representative set of students. We use Principal Component Analysis, Jensen-Shannon distance, and Spearman's rank-order correlation to quantitatively cross-examine explanations across methods and courses. Furthermore, we validate explainer performance across curriculum-based prerequisite relationships. Our results come to the concerning conclusion that the choice of explainer is an important decision and is in fact paramount to the interpretation of the predictive results, even more so than the course the model is trained on. Source code and models are released at http://github.com/epfl-ml4ed/evaluating-explainers." 298,"The ""AI+R""-tree: An Instance-optimized R-tree","The emerging class of instance-optimized systems has shown potential to achieve high performance by specializing to a specific data and query workloads. Particularly, Machine Learning (ML) techniques have been applied successfully to build various instance-optimized components (e.g., learned indexes). This paper investigates to leverage ML techniques to enhance the performance of spatial indexes, particularly the R-tree, for a given data and query workloads. As the areas covered by the R-tree index nodes overlap in space, upon searching for a specific point in space, multiple paths from root to leaf may potentially be explored. In the worst case, the entire R-tree could be searched. In this paper, we define and use the overlap ratio to quantify the degree of extraneous leaf node accesses required by a range query. The goal is to enhance the query performance of a traditional R-tree for high-overlap range queries as they tend to incur long running-times. We introduce a new AI-tree that transforms the search operation of an R-tree into a multi-label classification task to exclude the extraneous leaf node accesses. Then, we augment a traditional R-tree to the AI-tree to form a hybrid ""AI+R""-tree. The ""AI+R""-tree can automatically differentiate between the high- and low-overlap queries using a learned model. Thus, the ""AI+R""-tree processes high-overlap queries using the AI-tree, and the low-overlap queries using the R-tree. Experiments on real datasets demonstrate that the ""AI+R""-tree can enhance the query performance over a traditional R-tree by up to 500%." 299,Masked Autoencoders for Self-Supervised Learning on Automotive Point Clouds,"Masked autoencoding has become a successful pre-training paradigm for Transformer models for text, images, and recently, point clouds. Raw automotive datasets are a suitable candidate for self-supervised pre-training as they generally are cheap to collect compared to annotations for tasks like 3D object detection (OD). However, development of masked autoencoders for point clouds has focused solely on synthetic and indoor data. Consequently, existing methods have tailored their representations and models toward point clouds which are small, dense and have homogeneous point density. In this work, we study masked autoencoding for point clouds in an automotive setting, which are sparse and for which the point density can vary drastically among objects in the same scene. To this end, we propose Voxel-MAE, a simple masked autoencoding pre-training scheme designed for voxel representations. We pre-train the backbone of a Transformer-based 3D object detector to reconstruct masked voxels and to distinguish between empty and non-empty voxels. Our method improves the 3D OD performance by 1.75 mAP points and 1.05 NDS on the challenging nuScenes dataset. Compared to existing self-supervised methods for automotive data, Voxel-MAE displays up to $2\times$ performance increase. Further, we show that by pre-training with Voxel-MAE, we require only 40% of the annotated data to outperform a randomly initialized equivalent. Code will be released." 300,Deep Learning and Symbolic Regression for Discovering Parametric Equations,"Symbolic regression is a machine learning technique that can learn the governing formulas of data and thus has the potential to transform scientific discovery. However, symbolic regression is still limited in the complexity and dimensionality of the systems that it can analyze. Deep learning on the other hand has transformed machine learning in its ability to analyze extremely complex and high-dimensional datasets. We propose a neural network architecture to extend symbolic regression to parametric systems where some coefficient may vary but the structure of the underlying governing equation remains constant. We demonstrate our method on various analytic expressions, ODEs, and PDEs with varying coefficients and show that it extrapolates well outside of the training domain. The neural network-based architecture can also integrate with other deep learning architectures so that it can analyze high-dimensional data while being trained end-to-end. To this end we integrate our architecture with convolutional neural networks to analyze 1D images of varying spring systems." 301,Behavioral Player Rating in Competitive Online Shooter Games,"Competitive online games use rating systems for matchmaking; progression-based algorithms that estimate the skill level of players with interpretable ratings in terms of the outcome of the games they played. However, the overall experience of players is shaped by factors beyond the sole outcome of their games. In this paper, we engineer several features from in-game statistics to model players and create ratings that accurately represent their behavior and true performance level. We then compare the estimating power of our behavioral ratings against ratings created with three mainstream rating systems by predicting rank of players in four popular game modes from the competitive shooter genre. Our results show that the behavioral ratings present more accurate performance estimations while maintaining the interpretability of the created representations. Considering different aspects of the playing behavior of players and using behavioral ratings for matchmaking can lead to match-ups that are more aligned with players' goals and interests, consequently resulting in a more enjoyable gaming experience." 302,Using Machine Learning to Anticipate Tipping Points and Extrapolate to Post-Tipping Dynamics of Non-Stationary Dynamical Systems,"In this paper we consider the machine learning (ML) task of predicting tipping point transitions and long-term post-tipping-point behavior associated with the time evolution of an unknown (or partially unknown), non-stationary, potentially noisy and chaotic, dynamical system. We focus on the particularly challenging situation where the past dynamical state time series that is available for ML training predominantly lies in a restricted region of the state space, while the behavior to be predicted evolves on a larger state space set not fully observed by the ML model during training. In this situation, it is required that the ML prediction system have the ability to extrapolate to different dynamics past that which is observed during training. We investigate the extent to which ML methods are capable of accomplishing useful results for this task, as well as conditions under which they fail. In general, we found that the ML methods were surprisingly effective even in situations that were extremely challenging, but do (as one would expect) fail when ``too much"" extrapolation is required. For the latter case, we investigate the effectiveness of combining the ML approach with conventional modeling based on scientific knowledge, thus forming a hybrid prediction system which we find can enable useful prediction even when its ML-based and knowledge-based components fail when acting alone. We also found that achieving useful results may require using very carefully selected ML hyperparameters and we propose a hyperparameter optimization strategy to address this problem. The main conclusion of this paper is that ML-based approaches are promising tools for predicting the behavior of non-stationary dynamical systems even in the case where the future evolution (perhaps due to the crossing of a tipping point) includes dynamics on a set outside of that explored by the training data." 303,Enhancing cluster analysis via topological manifold learning,"We discuss topological aspects of cluster analysis and show that inferring the topological structure of a dataset before clustering it can considerably enhance cluster detection: theoretical arguments and empirical evidence show that clustering embedding vectors, representing the structure of a data manifold instead of the observed feature vectors themselves, is highly beneficial. To demonstrate, we combine manifold learning method UMAP for inferring the topological structure with density-based clustering method DBSCAN. Synthetic and real data results show that this both simplifies and improves clustering in a diverse set of low- and high-dimensional problems including clusters of varying density and/or entangled shapes. Our approach simplifies clustering because topological pre-processing consistently reduces parameter sensitivity of DBSCAN. Clustering the resulting embeddings with DBSCAN can then even outperform complex methods such as SPECTACL and ClusterGAN. Finally, our investigation suggests that the crucial issue in clustering does not appear to be the nominal dimension of the data or how many irrelevant features it contains, but rather how \textit{separable} the clusters are in the ambient observation space they are embedded in, which is usually the (high-dimensional) Euclidean space defined by the features of the data. Our approach is successful because we perform the cluster analysis after projecting the data into a more suitable space that is optimized for separability, in some sense." 304,MotionMixer: MLP-based 3D Human Body Pose Forecasting,"In this work, we present MotionMixer, an efficient 3D human body pose forecasting model based solely on multi-layer perceptrons (MLPs). MotionMixer learns the spatial-temporal 3D body pose dependencies by sequentially mixing both modalities. Given a stacked sequence of 3D body poses, a spatial-MLP extracts fine grained spatial dependencies of the body joints. The interaction of the body joints over time is then modelled by a temporal MLP. The spatial-temporal mixed features are finally aggregated and decoded to obtain the future motion. To calibrate the influence of each time step in the pose sequence, we make use of squeeze-and-excitation (SE) blocks. We evaluate our approach on Human3.6M, AMASS, and 3DPW datasets using the standard evaluation protocols. For all evaluations, we demonstrate state-of-the-art performance, while having a model with a smaller number of parameters. Our code is available at: https://github.com/MotionMLP/MotionMixer" 305,Training Novices: The Role of Human-AI Collaboration and Knowledge Transfer,"Across a multitude of work environments, expert knowledge is imperative for humans to conduct tasks with high performance and ensure business success. These humans possess task-specific expert knowledge (TSEK) and hence, represent subject matter experts (SMEs). However, not only demographic changes but also personnel downsizing strategies lead and will continue to lead to departures of SMEs within organizations, which constitutes the challenge of how to retain that expert knowledge and train novices to keep the competitive advantage elicited by that expert knowledge. SMEs training novices is time- and cost-intensive, which intensifies the need for alternatives. Human-AI collaboration (HAIC) poses a way out of this dilemma, facilitating alternatives to preserve expert knowledge and teach it to novices for tasks conducted by SMEs beforehand. In this workshop paper, we (1) propose a framework on how HAIC can be utilized to train novices on particular tasks, (2) illustrate the role of explicit and tacit knowledge in this training process via HAIC, and (3) outline a preliminary experiment design to assess the ability of AI systems in HAIC to act as a trainer to transfer TSEK to novices who do not possess prior TSEK." 306,Time-aware Dynamic Graph Embedding for Asynchronous Structural Evolution,"Dynamic graphs refer to graphs whose structure dynamically changes over time. Despite the benefits of learning vertex representations (i.e., embeddings) for dynamic graphs, existing works merely view a dynamic graph as a sequence of changes within the vertex connections, neglecting the crucial asynchronous nature of such dynamics where the evolution of each local structure starts at different times and lasts for various durations. To maintain asynchronous structural evolutions within the graph, we innovatively formulate dynamic graphs as temporal edge sequences associated with joining time of vertices (ToV) and timespan of edges (ToE). Then, a time-aware Transformer is proposed to embed vertices' dynamic connections and ToEs into the learned vertex representations. Meanwhile, we treat each edge sequence as a whole and embed its ToV of the first vertex to further encode the time-sensitive information. Extensive evaluations on several datasets show that our approach outperforms the state-of-the-art in a wide range of graph mining tasks. At the same time, it is very efficient and scalable for embedding large-scale dynamic graphs." 307,Personalized Diagnostic Tool for Thyroid Cancer Classification using Multi-view Ultrasound,"Over the past decades, the incidence of thyroid cancer has been increasing globally. Accurate and early diagnosis allows timely treatment and helps to avoid over-diagnosis. Clinically, a nodule is commonly evaluated from both transverse and longitudinal views using thyroid ultrasound. However, the appearance of the thyroid gland and lesions can vary dramatically across individuals. Identifying key diagnostic information from both views requires specialized expertise. Furthermore, finding an optimal way to integrate multi-view information also relies on the experience of clinicians and adds further difficulty to accurate diagnosis. To address these, we propose a personalized diagnostic tool that can customize its decision-making process for different patients. It consists of a multi-view classification module for feature extraction and a personalized weighting allocation network that generates optimal weighting for different views. It is also equipped with a self-supervised view-aware contrastive loss to further improve the model robustness towards different patient groups. Experimental results show that the proposed framework can better utilize multi-view information and outperform the competing methods." 308,Simulating financial time series using attention,"Financial time series simulation is a central topic since it extends the limited real data for training and evaluation of trading strategies. It is also challenging because of the complex statistical properties of the real financial data. We introduce two generative adversarial networks (GANs), which utilize the convolutional networks with attention and the transformers, for financial time series simulation. The GANs learn the statistical properties in a data-driven manner and the attention mechanism helps to replicate the long-range dependencies. The proposed GANs are tested on the S&P 500 index and option data, examined by scores based on the stylized facts and are compared with the pure convolutional GAN, i.e. QuantGAN. The attention-based GANs not only reproduce the stylized facts, but also smooth the autocorrelation of returns." 309,Scalable MCMC Sampling for Nonsymmetric Determinantal Point Processes,"A determinantal point process (DPP) is an elegant model that assigns a probability to every subset of a collection of $n$ items. While conventionally a DPP is parameterized by a symmetric kernel matrix, removing this symmetry constraint, resulting in nonsymmetric DPPs (NDPPs), leads to significant improvements in modeling power and predictive performance. Recent work has studied an approximate Markov chain Monte Carlo (MCMC) sampling algorithm for NDPPs restricted to size-$k$ subsets (called $k$-NDPPs). However, the runtime of this approach is quadratic in $n$, making it infeasible for large-scale settings. In this work, we develop a scalable MCMC sampling algorithm for $k$-NDPPs with low-rank kernels, thus enabling runtime that is sublinear in $n$. Our method is based on a state-of-the-art NDPP rejection sampling algorithm, which we enhance with a novel approach for efficiently constructing the proposal distribution. Furthermore, we extend our scalable $k$-NDPP sampling algorithm to NDPPs without size constraints. Our resulting sampling method has polynomial time complexity in the rank of the kernel, while the existing approach has runtime that is exponential in the rank. With both a theoretical analysis and experiments on real-world datasets, we verify that our scalable approximate sampling algorithms are orders of magnitude faster than existing sampling approaches for $k$-NDPPs and NDPPs." 310,Asynchronous Distributed Bayesian Optimization at HPC Scale,"Bayesian optimization (BO) is a widely used approach for computationally expensive black-box optimization such as simulator calibration and hyperparameter optimization of deep learning methods. In BO, a dynamically updated computationally cheap surrogate model is employed to learn the input-output relationship of the black-box function; this surrogate model is used to explore and exploit the promising regions of the input space. Multipoint BO methods adopt a single manager/multiple workers strategy to achieve high-quality solutions in shorter time. However, the computational overhead in multipoint generation schemes is a major bottleneck in designing BO methods that can scale to thousands of workers. We present an asynchronous-distributed BO (ADBO) method wherein each worker runs a search and asynchronously communicates the input-output values of black-box evaluations from all other workers without the manager. We scale our method up to 4,096 workers and demonstrate improvement in the quality of the solution and faster convergence. We demonstrate the effectiveness of our approach for tuning the hyperparameters of neural networks from the Exascale computing project CANDLE benchmarks." 311,Online Reflective Learning for Robust Medical Image Segmentation,"Deep segmentation models often face the failure risks when the testing image presents unseen distributions. Improving model robustness against these risks is crucial for the large-scale clinical application of deep models. In this study, inspired by human learning cycle, we propose a novel online reflective learning framework (RefSeg) to improve segmentation robustness. Based on the reflection-on-action conception, our RefSeg firstly drives the deep model to take action to obtain semantic segmentation. Then, RefSeg triggers the model to reflect itself. Because making deep models realize their segmentation failures during testing is challenging, RefSeg synthesizes a realistic proxy image from the semantic mask to help deep models build intuitive and effective reflections. This proxy translates and emphasizes the segmentation flaws. By maximizing the structural similarity between the raw input and the proxy, the reflection-on-action loop is closed with segmentation robustness improved. RefSeg runs in the testing phase and is general for segmentation models. Extensive validation on three medical image segmentation tasks with a public cardiac MR dataset and two in-house large ultrasound datasets show that our RefSeg remarkably improves model robustness and reports state-of-the-art performance over strong competitors." 312,Agent with Tangent-based Formulation and Anatomical Perception for Standard Plane Localization in 3D Ultrasound,"Standard plane (SP) localization is essential in routine clinical ultrasound (US) diagnosis. Compared to 2D US, 3D US can acquire multiple view planes in one scan and provide complete anatomy with the addition of coronal plane. However, manually navigating SPs in 3D US is laborious and biased due to the orientation variability and huge search space. In this study, we introduce a novel reinforcement learning (RL) framework for automatic SP localization in 3D US. Our contribution is three-fold. First, we formulate SP localization in 3D US as a tangent-point-based problem in RL to restructure the action space and significantly reduce the search space. Second, we design an auxiliary task learning strategy to enhance the model's ability to recognize subtle differences crossing Non-SPs and SPs in plane search. Finally, we propose a spatial-anatomical reward to effectively guide learning trajectories by exploiting spatial and anatomical information simultaneously. We explore the efficacy of our approach on localizing four SPs on uterus and fetal brain datasets. The experiments indicate that our approach achieves a high localization accuracy as well as robust performance." 313,Weakly-supervised High-fidelity Ultrasound Video Synthesis with Feature Decoupling,"Ultrasound (US) is widely used for its advantages of real-time imaging, radiation-free and portability. In clinical practice, analysis and diagnosis often rely on US sequences rather than a single image to obtain dynamic anatomical information. This is challenging for novices to learn because practicing with adequate videos from patients is clinically unpractical. In this paper, we propose a novel framework to synthesize high-fidelity US videos. Specifically, the synthesis videos are generated by animating source content images based on the motion of given driving videos. Our highlights are three-fold. First, leveraging the advantages of self- and fully-supervised learning, our proposed system is trained in weakly-supervised manner for keypoint detection. These keypoints then provide vital information for handling complex high dynamic motions in US videos. Second, we decouple content and texture learning using the dual decoders to effectively reduce the model learning difficulty. Last, we adopt the adversarial training strategy with GAN losses for further improving the sharpness of the generated videos, narrowing the gap between real and synthesis videos. We validate our method on a large in-house pelvic dataset with high dynamic motion. Extensive evaluation metrics and user study prove the effectiveness of our proposed method." 314,Reinforcement Learning of Multi-Domain Dialog Policies Via Action Embeddings,"Learning task-oriented dialog policies via reinforcement learning typically requires large amounts of interaction with users, which in practice renders such methods unusable for real-world applications. In order to reduce the data requirements, we propose to leverage data from across different dialog domains, thereby reducing the amount of data required from each given domain. In particular, we propose to learn domain-agnostic action embeddings, which capture general-purpose structure that informs the system how to act given the current dialog context, and are then specialized to a specific domain. We show how this approach is capable of learning with significantly less interaction with users, with a reduction of 35% in the number of dialogs required to learn, and to a higher level of proficiency than training separate policies for each domain on a set of simulated domains." 315,Lifelong Inverse Reinforcement Learning,"Methods for learning from demonstration (LfD) have shown success in acquiring behavior policies by imitating a user. However, even for a single task, LfD may require numerous demonstrations. For versatile agents that must learn many tasks via demonstration, this process would substantially burden the user if each task were learned in isolation. To address this challenge, we introduce the novel problem of lifelong learning from demonstration, which allows the agent to continually build upon knowledge learned from previously demonstrated tasks to accelerate the learning of new tasks, reducing the amount of demonstrations required. As one solution to this problem, we propose the first lifelong learning approach to inverse reinforcement learning, which learns consecutive tasks via demonstration, continually transferring knowledge between tasks to improve performance." 316,A Neural Network Based Novel Test Selector,"Machine learning (ML) has been used to accelerate the progress of functional coverage in simulation-based verification. A supervised ML algorithm, as a prevalent option in the previous work, is used to bias the test generation or filter the generated tests. However, for missing coverage events, these algorithms lack the positive examples to learn from in the training phase. Therefore, the tests generated or filtered by the algorithms cannot effectively fill the coverage holes. This is more severe when verifying large-scale design because the coverage space is larger and the functionalities are more complex. This paper presents a configurable framework of test selection based on neural networks (NN), which can achieve a similar coverage gain as random simulation with far less simulation effort under three configurations of the framework. Moreover, the performance of the framework is not limited by the number of coverage events being hit. A commercial signal processing unit is used in the experiment to demonstrate the effectiveness of the framework. Compared to the random simulation, NNBNTS can reduce up to 53.74% of simulation time to reach 99% coverage level." 317,Implicit adaptation of mesh model of transient heat conduction problem,"Considering high-temperature heating, the equations of transient heat conduction model require an adaptation, i.e. the dependence of thermophysical parameters of the model on the temperature is to be identified for each specific material to be heated. This problem is most often solved by approximation of the tabular data on the measurements of the required parameters, which can be found in the literature, by means of regression equations. But, for example, considering the steel heating process, this approach is difficult to be implemented due to the lack of tabular discrete measurements for many grades of steel, such as alloyed ones. In this paper, the new approach is proposed, which is based on a solution of a related variational problem. Its main idea is to substitute the adaptation process in the classical sense (i.e., to find the dependencies of thermophysical parameters on temperature) with 'supervised learning' of a mesh model on the basis of the technological data received from the plant. The equations to adjust the parameters of the transient heat conduction model, which are related to the thermophysical coefficients, have been derived. A numerical experiment is conducted for steel of a particular group of grades, for which enough both technological as well as tabular data are available. As a result, the 'trained' mesh model, which has not received explicitly any information about the physical and chemical properties of the heated substance, demonstrated an average error of 18.820 C, which is quite close to the average error of the model adapted classically on the basis of the tabular data (18.10 C)." 318,Shai-am: A Machine Learning Platform for Investment Strategies,"The finance industry has adopted machine learning (ML) as a form of quantitative research to support better investment decisions, yet there are several challenges often overlooked in practice. (1) ML code tends to be unstructured and ad hoc, which hinders cooperation with others. (2) Resource requirements and dependencies vary depending on which algorithm is used, so a flexible and scalable system is needed. (3) It is difficult for domain experts in traditional finance to apply their experience and knowledge in ML-based strategies unless they acquire expertise in recent technologies. This paper presents Shai-am, an ML platform integrated with our own Python framework. The platform leverages existing modern open-source technologies, managing containerized pipelines for ML-based strategies with unified interfaces to solve the aforementioned issues. Each strategy implements the interface defined in the core framework. The framework is designed to enhance reusability and readability, facilitating collaborative work in quantitative research. Shai-am aims to be a pure AI asset manager for solving various tasks in financial markets." 319,Modular Lifelong Reinforcement Learning via Neural Composition,"Humans commonly solve complex problems by decomposing them into easier subproblems and then combining the subproblem solutions. This type of compositional reasoning permits reuse of the subproblem solutions when tackling future tasks that share part of the underlying compositional structure. In a continual or lifelong reinforcement learning (RL) setting, this ability to decompose knowledge into reusable components would enable agents to quickly learn new RL tasks by leveraging accumulated compositional structures. We explore a particular form of composition based on neural modules and present a set of RL problems that intuitively admit compositional solutions. Empirically, we demonstrate that neural composition indeed captures the underlying structure of this space of problems. We further propose a compositional lifelong RL method that leverages accumulated neural components to accelerate the learning of future tasks while retaining performance on previous tasks via off-line RL over replayed experiences." 320,Autonomous Intraluminal Navigation of a Soft Robot using Deep-Learning-based Visual Servoing,"Navigation inside luminal organs is an arduous task that requires non-intuitive coordination between the movement of the operator's hand and the information obtained from the endoscopic video. The development of tools to automate certain tasks could alleviate the physical and mental load of doctors during interventions, allowing them to focus on diagnosis and decision-making tasks. In this paper, we present a synergic solution for intraluminal navigation consisting of a 3D printed endoscopic soft robot that can move safely inside luminal structures. Visual servoing, based on Convolutional Neural Networks (CNNs) is used to achieve the autonomous navigation task. The CNN is trained with phantoms and in-vivo data to segment the lumen, and a model-less approach is presented to control the movement in constrained environments. The proposed robot is validated in anatomical phantoms in different path configurations. We analyze the movement of the robot using different metrics such as task completion time, smoothness, error in the steady-state, and mean and maximum error. We show that our method is suitable to navigate safely in hollow environments and conditions which are different than the ones the network was originally trained on." 321,WNet: A data-driven dual-domain denoising model for sparse-view computed tomography with a trainable reconstruction layer,"Deep learning based solutions are being succesfully implemented for a wide variety of applications. Most notably, clinical use-cases have gained an increased interest and have been the main driver behind some of the cutting-edge data-driven algorithms proposed in the last years. For applications like sparse-view tomographic reconstructions, where the amount of measurement data is small in order to keep acquisition times short and radiation dose low, reduction of the streaking artifacts has prompted the development of data-driven denoising algorithms with the main goal of obtaining diagnostically viable images with only a subset of a full-scan data. We propose WNet, a data-driven dual-domain denoising model which contains a trainable reconstruction layer for sparse-view artifact denoising. Two encoder-decoder networks perform denoising in both sinogram- and reconstruction-domain simultaneously, while a third layer implementing the Filtered Backprojection algorithm is sandwiched between the first two and takes care of the reconstruction operation. We investigate the performance of the network on sparse-view chest CT scans, and we highlight the added benefit of having a trainable reconstruction layer over the more conventional fixed ones. We train and test our network on two clinically relevant datasets and we compare the obtained results with three different types of sparse-view CT denoising and reconstruction algorithms." 322,"Better Methods and Theory for Federated Learning: Compression, Client Selection and Heterogeneity","Federated learning (FL) is an emerging machine learning paradigm involving multiple clients, e.g., mobile phone devices, with an incentive to collaborate in solving a machine learning problem coordinated by a central server. FL was proposed in 2016 by Kone\v{c}n\'{y} et al. and McMahan et al. as a viable privacy-preserving alternative to traditional centralized machine learning since, by construction, the training data points are decentralized and never transferred by the clients to a central server. Therefore, to a certain degree, FL mitigates the privacy risks associated with centralized data collection. Unfortunately, optimization for FL faces several specific issues that centralized optimization usually does not need to handle. In this thesis, we identify several of these challenges and propose new methods and algorithms to address them, with the ultimate goal of enabling practical FL solutions supported with mathematically rigorous guarantees." 323,Characterizing the Effect of Class Imbalance on the Learning Dynamics,"Data imbalance is a common problem in the machine learning literature that can have a critical effect on the performance of a model. Various solutions exist - such as the ones that focus on resampling or data generation - but their impact on the convergence of gradient-based optimizers used in deep learning is not understood. We here elucidate the significant negative impact of data imbalance on learning, showing that the learning curves for minority and majority classes follow sub-optimal trajectories when training with a gradient-based optimizer. The reason is not only that the gradient signal neglects the minority classes, but also that the minority classes are subject to a larger directional noise, which slows their learning by an amount related to the imbalance ratio. To address this problem, we propose a new algorithmic solution, for which we provide a detailed analysis of its convergence behavior. We show both theoretically and empirically that this new algorithm exhibits a better behavior with more stable learning curves for each class, as well as a better generalization performance." 324,Analysis of Kinetic Models for Label Switching and Stochastic Gradient Descent,"In this paper we provide a novel approach to the analysis of kinetic models for label switching, which are used for particle systems that can randomly switch between gradient flows in different energy landscapes. Besides problems in biology and physics, we also demonstrate that stochastic gradient descent, the most popular technique in machine learning, can be understood in this setting, when considering a time-continuous variant. Our analysis is focusing on the case of evolution in a collection of external potentials, for which we provide analytical and numerical results about the evolution as well as the stationary problem." 325,Rapid training of quantum recurrent neural network,"Time series prediction is the crucial task for many human activities e.g. weather forecasts or predicting stock prices. One solution to this problem is to use Recurrent Neural Networks (RNNs). Although they can yield accurate predictions, their learning process is slow and complex. Here we propose a Quantum Recurrent Neural Network (QRNN) to address these obstacles. The design of the network is based on the continuous-variable quantum computing paradigm. We demonstrate that the network is capable of learning time dependence of a few types of temporal data. Our numerical simulations show that the QRNN converges to optimal weights in fewer epochs than the classical network. Furthermore, for a small number of trainable parameters it can achieve lower loss than the latter." 326,"Anisotropic, Sparse and Interpretable Physics-Informed Neural Networks for PDEs","There has been a growing interest in the use of Deep Neural Networks (DNNs) to solve Partial Differential Equations (PDEs). Despite the promise that such approaches hold, there are various aspects where they could be improved. Two such shortcomings are (i) their computational inefficiency relative to classical numerical methods, and (ii) the non-interpretability of a trained DNN model. In this work we present ASPINN, an anisotropic extension of our earlier work called SPINN--Sparse, Physics-informed, and Interpretable Neural Networks--to solve PDEs that addresses both these issues. ASPINNs generalize radial basis function networks. We demonstrate using a variety of examples involving elliptic and hyperbolic PDEs that the special architecture we propose is more efficient than generic DNNs, while at the same time being directly interpretable. Further, they improve upon the SPINN models we proposed earlier in that fewer nodes are require to capture the solution using ASPINN than using SPINN, thanks to the anisotropy of the local zones of influence of each node. The interpretability of ASPINN translates to a ready visualization of their weights and biases, thereby yielding more insight into the nature of the trained model. This in turn provides a systematic procedure to improve the architecture based on the quality of the computed solution. ASPINNs thus serve as an effective bridge between classical numerical algorithms and modern DNN based methods to solve PDEs. In the process, we also streamline the training of ASPINNs into a form that is closer to that of supervised learning algorithms." 327,Multi-Objective Coordination Graphs for the Expected Scalarised Returns with Generative Flow Models,"Many real-world problems contain multiple objectives and agents, where a trade-off exists between objectives. Key to solving such problems is to exploit sparse dependency structures that exist between agents. For example, in wind farm control a trade-off exists between maximising power and minimising stress on the systems components. Dependencies between turbines arise due to the wake effect. We model such sparse dependencies between agents as a multi-objective coordination graph (MO-CoG). In multi-objective reinforcement learning a utility function is typically used to model a users preferences over objectives, which may be unknown a priori. In such settings a set of optimal policies must be computed. Which policies are optimal depends on which optimality criterion applies. If the utility function of a user is derived from multiple executions of a policy, the scalarised expected returns (SER) must be optimised. If the utility of a user is derived from a single execution of a policy, the expected scalarised returns (ESR) criterion must be optimised. For example, wind farms are subjected to constraints and regulations that must be adhered to at all times, therefore the ESR criterion must be optimised. For MO-CoGs, the state-of-the-art algorithms can only compute a set of optimal policies for the SER criterion, leaving the ESR criterion understudied. To compute a set of optimal polices under the ESR criterion, also known as the ESR set, distributions over the returns must be maintained. Therefore, to compute a set of optimal policies under the ESR criterion for MO-CoGs, we present a novel distributional multi-objective variable elimination (DMOVE) algorithm. We evaluate DMOVE in realistic wind farm simulations. Given the returns in real-world wind farm settings are continuous, we utilise a model known as real-NVP to learn the continuous return distributions to calculate the ESR set." 328,A geometric framework for outlier detection in high-dimensional data,"Outlier or anomaly detection is an important task in data analysis. We discuss the problem from a geometrical perspective and provide a framework that exploits the metric structure of a data set. Our approach rests on the manifold assumption, i.e., that the observed, nominally high-dimensional data lie on a much lower dimensional manifold and that this intrinsic structure can be inferred with manifold learning methods. We show that exploiting this structure significantly improves the detection of outlying observations in high-dimensional data. We also suggest a novel, mathematically precise, and widely applicable distinction between distributional and structural outliers based on the geometry and topology of the data manifold that clarifies conceptual ambiguities prevalent throughout the literature. Our experiments focus on functional data as one class of structured high-dimensional data, but the framework we propose is completely general and we include image and graph data applications. Our results show that the outlier structure of high-dimensional and non-tabular data can be detected and visualized using manifold learning methods and quantified using standard outlier scoring methods applied to the manifold embedding vectors." 329,Automatic Evaluation of Speaker Similarity,"We introduce a new automatic evaluation method for speaker similarity assessment, that is consistent with human perceptual scores. Modern neural text-to-speech models require a vast amount of clean training data, which is why many solutions switch from single speaker models to solutions trained on examples from many different speakers. Multi-speaker models bring new possibilities, such as a faster creation of new voices, but also a new problem - speaker leakage, where the speaker identity of a synthesized example might not match those of the target speaker. Currently, the only way to discover this issue is through costly perceptual evaluations. In this work, we propose an automatic method for assessment of speaker similarity. For that purpose, we extend the recent work on speaker verification systems and evaluate how different metrics and speaker embeddings models reflect Multiple Stimuli with Hidden Reference and Anchor (MUSHRA) scores. Our experiments show that we can train a model to predict speaker similarity MUSHRA scores from speaker embeddings with 0.96 accuracy and significant correlation up to 0.78 Pearson score at the utterance level." 330,A Deep-Learning-Aided Pipeline for Efficient Post-Silicon Tuning,"In post-silicon validation, tuning is to find the values for the tuning knobs, potentially as a function of process parameters and/or known operating conditions. In this sense, an more efficient tuning requires identifying the most critical tuning knobs and process parameters in terms of a given figure-of-merit for a Device Under Test (DUT). This is often manually conducted by experienced experts. However, with increasingly complex chips, manual inspection on a large amount of raw variables has become more challenging. In this work, we leverage neural networks to efficiently select the most relevant variables and present a corresponding deep-learning-aided pipeline for efficient tuning." 331,Conditional Variable Selection for Intelligent Test,"Intelligent test requires efficient and effective analysis of high-dimensional data in a large scale. Traditionally, the analysis is often conducted by human experts, but it is not scalable in the era of big data. To tackle this challenge, variable selection has been recently introduced to intelligent test. However, in practice, we encounter scenarios where certain variables (e.g. some specific processing conditions for a device under test) must be maintained after variable selection. We call this conditional variable selection, which has not been well investigated for embedded or deep-learning-based variable selection methods. In this paper, we discuss a novel conditional variable selection framework that can select the most important candidate variables given a set of preselected variables." 332,Learning Subject-Invariant Representations from Speech-Evoked EEG Using Variational Autoencoders,"The electroencephalogram (EEG) is a powerful method to understand how the brain processes speech. Linear models have recently been replaced for this purpose with deep neural networks and yield promising results. In related EEG classification fields, it is shown that explicitly modeling subject-invariant features improves generalization of models across subjects and benefits classification accuracy. In this work, we adapt factorized hierarchical variational autoencoders to exploit parallel EEG recordings of the same stimuli. We model EEG into two disentangled latent spaces. Subject accuracy reaches 98.96% and 1.60% on respectively the subject and content latent space, whereas binary content classification experiments reach an accuracy of 51.51% and 62.91% on respectively the subject and content latent space." 333,Identification of Binary Neutron Star Mergers in Gravitational-Wave Data Using YOLO One-Shot Object Detection,"We demonstrate the application of the YOLOv5 model, a general purpose convolution-based single-shot object detection model, in the task of detecting binary neutron star (BNS) coalescence events from gravitational-wave data of current generation interferometer detectors. We also present a thorough explanation of the synthetic data generation and preparation tasks based on approximant waveform models used for the model training, validation and testing steps. Using this approach, we achieve mean average precision ($\text{mAP}_{[0.50]}$) values of 0.945 for a single class validation dataset and as high as 0.978 for test datasets. Moreover, the trained model is successful in identifying the GW170817 event in the LIGO H1 detector data. The identification of this event is also possible for the LIGO L1 detector data with an additional pre-processing step, without the need of removing the large glitch in the final stages of the inspiral. The detection of the GW190425 event is less successful, which attests to performance degradation with the signal-to-noise ratio. Our study indicates that the YOLOv5 model is an interesting approach for first-stage detection alarm pipelines and, when integrated in more complex pipelines, for real-time inference of physical source parameters." 334,Can we learn from developer mistakes? Learning to localize and repair real bugs from real bug fixes,"Real bug fixes found in open source repositories seem to be the perfect source for learning to localize and repair real bugs. However, the absence of large scale bug fix collections has made it difficult to effectively exploit real bug fixes in the training of larger neural models in the past. In contrast, artificial bugs -- produced by mutating existing source code -- can be easily obtained at a sufficient scale and are therefore often preferred in the training of existing approaches. Still, localization and repair models that are trained on artificial bugs usually underperform when faced with real bugs. This raises the question whether bug localization and repair models trained on real bug fixes are more effective in localizing and repairing real bugs. We address this question by introducing RealiT, a pre-train-and-fine-tune approach for effectively learning to localize and repair real bugs from real bug fixes. RealiT is first pre-trained on a large number of artificial bugs produced by traditional mutation operators and then fine-tuned on a smaller set of real bug fixes. Fine-tuning does not require any modifications of the learning algorithm and hence can be easily adopted in various training scenarios for bug localization or repair (even when real training data is scarce). In addition, we found that training on real bug fixes with RealiT is empirically powerful by nearly doubling the localization performance of an existing model on real bugs while maintaining or even improving the repair performance." 335,Robust Bayesian Learning for Reliable Wireless AI: Framework and Applications,"This work takes a critical look at the application of conventional machine learning methods to wireless communication problems through the lens of reliability and robustness. Deep learning techniques adopt a frequentist framework, and are known to provide poorly calibrated decisions that do not reproduce the true uncertainty caused by limitations in the size of the training data. Bayesian learning, while in principle capable of addressing this shortcoming, is in practice impaired by model misspecification and by the presence of outliers. Both problems are pervasive in wireless communication settings, in which the capacity of machine learning models is subject to resource constraints and training data is affected by noise and interference. In this context, we explore the application of the framework of robust Bayesian learning. After a tutorial-style introduction to robust Bayesian learning, we showcase the merits of robust Bayesian learning on several important wireless communication problems in terms of accuracy, calibration, and robustness to outliers and misspecification." 336,Distributed Influence-Augmented Local Simulators for Parallel MARL in Large Networked Systems,"Due to its high sample complexity, simulation is, as of today, critical for the successful application of reinforcement learning. Many real-world problems, however, exhibit overly complex dynamics, which makes their full-scale simulation computationally slow. In this paper, we show how to decompose large networked systems of many agents into multiple local components such that we can build separate simulators that run independently and in parallel. To monitor the influence that the different local components exert on one another, each of these simulators is equipped with a learned model that is periodically trained on real trajectories. Our empirical results reveal that distributing the simulation among different processes not only makes it possible to train large multi-agent systems in just a few hours but also helps mitigate the negative effects of simultaneous learning." 337,Learning Lattice Quantum Field Theories with Equivariant Continuous Flows,"We propose a novel machine learning method for sampling from the high-dimensional probability distributions of Lattice Quantum Field Theories. Instead of the deep architectures used so far for this task, our proposal is based on a single neural ODE layer and incorporates the full symmetries of the problem. We test our model on the $\phi^4$ theory, showing that it systematically outperforms previously proposed flow-based methods in sampling efficiency, and the improvement is especially pronounced for larger lattices. Compared to the previous baseline model, we improve a key metric, the effective sample size, from 1% to 91% on a lattice of size $32\times 32$. We also demonstrate that our model can successfully learn a continuous family of theories at once, and the results of learning can be transferred to larger lattices. Such generalization capacities further accentuate the potential advantages of machine learning methods compared to traditional MCMC-based methods." 338,Effect of Homomorphic Encryption on the Performance of Training Federated Learning Generative Adversarial Networks,"A Generative Adversarial Network (GAN) is a deep-learning generative model in the field of Machine Learning (ML) that involves training two Neural Networks (NN) using a sizable data set. In certain fields, such as medicine, the training data may be hospital patient records that are stored across different hospitals. The classic centralized approach would involve sending the data to a centralized server where the model would be trained. However, that would involve breaching the privacy and confidentiality of the patients and their data, which would be unacceptable. Therefore, Federated Learning (FL), an ML technique that trains ML models in a distributed setting without data ever leaving the host device, would be a better alternative to the centralized option. In this ML technique, only parameters and certain metadata would be communicated. In spite of that, there still exist attacks that can infer user data using the parameters and metadata. A fully privacy-preserving solution involves homomorphically encrypting (HE) the data communicated. This paper will focus on the performance loss of training an FL-GAN with three different types of Homomorphic Encryption: Partial Homomorphic Encryption (PHE), Somewhat Homomorphic Encryption (SHE), and Fully Homomorphic Encryption (FHE). We will also test the performance loss of Multi-Party Computations (MPC), as it has homomorphic properties. The performances will be compared to the performance of training an FL-GAN without encryption as well. Our experiments show that the more complex the encryption method is, the longer it takes, with the extra time taken for HE is quite significant in comparison to the base case of FL." 339,Discriminator-Guided Model-Based Offline Imitation Learning,"Offline imitation learning (IL) is a powerful method to solve decision-making problems from expert demonstrations without reward labels. Existing offline IL methods suffer from severe performance degeneration under limited expert data due to covariate shift. Including a learned dynamics model can potentially improve the state-action space coverage of expert data, however, it also faces challenging issues like model approximation/generalization errors and suboptimality of rollout data. In this paper, we propose the Discriminator-guided Model-based offline Imitation Learning (DMIL) framework, which introduces a discriminator to simultaneously distinguish the dynamics correctness and suboptimality of model rollout data against real expert demonstrations. DMIL adopts a novel cooperative-yet-adversarial learning strategy, which uses the discriminator to guide and couple the learning process of the policy and dynamics model, resulting in improved model performance and robustness. Our framework can also be extended to the case when demonstrations contain a large proportion of suboptimal data. Experimental results show that DMIL and its extension achieve superior performance and robustness compared to state-of-the-art offline IL methods under small datasets." 340,Improving Speech Enhancement through Fine-Grained Speech Characteristics,"While deep learning based speech enhancement systems have made rapid progress in improving the quality of speech signals, they can still produce outputs that contain artifacts and can sound unnatural. We propose a novel approach to speech enhancement aimed at improving perceptual quality and naturalness of enhanced signals by optimizing for key characteristics of speech. We first identify key acoustic parameters that have been found to correlate well with voice quality (e.g. jitter, shimmer, and spectral flux) and then propose objective functions which are aimed at reducing the difference between clean speech and enhanced speech with respect to these features. The full set of acoustic features is the extended Geneva Acoustic Parameter Set (eGeMAPS), which includes 25 different attributes associated with perception of speech. Given the non-differentiable nature of these feature computation, we first build differentiable estimators of the eGeMAPS and then use them to fine-tune existing speech enhancement systems. Our approach is generic and can be applied to any existing deep learning based enhancement systems to further improve the enhanced speech signals. Experimental results conducted on the Deep Noise Suppression (DNS) Challenge dataset shows that our approach can improve the state-of-the-art deep learning based enhancement systems." 341,"Visual Transformer Meets CutMix for Improved Accuracy, Communication Efficiency, and Data Privacy in Split Learning","This article seeks for a distributed learning solution for the visual transformer (ViT) architectures. Compared to convolutional neural network (CNN) architectures, ViTs often have larger model sizes, and are computationally expensive, making federated learning (FL) ill-suited. Split learning (SL) can detour this problem by splitting a model and communicating the hidden representations at the split-layer, also known as smashed data. Notwithstanding, the smashed data of ViT are as large as and as similar as the input data, negating the communication efficiency of SL while violating data privacy. To resolve these issues, we propose a new form of CutSmashed data by randomly punching and compressing the original smashed data. Leveraging this, we develop a novel SL framework for ViT, coined CutMixSL, communicating CutSmashed data. CutMixSL not only reduces communication costs and privacy leakage, but also inherently involves the CutMix data augmentation, improving accuracy and scalability. Simulations corroborate that CutMixSL outperforms baselines such as parallelized SL and SplitFed that integrates FL with SL." 342,"VL-CheckList: Evaluating Pre-trained Vision-Language Models with Objects, Attributes and Relations","Vision-Language Pretraining (VLP) models have recently successfully facilitated many cross-modal downstream tasks. Most existing works evaluated their systems by comparing the fine-tuned downstream task performance. However, only average downstream task accuracy provides little information about the pros and cons of each VLP method, let alone provides insights on how the community can improve the systems in the future. Inspired by the CheckList for testing natural language processing, we introduce VL-CheckList, a novel framework to understand the capabilities of VLP models. The proposed method divides the image-texting ability of a VLP model into three categories: objects, attributes, and relations, and uses a novel taxonomy to further break down these three aspects. We conduct comprehensive studies to analyze seven recently popular VLP models via the proposed framework. Results confirm the effectiveness of the proposed method by revealing fine-grained differences among the compared models that were not visible from downstream task-only evaluation. Further results show promising research direction in building better VLP models. Data and Code: https://github.com/om-ai-lab/VL-CheckList" 343,e-CLIP: Large-Scale Vision-Language Representation Learning in E-commerce,"Understanding vision and language representations of product content is vital for search and recommendation applications in e-commerce. As a backbone for online shopping platforms and inspired by the recent success in representation learning research, we propose a contrastive learning framework that aligns language and visual models using unlabeled raw product text and images. We present techniques we used to train large-scale representation learning models and share solutions that address domain-specific challenges. We study the performance using our pre-trained model as backbones for diverse downstream tasks, including category classification, attribute extraction, product matching, product clustering, and adult product recognition. Experimental results show that our proposed method outperforms the baseline in each downstream task regarding both single modality and multiple modalities." 344,Studying the impact of magnitude pruning on contrastive learning methods,"We study the impact of different pruning techniques on the representation learned by deep neural networks trained with contrastive loss functions. Our work finds that at high sparsity levels, contrastive learning results in a higher number of misclassified examples relative to models trained with traditional cross-entropy loss. To understand this pronounced difference, we use metrics such as the number of PIEs (Hooker et al., 2019), Q-Score (Kalibhat et al., 2022), and PD-Score (Baldock et al., 2021) to measure the impact of pruning on the learned representation quality. Our analysis suggests the schedule of the pruning method implementation matters. We find that the negative impact of sparsity on the quality of the learned representation is the highest when pruning is introduced early on in the training phase." 345,When Does Differentially Private Learning Not Suffer in High Dimensions?,"Large pretrained models can be privately fine-tuned to achieve performance approaching that of non-private models. A common theme in these results is the surprising observation that high-dimensional models can achieve favorable privacy-utility trade-offs. This seemingly contradicts known results on the model-size dependence of differentially private convex learning and raises the following research question: When does the performance of differentially private learning not degrade with increasing model size? We identify that the magnitudes of gradients projected onto subspaces is a key factor that determines performance. To precisely characterize this for private convex learning, we introduce a condition on the objective that we term restricted Lipschitz continuity and derive improved bounds for the excess empirical and population risks that are dimension-independent under additional conditions. We empirically show that in private fine-tuning of large language models, gradients evaluated near a local optimum are mostly controlled by a few principal components. This behavior is similar to conditions under which we obtain dimension-independent bounds in convex settings. Our theoretical and empirical results together provide a possible explanation for recent successes in large-scale private fine-tuning." 346,Usable Region Estimate for Assessing Practical Usability of Medical Image Segmentation Models,"We aim to quantitatively measure the practical usability of medical image segmentation models: to what extent, how often, and on which samples a model's predictions can be used/trusted. We first propose a measure, Correctness-Confidence Rank Correlation (CCRC), to capture how predictions' confidence estimates correlate with their correctness scores in rank. A model with a high value of CCRC means its prediction confidences reliably suggest which samples' predictions are more likely to be correct. Since CCRC does not capture the actual prediction correctness, it alone is insufficient to indicate whether a prediction model is both accurate and reliable to use in practice. Therefore, we further propose another method, Usable Region Estimate (URE), which simultaneously quantifies predictions' correctness and reliability of confidence assessments in one estimate. URE provides concrete information on to what extent a model's predictions are usable. In addition, the sizes of usable regions (UR) can be utilized to compare models: A model with a larger UR can be taken as a more usable and hence better model. Experiments on six datasets validate that the proposed evaluation methods perform well, providing a concrete and concise measure for the practical usability of medical image segmentation models. Code is made available at https://github.com/yizhezhang2000/ure." 347,Generating Counterfactual Hard Negative Samples for Graph Contrastive Learning,"Graph contrastive learning has emerged as a powerful tool for unsupervised graph representation learning. The key to the success of graph contrastive learning is to acquire high-quality positive and negative samples as contrasting pairs for the purpose of learning underlying structural semantics of the input graph. Recent works usually sample negative samples from the same training batch with the positive samples, or from an external irrelevant graph. However, a significant limitation lies in such strategies, which is the unavoidable problem of sampling false negative samples. In this paper, we propose a novel method to utilize \textbf{C}ounterfactual mechanism to generate artificial hard negative samples for \textbf{G}raph \textbf{C}ontrastive learning, namely \textbf{CGC}, which has a different perspective compared to those sampling-based strategies. We utilize counterfactual mechanism to produce hard negative samples, which ensures that the generated samples are similar to, but have labels that different from the positive sample. The proposed method achieves satisfying results on several datasets compared to some traditional unsupervised graph learning methods and some SOTA graph contrastive learning methods. We also conduct some supplementary experiments to give an extensive illustration of the proposed method, including the performances of CGC with different hard negative samples and evaluations for hard negative samples generated with different similarity measurements." 348,Robustness of Epinets against Distributional Shifts,"Recent work introduced the epinet as a new approach to uncertainty modeling in deep learning. An epinet is a small neural network added to traditional neural networks, which, together, can produce predictive distributions. In particular, using an epinet can greatly improve the quality of joint predictions across multiple inputs, a measure of how well a neural network knows what it does not know. In this paper, we examine whether epinets can offer similar advantages under distributional shifts. We find that, across ImageNet-A/O/C, epinets generally improve robustness metrics. Moreover, these improvements are more significant than those afforded by even very large ensembles at orders of magnitude lower computational costs. However, these improvements are relatively small compared to the outstanding issues in distributionally-robust deep learning. Epinets may be a useful tool in the toolbox, but they are far from the complete solution." 349,Automated Quantum Circuit Design with Nested Monte Carlo Tree Search,"Quantum algorithms based on variational approaches are one of the most promising methods to construct quantum solutions and have found a myriad of applications in the last few years. Despite the adaptability and simplicity, their scalability and the selection of suitable ans\""atzs remain key challenges. In this work, we report an algorithmic framework based on nested Monte-Carlo Tree Search (MCTS) coupled with the combinatorial multi-armed bandit (CMAB) model for the automated design of quantum circuits. Through numerical experiments, we demonstrated our algorithm applied to various kinds of problems, including the ground energy problem in quantum chemistry, quantum optimisation on a graph, solving systems of linear equations, and finding encoding circuit for quantum error detection codes. Compared to the existing approaches, the results indicate that our circuit design algorithm can explore larger search spaces and optimise quantum circuits for larger systems, showing both versatility and scalability." 350,Optimizing Training Trajectories in Variational Autoencoders via Latent Bayesian Optimization Approach,"Unsupervised and semi-supervised ML methods such as variational autoencoders (VAE) have become widely adopted across multiple areas of physics, chemistry, and materials sciences due to their capability in disentangling representations and ability to find latent manifolds for classification and regression of complex experimental data. Like other ML problems, VAEs require hyperparameter tuning, e.g., balancing the Kullback Leibler (KL) and reconstruction terms. However, the training process and resulting manifold topology and connectivity depend not only on hyperparameters, but also their evolution during training. Because of the inefficiency of exhaustive search in a high-dimensional hyperparameter space for the expensive to train models, here we explored a latent Bayesian optimization (zBO) approach for the hyperparameter trajectory optimization for the unsupervised and semi-supervised ML and demonstrate for joint-VAE with rotational invariances. We demonstrate an application of this method for finding joint discrete and continuous rotationally invariant representations for MNIST and experimental data of a plasmonic nanoparticles material system. The performance of the proposed approach has been discussed extensively, where it allows for any high dimensional hyperparameter tuning or trajectory optimization of other ML models." 351,Proteus: A Self-Designing Range Filter,"We introduce Proteus, a novel self-designing approximate range filter, which configures itself based on sampled data in order to optimize its false positive rate (FPR) for a given space requirement. Proteus unifies the probabilistic and deterministic design spaces of state-of-the-art range filters to achieve robust performance across a larger variety of use cases. At the core of Proteus lies our Contextual Prefix FPR (CPFPR) model - a formal framework for the FPR of prefix-based filters across their design spaces. We empirically demonstrate the accuracy of our model and Proteus' ability to optimize over both synthetic workloads and real-world datasets. We further evaluate Proteus in RocksDB and show that it is able to improve end-to-end performance by as much as 5.3x over more brittle state-of-the-art methods such as SuRF and Rosetta. Our experiments also indicate that the cost of modeling is not significant compared to the end-to-end performance gains and that Proteus is robust to workload shifts." 352,ProSelfLC: Progressive Self Label Correction Towards A Low-Temperature Entropy State,"To train robust deep neural networks (DNNs), we systematically study several target modification approaches, which include output regularisation, self and non-self label correction (LC). Three key issues are discovered: (1) Self LC is the most appealing as it exploits its own knowledge and requires no extra models. However, how to automatically decide the trust degree of a learner as training goes is not well answered in the literature. (2) Some methods penalise while the others reward low-entropy predictions, prompting us to ask which one is better. (3) Using the standard training setting, a trained network is of low confidence when severe noise exists, making it hard to leverage its high-entropy self knowledge. To resolve the issue (1), taking two well-accepted propositions--deep neural networks learn meaningful patterns before fitting noise and minimum entropy regularisation principle--we propose a novel end-to-end method named ProSelfLC, which is designed according to learning time and entropy. Specifically, given a data point, we progressively increase trust in its predicted label distribution versus its annotated one if a model has been trained for enough time and the prediction is of low entropy (high confidence). For the issue (2), according to ProSelfLC, we empirically prove that it is better to redefine a meaningful low-entropy status and optimise the learner toward it. This serves as a defence of entropy minimisation. To address the issue (3), we decrease the entropy of self knowledge using a low temperature before exploiting it to correct labels, so that the revised labels redefine a low-entropy target state. We demonstrate the effectiveness of ProSelfLC through extensive experiments in both clean and noisy settings, and on both image and protein datasets. Furthermore, our source code is available at https://github.com/XinshaoAmosWang/ProSelfLC-AT." 353,Predicting Ulnar Collateral Ligament Injury in Rookie Major League Baseball Pitchers,"In the growing world of machine learning and data analytics, scholars are finding new and innovative ways to solve real-world problems. One solution comes by way of an intersection between healthcare, sports statistics, and data sciences. Within the realm of Major League Baseball (MLB), pitchers are regarded as the most important roster position. They often are among the highest paid players and are crucial to a franchise's success, but they are more at risk to suffer an injury that sidelines them for over a complete season. The ulnar collateral ligament (UCL) is a small ligament in the elbow that controls the strength and stability of a pitcher's throwing arm. Due to repetitive strain, it is not uncommon for pitchers to tear it partially or completely during their careers. Repairing this injury requires UCL reconstruction surgery, as known informally as Tommy John surgery. In this podium abstract, we want to investigate whether we can use machine learning techniques to predict UCL injury by analyzing online pitcher data." 354,Language model compression with weighted low-rank factorization,"Factorizing a large matrix into small matrices is a popular strategy for model compression. Singular value decomposition (SVD) plays a vital role in this compression strategy, approximating a learned matrix with fewer parameters. However, SVD minimizes the squared error toward reconstructing the original matrix without gauging the importance of the parameters, potentially giving a larger reconstruction error for those who affect the task accuracy more. In other words, the optimization objective of SVD is not aligned with the trained model's task accuracy. We analyze this previously unexplored problem, make observations, and address it by introducing Fisher information to weigh the importance of parameters affecting the model prediction. This idea leads to our method: Fisher-Weighted SVD (FWSVD). Although the factorized matrices from our approach do not result in smaller reconstruction errors, we find that our resulting task accuracy is much closer to the original model's performance. We perform analysis with the transformer-based language models, showing our weighted SVD largely alleviates the mismatched optimization objectives and can maintain model performance with a higher compression rate. Our method can directly compress a task-specific model while achieving better performance than other compact model strategies requiring expensive model pre-training. Moreover, the evaluation of compressing an already compact model shows our method can further reduce 9% to 30% parameters with an insignificant impact on task accuracy." 355,Ranking in Contextual Multi-Armed Bandits,"We study a ranking problem in the contextual multi-armed bandit setting. A learning agent selects an ordered list of items at each time step and observes stochastic outcomes for each position. In online recommendation systems, showing an ordered list of the most attractive items would not be the best choice since both position and item dependencies result in a complicated reward function. A very naive example is the lack of diversity when all the most attractive items are from the same category. We model position and item dependencies in the ordered list and design UCB and Thompson Sampling type algorithms for this problem. We prove that the regret bound over $T$ rounds and $L$ positions is $\Tilde{O}(L\sqrt{d T})$, which has the same order as the previous works with respect to $T$ and only increases linearly with $L$. Our work generalizes existing studies in several directions, including position dependencies where position discount is a particular case, and proposes a more general contextual bandit model." 356,Discrimination in machine learning algorithms,"Machine learning algorithms are routinely used for business decisions that may directly affect individuals, for example, because a credit scoring algorithm refuses them a loan. It is then relevant from an ethical (and legal) point of view to ensure that these algorithms do not discriminate based on sensitive attributes (like sex or race), which may occur unwittingly and unknowingly by the operator and the management. Statistical tools and methods are then required to detect and eliminate such potential biases." 357,Modularity Optimization as a Training Criterion for Graph Neural Networks,"Graph convolution is a recent scalable method for performing deep feature learning on attributed graphs by aggregating local node information over multiple layers. Such layers only consider attribute information of node neighbors in the forward model and do not incorporate knowledge of global network structure in the learning task. In particular, the modularity function provides a convenient source of information about the community structure of networks. In this work we investigate the effect on the quality of learned representations by the incorporation of community structure preservation objectives of networks in the graph convolutional model. We incorporate the objectives in two ways, through an explicit regularization term in the cost function in the output layer and as an additional loss term computed via an auxiliary layer. We report the effect of community structure preserving terms in the graph convolutional architectures. Experimental evaluation on two attributed bibilographic networks showed that the incorporation of the community-preserving objective improves semi-supervised node classification accuracy in the sparse label regime." 358,GaitForeMer: Self-Supervised Pre-Training of Transformers via Human Motion Forecasting for Few-Shot Gait Impairment Severity Estimation,"Parkinson's disease (PD) is a neurological disorder that has a variety of observable motor-related symptoms such as slow movement, tremor, muscular rigidity, and impaired posture. PD is typically diagnosed by evaluating the severity of motor impairments according to scoring systems such as the Movement Disorder Society Unified Parkinson's Disease Rating Scale (MDS-UPDRS). Automated severity prediction using video recordings of individuals provides a promising route for non-intrusive monitoring of motor impairments. However, the limited size of PD gait data hinders model ability and clinical potential. Because of this clinical data scarcity and inspired by the recent advances in self-supervised large-scale language models like GPT-3, we use human motion forecasting as an effective self-supervised pre-training task for the estimation of motor impairment severity. We introduce GaitForeMer, Gait Forecasting and impairment estimation transforMer, which is first pre-trained on public datasets to forecast gait movements and then applied to clinical data to predict MDS-UPDRS gait impairment severity. Our method outperforms previous approaches that rely solely on clinical data by a large margin, achieving an F1 score of 0.76, precision of 0.79, and recall of 0.75. Using GaitForeMer, we show how public human movement data repositories can assist clinical use cases through learning universal motion representations. The code is available at https://github.com/markendo/GaitForeMer ." 359,Measuring Forgetting of Memorized Training Examples,"Machine learning models exhibit two seemingly contradictory phenomena: training data memorization and various forms of forgetting. In memorization, models overfit specific training examples and become susceptible to privacy attacks. In forgetting, examples which appeared early in training are forgotten by the end. In this work, we connect these phenomena. We propose a technique to measure to what extent models ``forget'' the specifics of training examples, becoming less susceptible to privacy attacks on examples they have not seen recently. We show that, while non-convexity can prevent forgetting from happening in the worst-case, standard image and speech models empirically do forget examples over time. We identify nondeterminism as a potential explanation, showing that deterministically trained models do not forget. Our results suggest that examples seen early when training with extremely large datasets -- for instance those examples used to pre-train a model -- may observe privacy benefits at the expense of examples seen later." 360,Threat Assessment in Machine Learning based Systems,"Machine learning is a field of artificial intelligence (AI) that is becoming essential for several critical systems, making it a good target for threat actors. Threat actors exploit different Tactics, Techniques, and Procedures (TTPs) against the confidentiality, integrity, and availability of Machine Learning (ML) systems. During the ML cycle, they exploit adversarial TTPs to poison data and fool ML-based systems. In recent years, multiple security practices have been proposed for traditional systems but they are not enough to cope with the nature of ML-based systems. In this paper, we conduct an empirical study of threats reported against ML-based systems with the aim to understand and characterize the nature of ML threats and identify common mitigation strategies. The study is based on 89 real-world ML attack scenarios from the MITRE's ATLAS database, the AI Incident Database, and the literature; 854 ML repositories from the GitHub search and the Python Packaging Advisory database, selected based on their reputation. Attacks from the AI Incident Database and the literature are used to identify vulnerabilities and new types of threats that were not documented in ATLAS. Results show that convolutional neural networks were one of the most targeted models among the attack scenarios. ML repositories with the largest vulnerability prominence include TensorFlow, OpenCV, and Notebook. In this paper, we also report the most frequent vulnerabilities in the studied ML repositories, the most targeted ML phases and models, the most used TTPs in ML phases and attack scenarios. This information is particularly important for red/blue teams to better conduct attacks/defenses, for practitioners to prevent threats during ML development, and for researchers to develop efficient defense mechanisms." 361,DarKnight: An Accelerated Framework for Privacy and Integrity Preserving Deep Learning Using Trusted Hardware,"Privacy and security-related concerns are growing as machine learning reaches diverse application domains. The data holders want to train or infer with private data while exploiting accelerators, such as GPUs, that are hosted in the cloud. Cloud systems are vulnerable to attackers that compromise the privacy of data and integrity of computations. Tackling such a challenge requires unifying theoretical privacy algorithms with hardware security capabilities. This paper presents DarKnight, a framework for large DNN training while protecting input privacy and computation integrity. DarKnight relies on cooperative execution between trusted execution environments (TEE) and accelerators, where the TEE provides privacy and integrity verification, while accelerators perform the bulk of the linear algebraic computation to optimize the performance. In particular, DarKnight uses a customized data encoding strategy based on matrix masking to create input obfuscation within a TEE. The obfuscated data is then offloaded to GPUs for fast linear algebraic computation. DarKnight's data obfuscation strategy provides provable data privacy and computation integrity in the cloud servers. While prior works tackle inference privacy and cannot be utilized for training, DarKnight's encoding scheme is designed to support both training and inference." 362,Sustainable Computing -- Without the Hot Air,"The demand for computing is continuing to grow exponentially. This growth will translate to exponential growth in computing's energy consumption unless improvements in its energy-efficiency can outpace increases in its demand. Yet, after decades of research, further improving energy-efficiency is becoming increasingly challenging, as it is already highly optimized. As a result, at some point, increases in computing demand are likely to outpace increases in its energy-efficiency, potentially by a wide margin. Such exponential growth, if left unchecked, will position computing as a substantial contributor to global carbon emissions. While prominent technology companies have recognized the problem and sought to reduce their carbon emissions, they understandably focus on their successes, which has the potential to inadvertently convey the false impression that this is now, or will soon be, a solved problem. Such false impressions can be counterproductive if they serve to discourage further research in this area, since, as we discuss, eliminating computing's, and more generally society's, carbon emissions is far from a solved problem. To better understand the problem's scope, this paper distills the fundamental trends that determine computing's carbon footprint and their implications for achieving sustainable computing." 363,Distribution-based Sketching of Single-Cell Samples,"Modern high-throughput single-cell immune profiling technologies, such as flow and mass cytometry and single-cell RNA sequencing can readily measure the expression of a large number of protein or gene features across the millions of cells in a multi-patient cohort. While bioinformatics approaches can be used to link immune cell heterogeneity to external variables of interest, such as, clinical outcome or experimental label, they often struggle to accommodate such a large number of profiled cells. To ease this computational burden, a limited number of cells are typically \emph{sketched} or subsampled from each patient. However, existing sketching approaches fail to adequately subsample rare cells from rare cell-populations, or fail to preserve the true frequencies of particular immune cell-types. Here, we propose a novel sketching approach based on Kernel Herding that selects a limited subsample of all cells while preserving the underlying frequencies of immune cell-types. We tested our approach on three flow and mass cytometry datasets and on one single-cell RNA sequencing dataset and demonstrate that the sketched cells (1) more accurately represent the overall cellular landscape and (2) facilitate increased performance in downstream analysis tasks, such as classifying patients according to their clinical outcome. An implementation of sketching with Kernel Herding is publicly available at \url{https://github.com/vishalathreya/Set-Summarization}." 364,Fast computation of rankings from pairwise comparisons,"We study the ranking of individuals, teams, or objects on the basis of pairwise comparisons using the Bradley-Terry model. Maximum-likelihood estimates of rankings within this model are commonly made using a simple iterative algorithm first introduced by Zermelo almost a century ago. Here we describe an alternative and similarly simple iteration that solves the same problem much faster -- over a hundred times faster in some cases. We demonstrate this algorithm with applications to a range of example data sets and derive some results regarding its convergence." 365,Advances in Prediction of Readmission Rates Using Long Term Short Term Memory Networks on Healthcare Insurance Data,"30-day hospital readmission is a long standing medical problem that affects patients' morbidity and mortality and costs billions of dollars annually. Recently, machine learning models have been created to predict risk of inpatient readmission for patients with specific diseases, however no model exists to predict this risk across all patients. We developed a bi-directional Long Short Term Memory (LSTM) Network that is able to use readily available insurance data (inpatient visits, outpatient visits, and drug prescriptions) to predict 30 day re-admission for any admitted patient, regardless of reason. The top-performing model achieved an ROC AUC of 0.763 (0.011) when using historical, inpatient, and post-discharge data. The LSTM model significantly outperformed a baseline random forest classifier, indicating that understanding the sequence of events is important for model prediction. Incorporation of 30-days of historical data also significantly improved model performance compared to inpatient data alone, indicating that a patients clinical history prior to admission, including outpatient visits and pharmacy data is a strong contributor to readmission. Our results demonstrate that a machine learning model is able to predict risk of inpatient readmission with reasonable accuracy for all patients using structured insurance billing data. Because billing data or equivalent surrogates can be extracted from sites, such a model could be deployed to identify patients at risk for readmission before they are discharged, or to assign more robust follow up (closer follow up, home health, mailed medications) to at-risk patients after discharge." 366,MultiViz: An Analysis Benchmark for Visualizing and Understanding Multimodal Models,"The promise of multimodal models for real-world applications has inspired research in visualizing and understanding their internal mechanics with the end goal of empowering stakeholders to visualize model behavior, perform model debugging, and promote trust in machine learning models. However, modern multimodal models are typically black-box neural networks, which makes it challenging to understand their internal mechanics. How can we visualize the internal modeling of multimodal interactions in these models? Our paper aims to fill this gap by proposing MultiViz, a method for analyzing the behavior of multimodal models by scaffolding the problem of interpretability into 4 stages: (1) unimodal importance: how each modality contributes towards downstream modeling and prediction, (2) cross-modal interactions: how different modalities relate with each other, (3) multimodal representations: how unimodal and cross-modal interactions are represented in decision-level features, and (4) multimodal prediction: how decision-level features are composed to make a prediction. MultiViz is designed to operate on diverse modalities, models, tasks, and research areas. Through experiments on 8 trained models across 6 real-world tasks, we show that the complementary stages in MultiViz together enable users to (1) simulate model predictions, (2) assign interpretable concepts to features, (3) perform error analysis on model misclassifications, and (4) use insights from error analysis to debug models. MultiViz is publicly available, will be regularly updated with new interpretation tools and metrics, and welcomes inputs from the community." 367,Visual Pre-training for Navigation: What Can We Learn from Noise?,"A powerful paradigm for sensorimotor control is to predict actions from observations directly. Training such an end-to-end system allows representations that are useful for the downstream tasks to emerge automatically. In visual navigation, an agent can learn to navigate without any manual designs by correlating how its views change with the actions being taken. However, the lack of inductive bias makes this system data-inefficient and impractical in scenarios like search and rescue, where interacting with the environment to collect data is costly. We hypothesize a sufficient representation of the current view and the goal view for a navigation policy can be learned by predicting the location and size of a crop of the current view that corresponds to the goal. We further show that training such random crop prediction in a self-supervised fashion purely on random noise images transfers well to natural home images. The learned representation can then be bootstrapped to learn a navigation policy efficiently with little interaction data. Code is available at https://github.com/yanweiw/noise2ptz." 368,Privacy-preserving Graph Analytics: Secure Generation and Federated Learning,"Directly motivated by security-related applications from the Homeland Security Enterprise, we focus on the privacy-preserving analysis of graph data, which provides the crucial capacity to represent rich attributes and relationships. In particular, we discuss two directions, namely privacy-preserving graph generation and federated graph learning, which can jointly enable the collaboration among multiple parties each possessing private graph data. For each direction, we identify both ""quick wins"" and ""hard problems"". Towards the end, we demonstrate a user interface that can facilitate model explanation, interpretation, and visualization. We believe that the techniques developed in these directions will significantly enhance the capabilities of the Homeland Security Enterprise to tackle and mitigate the various security risks." 369,Performative Reinforcement Learning,"We introduce the framework of performative reinforcement learning where the policy chosen by the learner affects the underlying reward and transition dynamics of the environment. Following the recent literature on performative prediction~\cite{Perdomo et. al., 2020}, we introduce the concept of performatively stable policy. We then consider a regularized version of the reinforcement learning problem and show that repeatedly optimizing this objective converges to a performatively stable policy under reasonable assumptions on the transition dynamics. Our proof utilizes the dual perspective of the reinforcement learning problem and may be of independent interest in analyzing the convergence of other algorithms with decision-dependent environments. We then extend our results for the setting where the learner just performs gradient ascent steps instead of fully optimizing the objective, and for the setting where the learner has access to a finite number of trajectories from the changed environment. For both the settings, we leverage the dual formulation of performative reinforcement learning and establish convergence to a stable solution. Finally, through extensive experiments on a grid-world environment, we demonstrate the dependence of convergence on various parameters e.g. regularization, smoothness, and the number of samples." 370,DP$^2$-NILM: A Distributed and Privacy-preserving Framework for Non-intrusive Load Monitoring,"Non-intrusive load monitoring (NILM), which usually utilizes machine learning methods and is effective in disaggregating smart meter readings from the household-level into appliance-level consumption, can help analyze electricity consumption behaviours of users and enable practical smart energy and smart grid applications. Recent studies have proposed many novel NILM frameworks based on federated deep learning (FL). However, there lacks comprehensive research exploring the utility optimization schemes and the privacy-preserving schemes in different FL-based NILM application scenarios. In this paper, we make the first attempt to conduct FL-based NILM focusing on both the utility optimization and the privacy-preserving by developing a distributed and privacy-preserving NILM (DP2-NILM) framework and carrying out comparative experiments on practical NILM scenarios based on real-world smart meter datasets. Specifically, two alternative federated learning strategies are examined in the utility optimization schemes, i.e., the FedAvg and the FedProx. Moreover, different levels of privacy guarantees, i.e., the local differential privacy federated learning and the global differential privacy federated learning are provided in the DP2-NILM. Extensive comparison experiments are conducted on three real-world datasets to evaluate the proposed framework." 371,DeepSpeed Inference: Enabling Efficient Inference of Transformer Models at Unprecedented Scale,"The past several years have witnessed the success of transformer-based models, and their scale and application scenarios continue to grow aggressively. The current landscape of transformer models is increasingly diverse: the model size varies drastically with the largest being of hundred-billion parameters; the model characteristics differ due to the sparsity introduced by the Mixture-of-Experts; the target application scenarios can be latency-critical or throughput-oriented; the deployment hardware could be single- or multi-GPU systems with different types of memory and storage, etc. With such increasing diversity and the fast-evolving pace of transformer models, designing a highly performant and efficient inference system is extremely challenging. In this paper, we present DeepSpeed Inference, a comprehensive system solution for transformer model inference to address the above-mentioned challenges. DeepSpeed Inference consists of (1) a multi-GPU inference solution to minimize latency while maximizing the throughput of both dense and sparse transformer models when they fit in aggregate GPU memory, and (2) a heterogeneous inference solution that leverages CPU and NVMe memory in addition to the GPU memory and compute to enable high inference throughput with large models which do not fit in aggregate GPU memory. DeepSpeed Inference reduces latency by up to 7.3X over the state-of-the-art for latency-oriented scenarios and increases throughput by over 1.5x for throughput-oriented scenarios. Moreover, it enables trillion parameter scale inference under real-time latency constraints by leveraging hundreds of GPUs, an unprecedented scale for inference. It can inference 25x larger models than with GPU-only solutions, while delivering a high throughput of 84 TFLOPS (over $50\%$ of A6000 peak)." 372,LaserMix for Semi-Supervised LiDAR Semantic Segmentation,"Densely annotating LiDAR point clouds is costly, which restrains the scalability of fully-supervised learning methods. In this work, we study the underexplored semi-supervised learning (SSL) in LiDAR segmentation. Our core idea is to leverage the strong spatial cues of LiDAR point clouds to better exploit unlabeled data. We propose LaserMix to mix laser beams from different LiDAR scans, and then encourage the model to make consistent and confident predictions before and after mixing. Our framework has three appealing properties: 1) Generic: LaserMix is agnostic to LiDAR representations (e.g., range view and voxel), and hence our SSL framework can be universally applied. 2) Statistically grounded: We provide a detailed analysis to theoretically explain the applicability of the proposed framework. 3) Effective: Comprehensive experimental analysis on popular LiDAR segmentation datasets (nuScenes, SemanticKITTI, and ScribbleKITTI) demonstrates our effectiveness and superiority. Notably, we achieve competitive results over fully-supervised counterparts with 2x to 5x fewer labels and improve the supervised-only baseline significantly by 10.8% on average. We hope this concise yet high-performing framework could facilitate future research in semi-supervised LiDAR segmentation. Code will be publicly available." 373,On the Learning and Learnablity of Quasimetrics,"Our world is full of asymmetries. Gravity and wind can make reaching a place easier than coming back. Social artifacts such as genealogy charts and citation graphs are inherently directed. In reinforcement learning and control, optimal goal-reaching strategies are rarely reversible (symmetrical). Distance functions supported on these asymmetrical structures are called quasimetrics. Despite their common appearance, little research has been done on the learning of quasimetrics. Our theoretical analysis reveals that a common class of learning algorithms, including unconstrained multilayer perceptrons (MLPs), provably fails to learn a quasimetric consistent with training data. In contrast, our proposed Poisson Quasimetric Embedding (PQE) is the first quasimetric learning formulation that both is learnable with gradient-based optimization and enjoys strong performance guarantees. Experiments on random graphs, social graphs, and offline Q-learning demonstrate its effectiveness over many common baselines." 374,Denoised MDPs: Learning World Models Better Than the World Itself,"The ability to separate signal from noise, and reason with clean abstractions, is critical to intelligence. With this ability, humans can efficiently perform real world tasks without considering all possible nuisance factors.How can artificial agents do the same? What kind of information can agents safely discard as noises? In this work, we categorize information out in the wild into four types based on controllability and relation with reward, and formulate useful information as that which is both controllable and reward-relevant. This framework clarifies the kinds information removed by various prior work on representation learning in reinforcement learning (RL), and leads to our proposed approach of learning a Denoised MDP that explicitly factors out certain noise distractors. Extensive experiments on variants of DeepMind Control Suite and RoboDesk demonstrate superior performance of our denoised world model over using raw observations alone, and over prior works, across policy optimization control tasks as well as the non-control task of joint position regression." 375,AnoShift: A Distribution Shift Benchmark for Unsupervised Anomaly Detection,"Analyzing the distribution shift of data is a growing research direction in nowadays Machine Learning, leading to emerging new benchmarks that focus on providing a suitable scenario for studying the generalization properties of ML models. The existing benchmarks are focused on supervised learning, and to the best of our knowledge, there is none for unsupervised learning. Therefore, we introduce an unsupervised anomaly detection benchmark with data that shifts over time, built over Kyoto-2006+, a traffic dataset for network intrusion detection. This kind of data meets the premise of shifting the input distribution: it covers a large time span ($10$ years), with naturally occurring changes over time (\eg users modifying their behavior patterns, and software updates). We first highlight the non-stationary nature of the data, using a basic per-feature analysis, t-SNE, and an Optimal Transport approach for measuring the overall distribution distances between years. Next, we propose AnoShift, a protocol splitting the data in IID, NEAR, and FAR testing splits. We validate the performance degradation over time with diverse models (MLM to classical Isolation Forest). Finally, we show that by acknowledging the distribution shift problem and properly addressing it, the performance can be improved compared to the classical IID training (by up to $3\%$, on average). Dataset and code are available at https://github.com/bit-ml/AnoShift/." 376,Causal Machine Learning: A Survey and Open Problems,"Causal Machine Learning (CausalML) is an umbrella term for machine learning methods that formalize the data-generation process as a structural causal model (SCM). This allows one to reason about the effects of changes to this process (i.e., interventions) and what would have happened in hindsight (i.e., counterfactuals). We categorize work in \causalml into five groups according to the problems they tackle: (1) causal supervised learning, (2) causal generative modeling, (3) causal explanations, (4) causal fairness, (5) causal reinforcement learning. For each category, we systematically compare its methods and point out open problems. Further, we review modality-specific applications in computer vision, natural language processing, and graph representation learning. Finally, we provide an overview of causal benchmarks and a critical discussion of the state of this nascent field, including recommendations for future work." 377,Forecasting Future World Events with Neural Networks,"Forecasting future world events is a challenging but valuable task. Forecasts of climate, geopolitical conflict, pandemics and economic indicators help shape policy and decision making. In these domains, the judgment of expert humans contributes to the best forecasts. Given advances in language modeling, can these forecasts be automated? To this end, we introduce Autocast, a dataset containing thousands of forecasting questions and an accompanying news corpus. Questions are taken from forecasting tournaments, ensuring high quality, real-world importance, and diversity. The news corpus is organized by date, allowing us to precisely simulate the conditions under which humans made past forecasts (avoiding leakage from the future). Motivated by the difficulty of forecasting numbers across orders of magnitude (e.g. global cases of COVID-19 in 2022), we also curate IntervalQA, a dataset of numerical questions and metrics for calibration. We test language models on our forecasting task and find that performance is far below a human expert baseline. However, performance improves with increased model size and incorporation of relevant information from the news corpus. In sum, Autocast poses a novel challenge for large language models and improved performance could bring large practical benefits." 378,Watch and Match: Supercharging Imitation with Regularized Optimal Transport,"Imitation learning holds tremendous promise in learning policies efficiently for complex decision making problems. Current state-of-the-art algorithms often use inverse reinforcement learning (IRL), where given a set of expert demonstrations, an agent alternatively infers a reward function and the associated optimal policy. However, such IRL approaches often require substantial online interactions for complex control problems. In this work, we present Regularized Optimal Transport (ROT), a new imitation learning algorithm that builds on recent advances in optimal transport based trajectory-matching. Our key technical insight is that adaptively combining trajectory-matching rewards with behavior cloning can significantly accelerate imitation even with only a few demonstrations. Our experiments on 20 visual control tasks across the DeepMind Control Suite, the OpenAI Robotics Suite, and the Meta-World Benchmark demonstrate an average of 7.8X faster imitation to reach 90% of expert performance compared to prior state-of-the-art methods. On real-world robotic manipulation, with just one demonstration and an hour of online training, ROT achieves an average success rate of 90.1% across 14 tasks." 379,"Interpretability, Then What? Editing Machine Learning Models to Reflect Human Knowledge and Values","Machine learning (ML) interpretability techniques can reveal undesirable patterns in data that models exploit to make predictions--potentially causing harms once deployed. However, how to take action to address these patterns is not always clear. In a collaboration between ML and human-computer interaction researchers, physicians, and data scientists, we develop GAM Changer, the first interactive system to help domain experts and data scientists easily and responsibly edit Generalized Additive Models (GAMs) and fix problematic patterns. With novel interaction techniques, our tool puts interpretability into action--empowering users to analyze, validate, and align model behaviors with their knowledge and values. Physicians have started to use our tool to investigate and fix pneumonia and sepsis risk prediction models, and an evaluation with 7 data scientists working in diverse domains highlights that our tool is easy to use, meets their model editing needs, and fits into their current workflows. Built with modern web technologies, our tool runs locally in users' web browsers or computational notebooks, lowering the barrier to use. GAM Changer is available at the following public demo link: https://interpret.ml/gam-changer." 380,Practical Black Box Hamiltonian Learning,"We study the problem of learning the parameters for the Hamiltonian of a quantum many-body system, given limited access to the system. In this work, we build upon recent approaches to Hamiltonian learning via derivative estimation. We propose a protocol that improves the scaling dependence of prior works, particularly with respect to parameters relating to the structure of the Hamiltonian (e.g., its locality $k$). Furthermore, by deriving exact bounds on the performance of our protocol, we are able to provide a precise numerical prescription for theoretically optimal settings of hyperparameters in our learning protocol, such as the maximum evolution time (when learning with unitary dynamics) or minimum temperature (when learning with Gibbs states). Thanks to these improvements, our protocol is practical for large problems: we demonstrate this with a numerical simulation of our protocol on an 80-qubit system." 381,QUIDAM: A Framework for Quantization-Aware DNN Accelerator and Model Co-Exploration,"As the machine learning and systems communities strive to achieve higher energy-efficiency through custom deep neural network (DNN) accelerators, varied precision or quantization levels, and model compression techniques, there is a need for design space exploration frameworks that incorporate quantization-aware processing elements into the accelerator design space while having accurate and fast power, performance, and area models. In this work, we present QUIDAM, a highly parameterized quantization-aware DNN accelerator and model co-exploration framework. Our framework can facilitate future research on design space exploration of DNN accelerators for various design choices such as bit precision, processing element type, scratchpad sizes of processing elements, global buffer size, number of total processing elements, and DNN configurations. Our results show that different bit precisions and processing element types lead to significant differences in terms of performance per area and energy. Specifically, our framework identifies a wide range of design points where performance per area and energy varies more than 5x and 35x, respectively. With the proposed framework, we show that lightweight processing elements achieve on par accuracy results and up to 5.7x more performance per area and energy improvement when compared to the best INT16 based implementation. Finally, due to the efficiency of the pre-characterized power, performance, and area models, QUIDAM can speed up the design exploration process by 3-4 orders of magnitude as it removes the need for expensive synthesis and characterization of each design." 382,Improving Visual Grounding by Encouraging Consistent Gradient-based Explanations,"We propose a margin-based loss for vision-language model pretraining that encourages gradient-based explanations that are consistent with region-level annotations. We refer to this objective as Attention Mask Consistency (AMC) and demonstrate that it produces superior visual grounding performance compared to models that rely instead on region-level annotations for explicitly training an object detector such as Faster R-CNN. AMC works by encouraging gradient-based explanation masks that focus their attention scores mostly within annotated regions of interest for images that contain such annotations. Particularly, a model trained with AMC on top of standard vision-language modeling objectives obtains a state-of-the-art accuracy of 86.59% in the Flickr30k visual grounding benchmark, an absolute improvement of 5.48% when compared to the best previous model. Our approach also performs exceedingly well on established benchmarks for referring expression comprehension and offers the added benefit by design of gradient-based explanations that better align with human annotations." 383,PhySRNet: Physics informed super-resolution network for application in computational solid mechanics,"Traditional approaches based on finite element analyses have been successfully used to predict the macro-scale behavior of heterogeneous materials (composites, multicomponent alloys, and polycrystals) widely used in industrial applications. However, this necessitates the mesh size to be smaller than the characteristic length scale of the microstructural heterogeneities in the material leading to computationally expensive and time-consuming calculations. The recent advances in deep learning based image super-resolution (SR) algorithms open up a promising avenue to tackle this computational challenge by enabling researchers to enhance the spatio-temporal resolution of data obtained from coarse mesh simulations. However, technical challenges still remain in developing a high-fidelity SR model for application to computational solid mechanics, especially for materials undergoing large deformation. This work aims at developing a physics-informed deep learning based super-resolution framework (PhySRNet) which enables reconstruction of high-resolution deformation fields (displacement and stress) from their low-resolution counterparts without requiring high-resolution labeled data. We design a synthetic case study to illustrate the effectiveness of the proposed framework and demonstrate that the super-resolved fields match the accuracy of an advanced numerical solver running at 400 times the coarse mesh resolution while simultaneously satisfying the (highly nonlinear) governing laws. The approach opens the door to applying machine learning and traditional numerical approaches in tandem to reduce computational complexity accelerate scientific discovery and engineering design." 384,Learning Iterative Reasoning through Energy Minimization,"Deep learning has excelled on complex pattern recognition tasks such as image classification and object recognition. However, it struggles with tasks requiring nontrivial reasoning, such as algorithmic computation. Humans are able to solve such tasks through iterative reasoning -- spending more time thinking about harder tasks. Most existing neural networks, however, exhibit a fixed computational budget controlled by the neural network architecture, preventing additional computational processing on harder tasks. In this work, we present a new framework for iterative reasoning with neural networks. We train a neural network to parameterize an energy landscape over all outputs, and implement each step of the iterative reasoning as an energy minimization step to find a minimal energy solution. By formulating reasoning as an energy minimization problem, for harder problems that lead to more complex energy landscapes, we may then adjust our underlying computational budget by running a more complex optimization procedure. We empirically illustrate that our iterative reasoning approach can solve more accurate and generalizable algorithmic reasoning tasks in both graph and continuous domains. Finally, we illustrate that our approach can recursively solve algorithmic problems requiring nested reasoning" 385,Learning Functions on Multiple Sets using Multi-Set Transformers,"We propose a general deep architecture for learning functions on multiple permutation-invariant sets. We also show how to generalize this architecture to sets of elements of any dimension by dimension equivariance. We demonstrate that our architecture is a universal approximator of these functions, and show superior results to existing methods on a variety of tasks including counting tasks, alignment tasks, distinguishability tasks and statistical distance measurements. This last task is quite important in Machine Learning. Although our approach is quite general, we demonstrate that it can generate approximate estimates of KL divergence and mutual information that are more accurate than previous techniques that are specifically designed to approximate those statistical distances." 386,Classical and learned MR to pseudo-CT mappings for accurate transcranial ultrasound simulation,"Model-based treatment planning for transcranial ultrasound therapy typically involves mapping the acoustic properties of the skull from an x-ray computed tomography (CT) image of the head. Here, three methods for generating pseudo-CT images from magnetic resonance (MR) images were compared as an alternative to CT. A convolutional neural network (U-Net) was trained on paired MR-CT images to generate pseudo-CT images from either T1-weighted or zero-echo time (ZTE) MR images (denoted tCT and zCT, respectively). A direct mapping from ZTE to pseudo-CT was also implemented (denoted cCT). When comparing the pseudo-CT and ground truth CT images for the test set, the mean absolute error was 133, 83, and 145 Hounsfield units (HU) across the whole head, and 398, 222, and 336 HU within the skull for the tCT, zCT, and cCT images, respectively. Ultrasound simulations were also performed using the generated pseudo-CT images and compared to simulations based on CT. An annular array transducer was used targeting the visual or motor cortex. The mean differences in the simulated focal pressure, focal position, and focal volume were 9.9%, 1.5 mm, and 15.1% for simulations based on the tCT images, 5.7%, 0.6 mm, and 5.7% for the zCT, and 6.7%, 0.9 mm, and 12.1% for the cCT. The improved results for images mapped from ZTE highlight the advantage of using imaging sequences which improve contrast of the skull bone. Overall, these results demonstrate that acoustic simulations based on MR images can give comparable accuracy to those based on CT." 387,Understanding Instance-Level Impact of Fairness Constraints,"A variety of fairness constraints have been proposed in the literature to mitigate group-level statistical bias. Their impacts have been largely evaluated for different groups of populations corresponding to a set of sensitive attributes, such as race or gender. Nonetheless, the community has not observed sufficient explorations for how imposing fairness constraints fare at an instance level. Building on the concept of influence function, a measure that characterizes the impact of a training example on the target model and its predictive performance, this work studies the influence of training examples when fairness constraints are imposed. We find out that under certain assumptions, the influence function with respect to fairness constraints can be decomposed into a kernelized combination of training examples. One promising application of the proposed fairness influence function is to identify suspicious training examples that may cause model discrimination by ranking their influence scores. We demonstrate with extensive experiments that training on a subset of weighty data examples leads to lower fairness violations with a trade-off of accuracy." 388,Implicit Neural Spatial Filtering for Multichannel Source Separation in the Waveform Domain,"We present a single-stage casual waveform-to-waveform multichannel model that can separate moving sound sources based on their broad spatial locations in a dynamic acoustic scene. We divide the scene into two spatial regions containing, respectively, the target and the interfering sound sources. The model is trained end-to-end and performs spatial processing implicitly, without any components based on traditional processing or use of hand-crafted spatial features. We evaluate the proposed model on a real-world dataset and show that the model matches the performance of an oracle beamformer followed by a state-of-the-art single-channel enhancement network." 389,Shifts 2.0: Extending The Dataset of Real Distributional Shifts,"Distributional shift, or the mismatch between training and deployment data, is a significant obstacle to the usage of machine learning in high-stakes industrial applications, such as autonomous driving and medicine. This creates a need to be able to assess how robustly ML models generalize as well as the quality of their uncertainty estimates. Standard ML baseline datasets do not allow these properties to be assessed, as the training, validation and test data are often identically distributed. Recently, a range of dedicated benchmarks have appeared, featuring both distributionally matched and shifted data. Among these benchmarks, the Shifts dataset stands out in terms of the diversity of tasks as well as the data modalities it features. While most of the benchmarks are heavily dominated by 2D image classification tasks, Shifts contains tabular weather forecasting, machine translation, and vehicle motion prediction tasks. This enables the robustness properties of models to be assessed on a diverse set of industrial-scale tasks and either universal or directly applicable task-specific conclusions to be reached. In this paper, we extend the Shifts Dataset with two datasets sourced from industrial, high-risk applications of high societal importance. Specifically, we consider the tasks of segmentation of white matter Multiple Sclerosis lesions in 3D magnetic resonance brain images and the estimation of power consumption in marine cargo vessels. Both tasks feature ubiquitous distributional shifts and a strict safety requirement due to the high cost of errors. These new datasets will allow researchers to further explore robust generalization and uncertainty estimation in new situations. In this work, we provide a description of the dataset and baseline results for both tasks." 390,Learning Audio-Text Agreement for Open-vocabulary Keyword Spotting,"In this paper, we propose a novel end-to-end user-defined keyword spotting method that utilizes linguistically corresponding patterns between speech and text sequences. Unlike previous approaches requiring speech keyword enrollment, our method compares input queries with an enrolled text keyword sequence. To place the audio and text representations within a common latent space, we adopt an attention-based cross-modal matching approach that is trained in an end-to-end manner with monotonic matching loss and keyword classification loss. We also utilize a de-noising loss for the acoustic embedding network to improve robustness in noisy environments. Additionally, we introduce the LibriPhrase dataset, a new short-phrase dataset based on LibriSpeech for efficiently training keyword spotting models. Our proposed method achieves competitive results on various evaluation sets compared to other single-modal and cross-modal baselines." 391,Randomized K-FACs: Speeding up K-FAC with Randomized Numerical Linear Algebra,"K-FAC is a successful tractable implementation of Natural Gradient for Deep Learning, which nevertheless suffers from the requirement to compute the inverse of the Kronecker factors (through an eigen-decomposition). This can be very time-consuming (or even prohibitive) when these factors are large. In this paper, we theoretically show that, owing to the exponential-average construction paradigm of the Kronecker factors that is typically used, their eigen-spectrum must decay. We show numerically that in practice this decay is very rapid, leading to the idea that we could save substantial computation by only focusing on the first few eigen-modes when inverting the Kronecker-factors. Randomized Numerical Linear Algebra provides us with the necessary tools to do so. Numerical results show we obtain $\approx2.5\times$ reduction in per-epoch time and $\approx3.3\times$ reduction in time to target accuracy. We compare our proposed K-FAC sped-up versions with a more computationally efficient NG implementation, SENG, and observe we perform on par with it." 392,j-Wave: An open-source differentiable wave simulator,"We present an open-source differentiable acoustic simulator, j-Wave, which can solve time-varying and time-harmonic acoustic problems. It supports automatic differentiation, which is a program transformation technique that has many applications, especially in machine learning and scientific computing. j-Wave is composed of modular components that can be easily customized and reused. At the same time, it is compatible with some of the most popular machine learning libraries, such as JAX and TensorFlow. The accuracy of the simulation results for known configurations is evaluated against the widely used k-Wave toolbox and a cohort of acoustic simulation software. j-Wave is available from https://github.com/ucl-bug/jwave." 393,Where to Begin? Exploring the Impact of Pre-Training and Initialization in Federated Learning,"An oft-cited challenge of federated learning is the presence of data heterogeneity -- the data at different clients may follow very different distributions. Several federated optimization methods have been proposed to address these challenges. In the literature, empirical evaluations usually start federated training from a random initialization. However, in many practical applications of federated learning, the server has access to proxy data for the training task which can be used to pre-train a model before starting federated training. We empirically study the impact of starting from a pre-trained model in federated learning using four common federated learning benchmark datasets. Unsurprisingly, starting from a pre-trained model reduces the training time required to reach a target error rate and enables training more accurate models (by up to 40\%) than is possible than when starting from a random initialization. Surprisingly, we also find that the effect of data heterogeneity is much less significant when starting federated training from a pre-trained initialization. Rather, when starting from a pre-trained model, using an adaptive optimizer at the server, such as \textsc{FedAdam}, consistently leads to the best accuracy. We recommend that future work proposing and evaluating federated optimization methods consider the performance when starting both random and pre-trained initializations. We also believe this study raises several questions for further work on understanding the role of heterogeneity in federated optimization." 394,Verification and search algorithms for causal DAGs,"We study two problems related to recovering causal graphs from interventional data: (i) $\textit{verification}$, where the task is to check if a purported causal graph is correct, and (ii) $\textit{search}$, where the task is to recover the correct causal graph. For both, we wish to minimize the number of interventions performed. For the first problem, we give a characterization of a minimal sized set of atomic interventions that is necessary and sufficient to check the correctness of a claimed causal graph. Our characterization uses the notion of $\textit{covered edges}$, which enables us to obtain simple proofs and also easily reason about earlier results. We also generalize our results to the settings of bounded size interventions and node-dependent interventional costs. For all the above settings, we provide the first known provable algorithms for efficiently computing (near)-optimal verifying sets on general graphs. For the second problem, we give a simple adaptive algorithm based on graph separators that produces an atomic intervention set which fully orients any essential graph while using $\mathcal{O}(\log n)$ times the optimal number of interventions needed to $\textit{verify}$ (verifying size) the underlying DAG on $n$ vertices. This approximation is tight as $\textit{any}$ search algorithm on an essential line graph has worst case approximation ratio of $\Omega(\log n)$ with respect to the verifying size. With bounded size interventions, each of size $\leq k$, our algorithm gives an $\mathcal{O}(\log n \cdot \log \log k)$ factor approximation. Our result is the first known algorithm that gives a non-trivial approximation guarantee to the verifying size on general unweighted graphs and with bounded size interventions." 395,Improving the Generalization of Supervised Models,"We consider the problem of training a deep neural network on a given classification task, e.g., ImageNet-1K (IN1K), so that it excels at that task as well as at other (future) transfer tasks. These two seemingly contradictory properties impose a trade-off between improving the model's generalization while maintaining its performance on the original task. Models trained with self-supervised learning (SSL) tend to generalize better than their supervised counterparts for transfer learning; yet, they still lag behind supervised models on IN1K. In this paper, we propose a supervised learning setup that leverages the best of both worlds. We enrich the common supervised training framework using two key components of recent SSL models: multi-scale crops for data augmentation and the use of an expendable projector head. We replace the last layer of class weights with class prototypes computed on the fly using a memory bank. We show that these three improvements lead to a more favorable trade-off between the IN1K training task and 13 transfer tasks. Over all the explored configurations, we single out two models: t-ReX that achieves a new state of the art for transfer learning and outperforms top methods such as DINO and PAWS on IN1K, and t-ReX* that matches the highly optimized RSB-A1 model on IN1K while performing better on transfer tasks. Project page and pretrained models: https://europe.naverlabs.com/t-rex" 396,Online TSP with Predictions,"We initiate the study of online routing problems with predictions, inspired by recent exciting results in the area of learning-augmented algorithms. A learning-augmented online algorithm which incorporates predictions in a black-box manner to outperform existing algorithms if the predictions are accurate while otherwise maintaining theoretical guarantees even when the predictions are extremely erroneous is a popular framework for overcoming pessimistic worst-case competitive analysis. In this study, we particularly begin investigating the classical online traveling salesman problem (OLTSP), where future requests are augmented with predictions. Unlike the prediction models in other previous studies, each actual request in the OLTSP, associated with its arrival time and position, may not coincide with the predicted ones, which, as imagined, leads to a troublesome situation. Our main result is to study different prediction models and design algorithms to improve the best-known results in the different settings. Moreover, we generalize the proposed results to the online dial-a-ride problem." 397,Why we do need Explainable AI for Healthcare,"The recent spike in certified Artificial Intelligence (AI) tools for healthcare has renewed the debate around adoption of this technology. One thread of such debate concerns Explainable AI and its promise to render AI devices more transparent and trustworthy. A few voices active in the medical AI space have expressed concerns on the reliability of Explainable AI techniques, questioning their use and inclusion in guidelines and standards. Revisiting such criticisms, this article offers a balanced and comprehensive perspective on the utility of Explainable AI, focusing on the specificity of clinical applications of AI and placing them in the context of healthcare interventions. Against its detractors and despite valid concerns, we argue that the Explainable AI research program is still central to human-machine interaction and ultimately our main tool against loss of control, a danger that cannot be prevented by rigorous clinical validation alone." 398,Learning Underrepresented Classes from Decentralized Partially Labeled Medical Images,"Using decentralized data for federated training is one promising emerging research direction for alleviating data scarcity in the medical domain. However, in contrast to large-scale fully labeled data commonly seen in general object recognition tasks, the local medical datasets are more likely to only have images annotated for a subset of classes of interest due to high annotation costs. In this paper, we consider a practical yet under-explored problem, where underrepresented classes only have few labeled instances available and only exist in a few clients of the federated system. We show that standard federated learning approaches fail to learn robust multi-label classifiers with extreme class imbalance and address it by proposing a novel federated learning framework, FedFew. FedFew consists of three stages, where the first stage leverages federated self-supervised learning to learn class-agnostic representations. In the second stage, the decentralized partially labeled data are exploited to learn an energy-based multi-label classifier for the common classes. Finally, the underrepresented classes are detected based on the energy and a prototype-based nearest-neighbor model is proposed for few-shot matching. We evaluate FedFew on multi-label thoracic disease classification tasks and demonstrate that it outperforms the federated baselines by a large margin." 399,Learning Citywide Patterns of Life from Trajectory Monitoring,"The recent proliferation of real-world human mobility datasets has catalyzed geospatial and transportation research in trajectory prediction, demand forecasting, travel time estimation, and anomaly detection. However, these datasets also enable, more broadly, a descriptive analysis of intricate systems of human mobility. We formally define patterns of life analysis as a natural, explainable extension of online unsupervised anomaly detection, where we not only monitor a data stream for anomalies but also explicitly extract normal patterns over time. To learn patterns of life, we adapt Grow When Required (GWR) episodic memory from research in computational biology and neurorobotics to a new domain of geospatial analysis. This biologically-inspired neural network, related to self-organizing maps (SOM), constructs a set of ""memories"" or prototype traffic patterns incrementally as it iterates over the GPS stream. It then compares each new observation to its prior experiences, inducing an online, unsupervised clustering and anomaly detection on the data. We mine patterns-of-interest from the Porto taxi dataset, including both major public holidays and newly-discovered transportation anomalies, such as festivals and concerts which, to our knowledge, have not been previously acknowledged or reported in prior work. We anticipate that the capability to incrementally learn normal and abnormal road transportation behavior will be useful in many domains, including smart cities, autonomous vehicles, and urban planning and management." 400,Revisiting Competitive Coding Approach for Palmprint Recognition: A Linear Discriminant Analysis Perspective,"The competitive Coding approach (CompCode) is one of the most promising methods for palmprint recognition. Due to its high performance and simple formulation, it has been continuously studied for many years. However, although numerous variations of CompCode have been proposed, a detailed analysis of the method is still absent. In this paper, we provide a detailed analysis of CompCode from the perspective of linear discriminant analysis (LDA) for the first time. A non-trivial sufficient condition under which the CompCode is optimal in the sense of Fisher's criterion is presented. Based on our analysis, we examined the statistics of palmprints and concluded that CompCode deviates from the optimal condition. To mitigate the deviation, we propose a new method called Class-Specific CompCode that improves CompCode by excluding non-palm-line areas from matching. A nonlinear mapping of the competitive code is also applied in this method to further enhance accuracy. Experiments on two public databases demonstrate the effectiveness of the proposed method." 401,GitHub Copilot AI pair programmer: Asset or Liability?,"Automatic program synthesis is a long-lasting dream in software engineering. Recently, a promising Deep Learning (DL) based solution, called Copilot, has been proposed by Open AI and Microsoft as an industrial product. Although some studies evaluate the correctness of Copilot solutions and report its issues, more empirical evaluations are necessary to understand how developers can benefit from it effectively. In this paper, we study the capabilities of Copilot in two different programming tasks: (1) generating (and reproducing) correct and efficient solutions for fundamental algorithmic problems, and (2) comparing Copilot's proposed solutions with those of human programmers on a set of programming tasks. For the former, we assess the performance and functionality of Copilot in solving selected fundamental problems in computer science, like sorting and implementing basic data structures. In the latter, a dataset of programming problems with human-provided solutions is used. The results show that Copilot is capable of providing solutions for almost all fundamental algorithmic problems, however, some solutions are buggy and non-reproducible. Moreover, Copilot has some difficulties in combining multiple methods to generate a solution. Comparing Copilot to humans, our results show that the correct ratio of human solutions is greater than Copilot's correct ratio, while the buggy solutions generated by Copilot require less effort to be repaired. While Copilot shows limitations as an assistant for developers especially in advanced programming tasks, as highlighted in this study and previous ones, it can generate preliminary solutions for basic programming tasks." 402,Neural Annotation Refinement: Development of a New 3D Dataset for Adrenal Gland Analysis,"The human annotations are imperfect, especially when produced by junior practitioners. Multi-expert consensus is usually regarded as golden standard, while this annotation protocol is too expensive to implement in many real-world projects. In this study, we propose a method to refine human annotation, named Neural Annotation Refinement (NeAR). It is based on a learnable implicit function, which decodes a latent vector into represented shape. By integrating the appearance as an input of implicit functions, the appearance-aware NeAR fixes the annotation artefacts. Our method is demonstrated on the application of adrenal gland analysis. We first show that the NeAR can repair distorted golden standards on a public adrenal gland segmentation dataset. Besides, we develop a new Adrenal gLand ANalysis (ALAN) dataset with the proposed NeAR, where each case consists of a 3D shape of adrenal gland and its diagnosis label (normal vs. abnormal) assigned by experts. We show that models trained on the shapes repaired by the NeAR can diagnose adrenal glands better than the original ones. The ALAN dataset will be open-source, with 1,594 shapes for adrenal gland diagnosis, which serves as a new benchmark for medical shape analysis. Code and dataset are available at https://github.com/M3DV/NeAR." 403,Interpretable Anomaly Detection in Echocardiograms with Dynamic Variational Trajectory Models,"We propose a novel anomaly detection method for echocardiogram videos. The introduced method takes advantage of the periodic nature of the heart cycle to learn different variants of a variational latent trajectory model (TVAE). The models are trained on the healthy samples of an in-house dataset of infant echocardiogram videos consisting of multiple chamber views to learn a normative prior of the healthy population. During inference, maximum a posteriori (MAP) based anomaly detection is performed to detect out-of-distribution samples in our dataset. The proposed method reliably identifies severe congenital heart defects, such as Ebstein's Anomaly or Shonecomplex. Moreover, it achieves superior performance over MAP-based anomaly detection with standard variational autoencoders on the task of detecting pulmonary hypertension and right ventricular dilation. Finally, we demonstrate that the proposed method provides interpretable explanations of its output through heatmaps which highlight the regions corresponding to anomalous heart structures." 404,FL-Tuning: Layer Tuning for Feed-Forward Network in Transformer,"Prompt tuning is an emerging way of adapting pre-trained language models to downstream tasks. However, the existing studies are mainly to add prompts to the input sequence. This way would not work as expected due to the intermediate multi-head self-attention and feed-forward network computation, making model optimization not very smooth. Hence, we propose a novel tuning way called layer tuning, aiming to add learnable parameters in Transformer layers. Specifically, we focus on layer tuning for feed-forward network in the Transformer, namely FL-tuning. It introduces additional units into the hidden layer of each feed-forward network. We conduct extensive experiments on the public CLUE benchmark. The results show that: 1) Our FL-tuning outperforms prompt tuning methods under both full-data and few-shot settings in almost all cases. In particular, it improves accuracy by 17.93% (full-data setting) on WSC 1.0 and F1 by 16.142% (few-shot setting) on CLUENER over P-tuning v2. 2) Our FL-tuning is more stable and converges about 1.17 times faster than P-tuning v2. 3) With only about 3% of Transformer's parameters to be trained, FL-tuning is comparable with fine-tuning on most datasets, and significantly outperforms fine-tuning (e.g., accuracy improved by 12.9% on WSC 1.1) on several datasets. The source codes are available at https://github.com/genggui001/FL-Tuning." 405,Transfer Learning with Deep Tabular Models,"Recent work on deep learning for tabular data demonstrates the strong performance of deep tabular models, often bridging the gap between gradient boosted decision trees and neural networks. Accuracy aside, a major advantage of neural models is that they learn reusable features and are easily fine-tuned in new domains. This property is often exploited in computer vision and natural language applications, where transfer learning is indispensable when task-specific training data is scarce. In this work, we demonstrate that upstream data gives tabular neural networks a decisive advantage over widely used GBDT models. We propose a realistic medical diagnosis benchmark for tabular transfer learning, and we present a how-to guide for using upstream data to boost performance with a variety of tabular neural network architectures. Finally, we propose a pseudo-feature method for cases where the upstream and downstream feature sets differ, a tabular-specific problem widespread in real-world applications. Our code is available at https://github.com/LevinRoman/tabular-transfer-learning ." 406,Physics-informed machine learning for Structural Health Monitoring,"The use of machine learning in Structural Health Monitoring is becoming more common, as many of the inherent tasks (such as regression and classification) in developing condition-based assessment fall naturally into its remit. This chapter introduces the concept of physics-informed machine learning, where one adapts ML algorithms to account for the physical insight an engineer will often have of the structure they are attempting to model or assess. The chapter will demonstrate how grey-box models, that combine simple physics-based models with data-driven ones, can improve predictive capability in an SHM setting. A particular strength of the approach demonstrated here is the capacity of the models to generalise, with enhanced predictive capability in different regimes. This is a key issue when life-time assessment is a requirement, or when monitoring data do not span the operational conditions a structure will undergo. The chapter will provide an overview of physics-informed ML, introducing a number of new approaches for grey-box modelling in a Bayesian setting. The main ML tool discussed will be Gaussian process regression, we will demonstrate how physical assumptions/models can be incorporated through constraints, through the mean function and kernel design, and finally in a state-space setting. A range of SHM applications will be demonstrated, from loads monitoring tasks for off-shore and aerospace structures, through to performance monitoring for long-span bridges." 407,Machine learning for automated quality control in injection moulding manufacturing,"Machine learning (ML) may improve and automate quality control (QC) in injection moulding manufacturing. As the labelling of extensive, real-world process data is costly, however, the use of simulated process data may offer a first step towards a successful implementation. In this study, simulated data was used to develop a predictive model for the product quality of an injection moulded sorting container. The achieved accuracy, specificity and sensitivity on the test set was $99.4\%$, $99.7\%$ and $94.7\%$, respectively. This study thus shows the potential of ML towards automated QC in injection moulding and encourages the extension to ML models trained on real-world data." 408,QuASK -- Quantum Advantage Seeker with Kernels,"QuASK is a quantum machine learning software written in Python that supports researchers in designing, experimenting, and assessing different quantum and classical kernels performance. This software is package agnostic and can be integrated with all major quantum software packages (e.g. IBM Qiskit, Xanadu's Pennylane, Amazon Braket). QuASK guides the user through a simple preprocessing of input data, definition and calculation of quantum and classical kernels, either custom or pre-defined ones. From this evaluation the package provides an assessment about potential quantum advantage and prediction bounds on generalization error. Moreover, it allows for the generation of parametric quantum kernels that can be trained using gradient-descent-based optimization, grid search, or genetic algorithms. Projected quantum kernels, an effective solution to mitigate the curse of dimensionality induced by the exponential scaling dimension of large Hilbert spaces, are also calculated. QuASK can furthermore generate the observable values of a quantum model and use them to study the prediction capabilities of the quantum and classical kernels." 409,TINC: Temporally Informed Non-Contrastive Learning for Disease Progression Modeling in Retinal OCT Volumes,"Recent contrastive learning methods achieved state-of-the-art in low label regimes. However, the training requires large batch sizes and heavy augmentations to create multiple views of an image. With non-contrastive methods, the negatives are implicitly incorporated in the loss, allowing different images and modalities as pairs. Although the meta-information (i.e., age, sex) in medical imaging is abundant, the annotations are noisy and prone to class imbalance. In this work, we exploited already existing temporal information (different visits from a patient) in a longitudinal optical coherence tomography (OCT) dataset using temporally informed non-contrastive loss (TINC) without increasing complexity and need for negative pairs. Moreover, our novel pair-forming scheme can avoid heavy augmentations and implicitly incorporates the temporal information in the pairs. Finally, these representations learned from the pretraining are more successful in predicting disease progression where the temporal information is crucial for the downstream task. More specifically, our model outperforms existing models in predicting the risk of conversion within a time frame from intermediate age-related macular degeneration (AMD) to the late wet-AMD stage." 410,R-MelNet: Reduced Mel-Spectral Modeling for Neural TTS,"This paper introduces R-MelNet, a two-part autoregressive architecture with a frontend based on the first tier of MelNet and a backend WaveRNN-style audio decoder for neural text-to-speech synthesis. Taking as input a mixed sequence of characters and phonemes, with an optional audio priming sequence, this model produces low-resolution mel-spectral features which are interpolated and used by a WaveRNN decoder to produce an audio waveform. Coupled with half precision training, R-MelNet uses under 11 gigabytes of GPU memory on a single commodity GPU (NVIDIA 2080Ti). We detail a number of critical implementation details for stable half precision training, including an approximate, numerically stable mixture of logistics attention. Using a stochastic, multi-sample per step inference scheme, the resulting model generates highly varied audio, while enabling text and audio based controls to modify output waveforms. Qualitative and quantitative evaluations of an R-MelNet system trained on a single speaker TTS dataset demonstrate the effectiveness of our approach." 411,Invariance Properties of the Natural Gradient in Overparametrised Systems,"The natural gradient field is a vector field that lives on a model equipped with a distinguished Riemannian metric, e.g. the Fisher-Rao metric, and represents the direction of steepest ascent of an objective function on the model with respect to this metric. In practice, one tries to obtain the corresponding direction on the parameter space by multiplying the ordinary gradient by the inverse of the Gram matrix associated with the metric. We refer to this vector on the parameter space as the natural parameter gradient. In this paper we study when the pushforward of the natural parameter gradient is equal to the natural gradient. Furthermore we investigate the invariance properties of the natural parameter gradient. Both questions are addressed in an overparametrised setting." 412,Deep Reinforcement Learning with Swin Transformer,"Transformers are neural network models that utilize multiple layers of self-attention heads. Attention is implemented in transformers as the contextual embeddings of the 'key' and 'query'. Transformers allow the re-combination of attention information from different layers and the processing of all inputs at once, which are more convenient than recurrent neural networks when dealt with a large number of data. Transformers have exhibited great performances on natural language processing tasks in recent years. Meanwhile, there have been tremendous efforts to adapt transformers into other fields of machine learning, such as Swin Transformer and Decision Transformer. Swin Transformer is a promising neural network architecture that splits image pixels into small patches and applies local self-attention operations inside the (shifted) windows of fixed sizes. Decision Transformer has successfully applied transformers to off-line reinforcement learning and showed that random-walk samples from Atari games are sufficient to let an agent learn optimized behaviors. However, it is considerably more challenging to combine online reinforcement learning with transformers. In this article, we further explore the possibility of not modifying the reinforcement learning policy, but only replacing the convolutional neural network architecture with the self-attention architecture from Swin Transformer. Namely, we target at changing how an agent views the world, but not how an agent plans about the world. We conduct our experiment on 49 games in Arcade Learning Environment. The results show that using Swin Transformer in reinforcement learning achieves significantly higher evaluation scores across the majority of games in Arcade Learning Environment. Thus, we conclude that online reinforcement learning can benefit from exploiting self-attentions with spatial token embeddings." 413,Benchmark Dataset for Precipitation Forecasting by Post-Processing the Numerical Weather Prediction,"Precipitation forecasting is an important scientific challenge that has wide-reaching impacts on society. Historically, this challenge has been tackled using numerical weather prediction (NWP) models, grounded on physics-based simulations. Recently, many works have proposed an alternative approach, using end-to-end deep learning (DL) models to replace physics-based NWP. While these DL methods show improved performance and computational efficiency, they exhibit limitations in long-term forecasting and lack the explainability of NWP models. In this work, we present a hybrid NWP-DL workflow to fill the gap between standalone NWP and DL approaches. Under this workflow, the NWP output is fed into a deep model, which post-processes the data to yield a refined precipitation forecast. The deep model is trained with supervision, using Automatic Weather Station (AWS) observations as ground-truth labels. This can achieve the best of both worlds, and can even benefit from future improvements in NWP technology. To facilitate study in this direction, we present a novel dataset focused on the Korean Peninsula, termed KoMet (Korea Meteorological Dataset), comprised of NWP predictions and AWS observations. For NWP, we use the Global Data Assimilation and Prediction Systems-Korea Integrated Model (GDAPS-KIM)." 414,Learning Nonparametric Ordinary differential Equations: Application to Sparse and Noisy Data,"Learning nonparametric systems of Ordinary Differential Equations (ODEs) $\dot x = f(t,x)$ from noisy and sparse data is an emerging machine learning topic. We use the well-developed theory of Reproducing Kernel Hilbert Spaces (RKHS) to define candidates for $f$ for which the solution of the ODE exists and is unique. Learning $f$ consists of solving a constrained optimization problem in an RKHS. We propose a penalty method that iteratively uses the Representer theorem and Euler approximations to provide a numerical solution. We prove a generalization bound for the $L^2$ distance between $x$ and its estimator. Experiments are provided for the FitzHugh Nagumo oscillator and for the prediction of the Amyloid level in the cortex of aging subjects. In both cases, we show competitive results when compared with the state of the art." 415,When an Active Learner Meets a Black-box Teacher,"Active learning maximizes the hypothesis updates to find those desired unlabeled data. An inherent assumption is that this learning manner can derive those updates into the optimal hypothesis. However, its convergence may not be guaranteed well if those incremental updates are negative and disordered. In this paper, we introduce a machine teacher who provides a black-box teaching hypothesis for an active learner, where the teaching hypothesis is an effective approximation for the optimal hypothesis. Theoretically, we prove that, under the guidance of this teaching hypothesis, the learner can converge into a tighter generalization error and label complexity bound than those non-educated learners who do not receive any guidance from a teacher. We further consider two teaching scenarios: teaching a white-box and black-box learner, where self-improvement of teaching is firstly proposed to improve the teaching performance. Experiments verify this idea and show better performance than the fundamental active learning strategies, such as IWAL, IWAL-D, etc." 416,Data-Efficient Learning via Minimizing Hyperspherical Energy,"Deep learning on large-scale data is dominant nowadays. The unprecedented scale of data has been arguably one of the most important driving forces for the success of deep learning. However, there still exist scenarios where collecting data or labels could be extremely expensive, e.g., medical imaging and robotics. To fill up this gap, this paper considers the problem of data-efficient learning from scratch using a small amount of representative data. First, we characterize this problem by active learning on homeomorphic tubes of spherical manifolds. This naturally generates feasible hypothesis class. With homologous topological properties, we identify an important connection -- finding tube manifolds is equivalent to minimizing hyperspherical energy (MHE) in physical geometry. Inspired by this connection, we propose a MHE-based active learning (MHEAL) algorithm, and provide comprehensive theoretical guarantees for MHEAL, covering convergence and generalization analysis. Finally, we demonstrate the empirical performance of MHEAL in a wide range of applications on data-efficient learning, including deep clustering, distribution matching, version space sampling and deep active learning." 417,A Rare Topic Discovery Model for Short Texts Based on Co-occurrence word Network,"We provide a simple and general solution for the discovery of scarce topics in unbalanced short-text datasets, namely, a word co-occurrence network-based model CWIBTD, which can simultaneously address the sparsity and unbalance of short-text topics and attenuate the effect of occasional pairwise occurrences of words, allowing the model to focus more on the discovery of scarce topics. Unlike previous approaches, CWIBTD uses co-occurrence word networks to model the topic distribution of each word, which improves the semantic density of the data space and ensures its sensitivity in identify-ing rare topics by improving the way node activity is calculated and normal-izing scarce topics and large topics to some extent. In addition, using the same Gibbs sampling as LDA makes CWIBTD easy to be extended to vari-ous application scenarios. Extensive experimental validation in the unbal-anced short text dataset confirms the superiority of CWIBTD over the base-line approach in discovering rare topics. Our model can be used for early and accurate discovery of emerging topics or unexpected events on social platforms." 418,The Topological BERT: Transforming Attention into Topology for Natural Language Processing,"In recent years, the introduction of the Transformer models sparked a revolution in natural language processing (NLP). BERT was one of the first text encoders using only the attention mechanism without any recurrent parts to achieve state-of-the-art results on many NLP tasks. This paper introduces a text classifier using topological data analysis. We use BERT's attention maps transformed into attention graphs as the only input to that classifier. The model can solve tasks such as distinguishing spam from ham messages, recognizing whether a sentence is grammatically correct, or evaluating a movie review as negative or positive. It performs comparably to the BERT baseline and outperforms it on some tasks. Additionally, we propose a new method to reduce the number of BERT's attention heads considered by the topological classifier, which allows us to prune the number of heads from 144 down to as few as ten with no reduction in performance. Our work also shows that the topological model displays higher robustness against adversarial attacks than the original BERT model, which is maintained during the pruning process. To the best of our knowledge, this work is the first to confront topological-based models with adversarial attacks in the context of NLP." 419,Privacy-preserving household load forecasting based on non-intrusive load monitoring: A federated deep learning approach,"Load forecasting is very essential in the analysis and grid planning of power systems. For this reason, we first propose a household load forecasting method based on federated deep learning and non-intrusive load monitoring (NILM). For all we know, this is the first research on federated learning (FL) in household load forecasting based on NILM. In this method, the integrated power is decomposed into individual device power by non-intrusive load monitoring, and the power of individual appliances is predicted separately using a federated deep learning model. Finally, the predicted power values of individual appliances are aggregated to form the total power prediction. Specifically, by separately predicting the electrical equipment to obtain the predicted power, it avoids the error caused by the strong time dependence in the power signal of a single device. And in the federated deep learning prediction model, the household owners with the power data share the parameters of the local model instead of the local power data, guaranteeing the privacy of the household user data. The case results demonstrate that the proposed approach provides a better prediction effect than the traditional methodology that directly predicts the aggregated signal as a whole. In addition, experiments in various federated learning environments are designed and implemented to validate the validity of this methodology." 420,Classification of network topology and dynamics via sequence characterization,"Sequences arise in many real-world scenarios; thus, identifying the mechanisms behind symbol generation is essential to understanding many complex systems. This paper analyzes sequences generated by agents walking on a networked topology. Given that in many real scenarios, the underlying processes generating the sequence is hidden, we investigate whether the reconstruction of the network via the co-occurrence method is useful to recover both the network topology and agent dynamics generating sequences. We found that the characterization of reconstructed networks provides valuable information regarding the process and topology used to create the sequences. In a machine learning approach considering 16 combinations of network topology and agent dynamics as classes, we obtained an accuracy of 87% with sequences generated with less than 40% of nodes visited. Larger sequences turned out to generate improved machine learning models. Our findings suggest that the proposed methodology could be extended to classify sequences and understand the mechanisms behind sequence generation." 421,Simulating reaction time for Eureka effect in visual object recognition using artificial neural network,"The human brain can recognize objects hidden in even severely degraded images after observing them for a while, which is known as a type of Eureka effect, possibly associated with human creativity. A previous psychological study suggests that the basis of this ""Eureka recognition"" is neural processes of coincidence of multiple stochastic activities. Here we constructed an artificial-neural-network-based model that simulated the characteristics of the human Eureka recognition." 422,Out-of-Distribution Detection for Long-tailed and Fine-grained Skin Lesion Images,"Recent years have witnessed a rapid development of automated methods for skin lesion diagnosis and classification. Due to an increasing deployment of such systems in clinics, it has become important to develop a more robust system towards various Out-of-Distribution(OOD) samples (unknown skin lesions and conditions). However, the current deep learning models trained for skin lesion classification tend to classify these OOD samples incorrectly into one of their learned skin lesion categories. To address this issue, we propose a simple yet strategic approach that improves the OOD detection performance while maintaining the multi-class classification accuracy for the known categories of skin lesion. To specify, this approach is built upon a realistic scenario of a long-tailed and fine-grained OOD detection task for skin lesion images. Through this approach, 1) First, we target the mixup amongst middle and tail classes to address the long-tail problem. 2) Later, we combine the above mixup strategy with prototype learning to address the fine-grained nature of the dataset. The unique contribution of this paper is two-fold, justified by extensive experiments. First, we present a realistic problem setting of OOD task for skin lesion. Second, we propose an approach to target the long-tailed and fine-grained aspects of the problem setting simultaneously to increase the OOD performance." 423,Neural Network Assisted Depth Map Packing for Compression Using Standard Hardware Video Codecs,"Depth maps are needed by various graphics rendering and processing operations. Depth map streaming is often necessary when such operations are performed in a distributed system and it requires in most cases fast performing compression, which is why video codecs are often used. Hardware implementations of standard video codecs enable relatively high resolution and framerate combinations, even on resource constrained devices, but unfortunately those implementations do not currently support RGB+depth extensions. However, they can be used for depth compression by first packing the depth maps into RGB or YUV frames. We investigate depth map compression using a combination of depth map packing followed by encoding with a standard video codec. We show that the precision at which depth maps are packed has a large and nontrivial impact on the resulting error caused by the combination of the packing scheme and lossy compression when bitrate is constrained. Consequently, we propose a variable precision packing scheme assisted by a neural network model that predicts the optimal precision for each depth map given a bitrate constraint. We demonstrate that the model yields near optimal predictions and that it can be integrated into a game engine with very low overhead using modern hardware." 424,A Medical Image Fusion Method based on MDLatLRRv2,"Since MDLatLRR only considers detailed parts (salient features) of input images extracted by latent low-rank representation (LatLRR), it doesn't use base parts (principal features) extracted by LatLRR effectively. Therefore, we proposed an improved multi-level decomposition method called MDLatLRRv2 which effectively analyzes and utilizes all the image features obtained by LatLRR. Then we apply MDLatLRRv2 to medical image fusion. The base parts are fused by average strategy and the detail parts are fused by nuclear-norm operation. The comparison with the existing methods demonstrates that the proposed method can achieve state-of-the-art fusion performance in objective and subjective assessment." 425,A note on large deviations for interacting particle dynamics for finding mixed equilibria in zero-sum games,"Finding equilibria points in continuous minimax games has become a key problem within machine learning, in part due to its connection to the training of generative adversarial networks. Because of existence and robustness issues, recent developments have shifted from pure equilibria to focusing on mixed equilibria points. In this note we consider a method proposed by Domingo-Enrich et al. for finding mixed equilibria in two-layer zero-sum games. The method is based on entropic regularisation and the two competing strategies are represented by two sets of interacting particles. We show that the sequence of empirical measures of the particle system satisfies a large deviation principle as the number of particles grows to infinity, and how this implies convergence of the empirical measure and the associated Nikaid\^o-Isoda error, complementing existing law of large numbers results." 426,Graph-Time Convolutional Neural Networks: Architecture and Theoretical Analysis,"Devising and analyzing learning models for spatiotemporal network data is of importance for tasks including forecasting, anomaly detection, and multi-agent coordination, among others. Graph Convolutional Neural Networks (GCNNs) are an established approach to learn from time-invariant network data. The graph convolution operation offers a principled approach to aggregate multiresolution information. However, extending the convolution principled learning and respective analysis to the spatiotemporal domain is challenging because spatiotemporal data have more intrinsic dependencies. Hence, a higher flexibility to capture jointly the spatial and the temporal dependencies is required to learn meaningful higher-order representations. Here, we leverage product graphs to represent the spatiotemporal dependencies in the data and introduce Graph-Time Convolutional Neural Networks (GTCNNs) as a principled architecture to aid learning. The proposed approach can work with any type of product graph and we also introduce a parametric product graph to learn also the spatiotemporal coupling. The convolution principle further allows a similar mathematical tractability as for GCNNs. In particular, the stability result shows GTCNNs are stable to spatial perturbations but there is an implicit trade-off between discriminability and robustness; i.e., the more complex the model, the less stable. Extensive numerical results on benchmark datasets corroborate our findings and show the GTCNN compares favorably with state-of-the-art solutions. We anticipate the GTCNN to be a starting point for more sophisticated models that achieve good performance but are also fundamentally grounded." 427,Reliable Representations Make A Stronger Defender: Unsupervised Structure Refinement for Robust GNN,"Benefiting from the message passing mechanism, Graph Neural Networks (GNNs) have been successful on flourish tasks over graph data. However, recent studies have shown that attackers can catastrophically degrade the performance of GNNs by maliciously modifying the graph structure. A straightforward solution to remedy this issue is to model the edge weights by learning a metric function between pairwise representations of two end nodes, which attempts to assign low weights to adversarial edges. The existing methods use either raw features or representations learned by supervised GNNs to model the edge weights. However, both strategies are faced with some immediate problems: raw features cannot represent various properties of nodes (e.g., structure information), and representations learned by supervised GNN may suffer from the poor performance of the classifier on the poisoned graph. We need representations that carry both feature information and as mush correct structure information as possible and are insensitive to structural perturbations. To this end, we propose an unsupervised pipeline, named STABLE, to optimize the graph structure. Finally, we input the well-refined graph into a downstream classifier. For this part, we design an advanced GCN that significantly enhances the robustness of vanilla GCN without increasing the time complexity. Extensive experiments on four real-world graph benchmarks demonstrate that STABLE outperforms the state-of-the-art methods and successfully defends against various attacks." 428,Using Person Embedding to Enrich Features and Data Augmentation for Classification,"Today, machine learning is applied in almost any field. In machine learning, where there are numerous methods, classification is one of the most basic and crucial ones. Various problems can be solved by classification. The feature selection for model setup is extremely important, and producing new features via feature engineering also has a vital place in the success of the model. In our study, fraud detection classification models are built on a labeled and imbalanced dataset as a case-study. Although it is a natural language processing method, a customer space has been created with word embedding, which has been used in different areas, especially for recommender systems. The customer vectors in the created space are fed to the classification model as a feature. Moreover, to increase the number of positive labels, rows with similar characteristics are re-labeled as positive by using customer similarity determined by embedding. The model in which embedding methods are included in the classification, which provides a better representation of customers, has been compared with other models. Considering the results, it is observed that the customer embedding method had a positive effect on the success of the classification models." 429,HRFuser: A Multi-resolution Sensor Fusion Architecture for 2D Object Detection,"Besides standard cameras, autonomous vehicles typically include multiple additional sensors, such as lidars and radars, which help acquire richer information for perceiving the content of the driving scene. While several recent works focus on fusing certain pairs of sensors - such as camera and lidar or camera and radar - by using architectural components specific to the examined setting, a generic and modular sensor fusion architecture is missing from the literature. In this work, we focus on 2D object detection, a fundamental high-level task which is defined on the 2D image domain, and propose HRFuser, a multi-resolution sensor fusion architecture that scales straightforwardly to an arbitrary number of input modalities. The design of HRFuser is based on state-of-the-art high-resolution networks for image-only dense prediction and incorporates a novel multi-window cross-attention block as the means to perform fusion of multiple modalities at multiple resolutions. Even though cameras alone provide very informative features for 2D detection, we demonstrate via extensive experiments on the nuScenes and Seeing Through Fog datasets that our model effectively leverages complementary features from additional modalities, substantially improving upon camera-only performance and consistently outperforming state-of-the-art fusion methods for 2D detection both in normal and adverse conditions. The source code will be made publicly available." 430,Pulse Shape Simulation and Discrimination using Machine-Learning Techniques,"An essential metric for the quality of a particle-identification experiment is its statistical power to discriminate between signal and background. Pulse shape discrimination (PSD) is a basic method for this purpose in many nuclear, high-energy, and rare-event search experiments where scintillator detectors are used. Conventional techniques exploit the difference between decay-times of the pulse from signal and background events or pulse signals caused by different types of radiation quanta to achieve good discrimination. However, such techniques are efficient only when the total light-emission is sufficient to get a proper pulse profile. This is only possible when there is significant recoil energy due to the incident particle in the detector. But, rare-event search experiments like neutrino or dark-matter direct search experiments don't always satisfy these conditions. Hence, it becomes imperative to have a method that can deliver very efficient discrimination in these scenarios. Neural network-based machine-learning algorithms have been used for classification problems in many areas of physics, especially in high-energy experiments, and have given better results compared to conventional techniques. We present the results of our investigations of two network-based methods viz. Dense Neural Network and Recurrent Neural Network, for pulse shape discrimination and compare the same with conventional methods." 431,Neural Networks can Learn Representations with Gradient Descent,"Significant theoretical work has established that in specific regimes, neural networks trained by gradient descent behave like kernel methods. However, in practice, it is known that neural networks strongly outperform their associated kernels. In this work, we explain this gap by demonstrating that there is a large class of functions which cannot be efficiently learned by kernel methods but can be easily learned with gradient descent on a two layer neural network outside the kernel regime by learning representations that are relevant to the target task. We also demonstrate that these representations allow for efficient transfer learning, which is impossible in the kernel regime. Specifically, we consider the problem of learning polynomials which depend on only a few relevant directions, i.e. of the form $f^\star(x) = g(Ux)$ where $U: \R^d \to \R^r$ with $d \gg r$. When the degree of $f^\star$ is $p$, it is known that $n \asymp d^p$ samples are necessary to learn $f^\star$ in the kernel regime. Our primary result is that gradient descent learns a representation of the data which depends only on the directions relevant to $f^\star$. This results in an improved sample complexity of $n\asymp d^2 r + dr^p$. Furthermore, in a transfer learning setup where the data distributions in the source and target domain share the same representation $U$ but have different polynomial heads we show that a popular heuristic for transfer learning has a target sample complexity independent of $d$." 432,Scalable K-FAC Training for Deep Neural Networks with Distributed Preconditioning,"The second-order optimization methods, notably the D-KFAC (Distributed Kronecker Factored Approximate Curvature) algorithms, have gained traction on accelerating deep neural network (DNN) training on GPU clusters. However, existing D-KFAC algorithms require to compute and communicate a large volume of second-order information, i.e., Kronecker factors (KFs), before preconditioning gradients, resulting in large computation and communication overheads as well as a high memory footprint. In this paper, we propose DP-KFAC, a novel distributed preconditioning scheme that distributes the KF constructing tasks at different DNN layers to different workers. DP-KFAC not only retains the convergence property of the existing D-KFAC algorithms but also enables three benefits: reduced computation overhead in constructing KFs, no communication of KFs, and low memory footprint. Extensive experiments on a 64-GPU cluster show that DP-KFAC reduces the computation overhead by 1.55x-1.65x, the communication cost by 2.79x-3.15x, and the memory footprint by 1.14x-1.47x in each second-order update compared to the state-of-the-art D-KFAC methods." 433,Personalized Detection of Cognitive Biases in Actions of Users from Their Logs: Anchoring and Recency Biases,"Cognitive biases are mental shortcuts humans use in dealing with information and the environment, and which result in biased actions and behaviors (or, actions), unbeknownst to themselves. Biases take many forms, with cognitive biases occupying a central role that inflicts fairness, accountability, transparency, ethics, law, medicine, and discrimination. Detection of biases is considered a necessary step toward their mitigation. Herein, we focus on two cognitive biases - anchoring and recency. The recognition of cognitive bias in computer science is largely in the domain of information retrieval, and bias is identified at an aggregate level with the help of annotated data. Proposing a different direction for bias detection, we offer a principled approach along with Machine Learning to detect these two cognitive biases from Web logs of users' actions. Our individual user level detection makes it truly personalized, and does not rely on annotated data. Instead, we start with two basic principles established in cognitive psychology, use modified training of an attention network, and interpret attention weights in a novel way according to those principles, to infer and distinguish between these two biases. The personalized approach allows detection for specific users who are susceptible to these biases when performing their tasks, and can help build awareness among them so as to undertake bias mitigation." 434,The maximum capability of a topological feature in link prediction,"Link prediction aims to predict links of a network that are not directly visible, with profound applications in biological and social systems. Despite intensive utilization of the topological feature in this task, it is unclear to what extent a particular feature can be leveraged to infer missing links. Here, we show that the maximum capability of a topological feature follows a simple mathematical expression, which is independent of how an index gauges the feature. Hence, a family of indexes associated with one topological feature shares the same performance limit. A feature's capability is lifted in the supervised prediction, which in general gives rise to better results compared with unsupervised prediction. The universality of the pattern uncovered is empirically verified by 550 structurally diverse networks, which can be applied to feature selection and the analysis of network characteristics associated with a topological feature in link prediction." 435,Interpretable Graph Neural Networks for Connectome-Based Brain Disorder Analysis,"Human brains lie at the core of complex neurobiological systems, where the neurons, circuits, and subsystems interact in enigmatic ways. Understanding the structural and functional mechanisms of the brain has long been an intriguing pursuit for neuroscience research and clinical disorder therapy. Mapping the connections of the human brain as a network is one of the most pervasive paradigms in neuroscience. Graph Neural Networks (GNNs) have recently emerged as a potential method for modeling complex network data. Deep models, on the other hand, have low interpretability, which prevents their usage in decision-critical contexts like healthcare. To bridge this gap, we propose an interpretable framework to analyze disorder-specific Regions of Interest (ROIs) and prominent connections. The proposed framework consists of two modules: a brain-network-oriented backbone model for disease prediction and a globally shared explanation generator that highlights disorder-specific biomarkers including salient ROIs and important connections. We conduct experiments on three real-world datasets of brain disorders. The results verify that our framework can obtain outstanding performance and also identify meaningful biomarkers. All code for this work is available at https://github.com/HennyJie/IBGNN.git." 436,Prediction of Dilatory Behavior in eLearning: A Comparison of Multiple Machine Learning Models,"Procrastination, the irrational delay of tasks, is a common occurrence in online learning. Potential negative consequences include higher risk of drop-outs, increased stress, and reduced mood. Due to the rise of learning management systems and learning analytics, indicators of such behavior can be detected, enabling predictions of future procrastination and other dilatory behavior. However, research focusing on such predictions is scarce. Moreover, studies involving different types of predictors and comparisons between the predictive performance of various methods are virtually non-existent. In this study, we aim to fill these research gaps by analyzing the performance of multiple machine learning algorithms when predicting the delayed or timely submission of online assignments in a higher education setting with two categories of predictors: subjective, questionnaire-based variables and objective, log-data based indicators extracted from a learning management system. The results show that models with objective predictors consistently outperform models with subjective predictors, and a combination of both variable types perform slightly better. For each of these three options, a different approach prevailed (Gradient Boosting Machines for the subjective, Bayesian multilevel models for the objective, and Random Forest for the combined predictors). We conclude that careful attention should be paid to the selection of predictors and algorithms before implementing such models in learning management systems." 437,Laplacian Autoencoders for Learning Stochastic Representations,"Established methods for unsupervised representation learning such as variational autoencoders produce none or poorly calibrated uncertainty estimates making it difficult to evaluate if learned representations are stable and reliable. In this work, we present a Bayesian autoencoder for unsupervised representation learning, which is trained using a novel variational lower-bound of the autoencoder evidence. This is maximized using Monte Carlo EM with a variational distribution that takes the shape of a Laplace approximation. We develop a new Hessian approximation that scales linearly with data size allowing us to model high-dimensional data. Empirically, we show that our Laplacian autoencoder estimates well-calibrated uncertainties in both latent and output space. We demonstrate that this results in improved performance across a multitude of downstream tasks." 438,A note on Linear Bottleneck networks and their Transition to Multilinearity,"Randomly initialized wide neural networks transition to linear functions of weights as the width grows, in a ball of radius $O(1)$ around initialization. A necessary condition for this result is that all layers of the network are wide enough, i.e., all widths tend to infinity. However, the transition to linearity breaks down when this infinite width assumption is violated. In this work we show that linear networks with a bottleneck layer learn bilinear functions of the weights, in a ball of radius $O(1)$ around initialization. In general, for $B-1$ bottleneck layers, the network is a degree $B$ multilinear function of weights. Importantly, the degree only depends on the number of bottlenecks and not the total depth of the network." 439,FeaRLESS: Feature Refinement Loss for Ensembling Self-Supervised Learning Features in Robust End-to-end Speech Recognition,"Self-supervised learning representations (SSLR) have resulted in robust features for downstream tasks in many fields. Recently, several SSLRs have shown promising results on automatic speech recognition (ASR) benchmark corpora. However, previous studies have only shown performance for solitary SSLRs as an input feature for ASR models. In this study, we propose to investigate the effectiveness of diverse SSLR combinations using various fusion methods within end-to-end (E2E) ASR models. In addition, we will show there are correlations between these extracted SSLRs. As such, we further propose a feature refinement loss for decorrelation to efficiently combine the set of input features. For evaluation, we show that the proposed 'FeaRLESS learning features' perform better than systems without the proposed feature refinement loss for both the WSJ and Fearless Steps Challenge (FSC) corpora." 440,Group-invariant tensor train networks for supervised learning,"Invariance has recently proven to be a powerful inductive bias in machine learning models. One such class of predictive or generative models are tensor networks. We introduce a new numerical algorithm to construct a basis of tensors that are invariant under the action of normal matrix representations of an arbitrary discrete group. This method can be up to several orders of magnitude faster than previous approaches. The group-invariant tensors are then combined into a group-invariant tensor train network, which can be used as a supervised machine learning model. We applied this model to a protein binding classification problem, taking into account problem-specific invariances, and obtained prediction accuracy in line with state-of-the-art deep learning approaches." 441,ZeroC: A Neuro-Symbolic Model for Zero-shot Concept Recognition and Acquisition at Inference Time,"Humans have the remarkable ability to recognize and acquire novel visual concepts in a zero-shot manner. Given a high-level, symbolic description of a novel concept in terms of previously learned visual concepts and their relations, humans can recognize novel concepts without seeing any examples. Moreover, they can acquire new concepts by parsing and communicating symbolic structures using learned visual concepts and relations. Endowing these capabilities in machines is pivotal in improving their generalization capability at inference time. In this work, we introduce Zero-shot Concept Recognition and Acquisition (ZeroC), a neuro-symbolic architecture that can recognize and acquire novel concepts in a zero-shot way. ZeroC represents concepts as graphs of constituent concept models (as nodes) and their relations (as edges). To allow inference time composition, we employ energy-based models (EBMs) to model concepts and relations. We design ZeroC architecture so that it allows a one-to-one mapping between a symbolic graph structure of a concept and its corresponding EBM, which for the first time, allows acquiring new concepts, communicating its graph structure, and applying it to classification and detection tasks (even across domains) at inference time. We introduce algorithms for learning and inference with ZeroC. We evaluate ZeroC on a challenging grid-world dataset which is designed to probe zero-shot concept recognition and acquisition, and demonstrate its capability." 442,Improving Ensemble Distillation With Weight Averaging and Diversifying Perturbation,"Ensembles of deep neural networks have demonstrated superior performance, but their heavy computational cost hinders applying them for resource-limited environments. It motivates distilling knowledge from the ensemble teacher into a smaller student network, and there are two important design choices for this ensemble distillation: 1) how to construct the student network, and 2) what data should be shown during training. In this paper, we propose a weight averaging technique where a student with multiple subnetworks is trained to absorb the functional diversity of ensemble teachers, but then those subnetworks are properly averaged for inference, giving a single student network with no additional inference cost. We also propose a perturbation strategy that seeks inputs from which the diversities of teachers can be better transferred to the student. Combining these two, our method significantly improves upon previous methods on various image classification tasks." 443,Causality-Based Multivariate Time Series Anomaly Detection,"Anomaly detection in multivariate time series plays an important role in monitoring the behaviors of various real-world systems, e.g., IT system operations or manufacturing industry. Previous approaches model the joint distribution without considering the underlying mechanism of multivariate time series, making them complicated and computationally hungry. In this paper, we formulate the anomaly detection problem from a causal perspective and view anomalies as instances that do not follow the regular causal mechanism to generate the multivariate data. We then propose a causality-based anomaly detection approach, which first learns the causal structure from data and then infers whether an instance is an anomaly relative to the local causal mechanism to generate each variable from its direct causes, whose conditional distribution can be directly estimated from data. In light of the modularity property of causal systems, the original problem is divided into a series of separate low-dimensional anomaly detection problems so that where an anomaly happens can be directly identified. We evaluate our approach with both simulated and public datasets as well as a case study on real-world AIOps applications, showing its efficacy, robustness, and practical feasibility." 444,CoVaxNet: An Online-Offline Data Repository for COVID-19 Vaccine Hesitancy Research,"Despite the astonishing success of COVID-19 vaccines against the virus, a substantial proportion of the population is still hesitant to be vaccinated, undermining governmental efforts to control the virus. To address this problem, we need to understand the different factors giving rise to such a behavior, including social media discourses, news media propaganda, government responses, demographic and socioeconomic statuses, and COVID-19 statistics, etc. However, existing datasets fail to cover all these aspects, making it difficult to form a complete picture in inferencing about the problem of vaccine hesitancy. In this paper, we construct a multi-source, multi-modal, and multi-feature online-offline data repository CoVaxNet. We provide descriptive analyses and insights to illustrate critical patterns in CoVaxNet. Moreover, we propose a novel approach for connecting online and offline data so as to facilitate the inference tasks that exploit complementary information sources." 445,Stochastic Bilevel Distributed Optimization over a Network,"Bilevel optimization has been applied to a wide variety of machine learning models. Numerous stochastic bilevel optimization algorithms have been developed in recent years. However, most of them restrict their focus on the single-machine setting so that they are incapable of handling the distributed data. To address this issue, under the setting where all participants compose a network and perform the peer-to-peer communication in this network, we developed two novel distributed stochastic bilevel optimization algorithms based on the gradient tracking communication mechanism and two different gradient estimators. Additionally, we show that they can achieve $O(\frac{1}{\epsilon^{2}(1-\lambda)^2})$ and $O(\frac{1}{\epsilon^{3/2}(1-\lambda)^2})$ convergence rate respectively to obtain the $\epsilon$-accuracy solution, where $1-\lambda$ denotes the spectral gap of the communication network. To our knowledge, this is the first work achieving these theoretical results. Finally, we applied our algorithms to practical machine learning models, and the experimental results confirmed the efficacy of our algorithms." 446,GSCLIP : A Framework for Explaining Distribution Shifts in Natural Language,"Helping end users comprehend the abstract distribution shifts can greatly facilitate AI deployment. Motivated by this, we propose a novel task, dataset explanation. Given two image data sets, dataset explanation aims to automatically point out their dataset-level distribution shifts with natural language. Current techniques for monitoring distribution shifts provide inadequate information to understand datasets with the goal of improving data quality. Therefore, we introduce GSCLIP, a training-free framework to solve the dataset explanation task. In GSCLIP, we propose the selector as the first quantitative evaluation method to identify explanations that are proper to summarize dataset shifts. Furthermore, we leverage this selector to demonstrate the superiority of a generator based on language model generation. Systematic evaluation on natural data shift verifies that GSCLIP, a combined system of a hybrid generator group and an efficient selector is not only easy-to-use but also powerful for dataset explanation at scale." 447,Non-Parametric Inference of Relational Dependence,"Independence testing plays a central role in statistical and causal inference from observational data. Standard independence tests assume that the data samples are independent and identically distributed (i.i.d.) but that assumption is violated in many real-world datasets and applications centered on relational systems. This work examines the problem of estimating independence in data drawn from relational systems by defining sufficient representations for the sets of observations influencing individual instances. Specifically, we define marginal and conditional independence tests for relational data by considering the kernel mean embedding as a flexible aggregation function for relational variables. We propose a consistent, non-parametric, scalable kernel test to operationalize the relational independence test for non-i.i.d. observational data under a set of structural assumptions. We empirically evaluate our proposed method on a variety of synthetic and semi-synthetic networks and demonstrate its effectiveness compared to state-of-the-art kernel-based independence tests." 448,Continuous-Time and Multi-Level Graph Representation Learning for Origin-Destination Demand Prediction,"Traffic demand forecasting by deep neural networks has attracted widespread interest in both academia and industry society. Among them, the pairwise Origin-Destination (OD) demand prediction is a valuable but challenging problem due to several factors: (i) the large number of possible OD pairs, (ii) implicitness of spatial dependence, and (iii) complexity of traffic states. To address the above issues, this paper proposes a Continuous-time and Multi-level dynamic graph representation learning method for Origin-Destination demand prediction (CMOD). Firstly, a continuous-time dynamic graph representation learning framework is constructed, which maintains a dynamic state vector for each traffic node (metro stations or taxi zones). The state vectors keep historical transaction information and are continuously updated according to the most recently happened transactions. Secondly, a multi-level structure learning module is proposed to model the spatial dependency of station-level nodes. It can not only exploit relations between nodes adaptively from data, but also share messages and representations via cluster-level and area-level virtual nodes. Lastly, a cross-level fusion module is designed to integrate multi-level memories and generate comprehensive node representations for the final prediction. Extensive experiments are conducted on two real-world datasets from Beijing Subway and New York Taxi, and the results demonstrate the superiority of our model against the state-of-the-art approaches." 449,Bridging Mean-Field Games and Normalizing Flows with Trajectory Regularization,"Mean-field games (MFGs) are a modeling framework for systems with a large number of interacting agents. They have applications in economics, finance, and game theory. Normalizing flows (NFs) are a family of deep generative models that compute data likelihoods by using an invertible mapping, which is typically parameterized by using neural networks. They are useful for density modeling and data generation. While active research has been conducted on both models, few noted the relationship between the two. In this work, we unravel the connections between MFGs and NFs by contextualizing the training of an NF as solving the MFG. This is achieved by reformulating the MFG problem in terms of agent trajectories and parameterizing a discretization of the resulting MFG with flow architectures. With this connection, we explore two research directions. First, we employ expressive NF architectures to accurately solve high-dimensional MFGs, sidestepping the curse of dimensionality in traditional numerical methods. Compared with other deep learning approaches, our trajectory-based formulation encodes the continuity equation in the neural network, resulting in a better approximation of the population dynamics. Second, we regularize the training of NFs with transport costs and show the effectiveness on controlling the model's Lipschitz bound, resulting in better generalization performance. We demonstrate numerical results through comprehensive experiments on a variety of synthetic and real-life datasets." 450,Towards Federated Long-Tailed Learning,"Data privacy and class imbalance are the norm rather than the exception in many machine learning tasks. Recent attempts have been launched to, on one side, address the problem of learning from pervasive private data, and on the other side, learn from long-tailed data. However, both assumptions might hold in practical applications, while an effective method to simultaneously alleviate both issues is yet under development. In this paper, we focus on learning with long-tailed (LT) data distributions under the context of the popular privacy-preserved federated learning (FL) framework. We characterize three scenarios with different local or global long-tailed data distributions in the FL framework, and highlight the corresponding challenges. The preliminary results under different scenarios reveal that substantial future work are of high necessity to better resolve the characterized federated long-tailed learning tasks." 451,Lookback for Learning to Branch,"The expressive and computationally inexpensive bipartite Graph Neural Networks (GNN) have been shown to be an important component of deep learning based Mixed-Integer Linear Program (MILP) solvers. Recent works have demonstrated the effectiveness of such GNNs in replacing the branching (variable selection) heuristic in branch-and-bound (B&B) solvers. These GNNs are trained, offline and on a collection of MILPs, to imitate a very good but computationally expensive branching heuristic, strong branching. Given that B&B results in a tree of sub-MILPs, we ask (a) whether there are strong dependencies exhibited by the target heuristic among the neighboring nodes of the B&B tree, and (b) if so, whether we can incorporate them in our training procedure. Specifically, we find that with the strong branching heuristic, a child node's best choice was often the parent's second-best choice. We call this the ""lookback"" phenomenon. Surprisingly, the typical branching GNN of Gasse et al. (2019) often misses this simple ""answer"". To imitate the target behavior more closely by incorporating the lookback phenomenon in GNNs, we propose two methods: (a) target smoothing for the standard cross-entropy loss function, and (b) adding a Parent-as-Target (PAT) Lookback regularizer term. Finally, we propose a model selection framework to incorporate harder-to-formulate objectives such as solving time in the final models. Through extensive experimentation on standard benchmark instances, we show that our proposal results in up to 22% decrease in the size of the B&B tree and up to 15% improvement in the solving times." 452,A Validity Perspective on Evaluating the Justified Use of Data-driven Decision-making Algorithms,"This work seeks to center validity considerations in deliberations around whether and how to build data-driven algorithms in high-stakes domains. Toward this end, we translate key concepts from validity theory to predictive algorithms. We describe common challenges in problem formulation and data issues that jeopardize the validity of predictive algorithms. We distill these issues into a series of high-level questions intended to promote and document reflections on the legitimacy of the predictive task and the suitability of the data. This contribution lays the foundation for co-designing a validity protocol, in collaboration with real-world stakeholders, including decision-makers, modelers, and members of potentially impacted communities, to critically evaluate the justifiability of specific designs and uses of data-driven algorithmic systems." 453,Randomized Coordinate Subgradient Method for Nonsmooth Optimization,"Nonsmooth optimization finds wide applications in many engineering fields. In this work, we propose to utilize the {Randomized Coordinate Subgradient Method} (RCS) for solving both nonsmooth convex and nonsmooth nonconvex (nonsmooth weakly convex) optimization problems. At each iteration, RCS randomly selects one block coordinate rather than all the coordinates to update. Motivated by practical applications, we consider the {linearly bounded subgradients assumption} for the objective function, which is much more general than the Lipschitz continuity assumption. Under such a general assumption, we conduct thorough convergence analysis for RCS in both convex and nonconvex cases and establish both expected convergence rate and almost sure asymptotic convergence results. In order to derive these convergence results, we establish a convergence lemma and the relationship between the global metric subregularity properties of a weakly convex function and its Moreau envelope, which are fundamental and of independent interests. Finally, we conduct several experiments to show the possible superiority of RCS over the subgradient method." 454,Semi-Supervised Generative Adversarial Network for Stress Detection Using Partially Labeled Physiological Data,"Physiological measurements involves observing variables that attribute to the normative functioning of human systems and subsystems directly or indirectly. The measurements can be used to detect affective states of a person with aims such as improving human-computer interactions. There are several methods of collecting physiological data, but wearable sensors are a common, non-invasive tool for accurate readings. However, valuable information is hard to extract from the raw physiological data, especially for affective state detection. Machine Learning techniques are used to detect the affective state of a person through labeled physiological data. A clear problem with using labeled data is creating accurate labels. An expert is needed to analyze a form of recording of participants and mark sections with different states such as stress and calm. While expensive, this method delivers a complete dataset with labeled data that can be used in any number of supervised algorithms. An interesting question arises from the expensive labeling: how can we reduce the cost while maintaining high accuracy? Semi-Supervised learning (SSL) is a potential solution to this problem. These algorithms allow for machine learning models to be trained with only a small subset of labeled data (unlike unsupervised which use no labels). They provide a way of avoiding expensive labeling. This paper compares a fully supervised algorithm to a SSL on the public WESAD (Wearable Stress and Affect Detection) Dataset for stress detection. This paper shows that Semi-Supervised algorithms are a viable method for inexpensive affective state detection systems with accurate results." 455,Machine Learning Approaches to Predict Breast Cancer: Bangladesh Perspective,"Nowadays, Breast cancer has risen to become one of the most prominent causes of death in recent years. Among all malignancies, this is the most frequent and the major cause of death for women globally. Manually diagnosing this disease requires a good amount of time and expertise. Breast cancer detection is time-consuming, and the spread of the disease can be reduced by developing machine-based breast cancer predictions. In Machine learning, the system can learn from prior instances and find hard-to-detect patterns from noisy or complicated data sets using various statistical, probabilistic, and optimization approaches. This work compares several machine learning algorithm's classification accuracy, precision, sensitivity, and specificity on a newly collected dataset. In this work Decision tree, Random Forest, Logistic Regression, Naive Bayes, and XGBoost, these five machine learning approaches have been implemented to get the best performance on our dataset. This study focuses on finding the best algorithm that can forecast breast cancer with maximum accuracy in terms of its classes. This work evaluated the quality of each algorithm's data classification in terms of efficiency and effectiveness. And also compared with other published work on this domain. After implementing the model, this study achieved the best model accuracy, 94% on Random Forest and XGBoost." 456,Masked Part-Of-Speech Model: Does Modeling Long Context Help Unsupervised POS-tagging?,"Previous Part-Of-Speech (POS) induction models usually assume certain independence assumptions (e.g., Markov, unidirectional, local dependency) that do not hold in real languages. For example, the subject-verb agreement can be both long-term and bidirectional. To facilitate flexible dependency modeling, we propose a Masked Part-of-Speech Model (MPoSM), inspired by the recent success of Masked Language Models (MLM). MPoSM can model arbitrary tag dependency and perform POS induction through the objective of masked POS reconstruction. We achieve competitive results on both the English Penn WSJ dataset as well as the universal treebank containing 10 diverse languages. Though modeling the long-term dependency should ideally help this task, our ablation study shows mixed trends in different languages. To better understand this phenomenon, we design a novel synthetic experiment that can specifically diagnose the model's ability to learn tag agreement. Surprisingly, we find that even strong baselines fail to solve this problem consistently in a very simplified setting: the agreement between adjacent words. Nonetheless, MPoSM achieves overall better performance. Lastly, we conduct a detailed error analysis to shed light on other remaining challenges. Our code is available at https://github.com/owenzx/MPoSM" 457,Decision Forest Based EMG Signal Classification with Low Volume Dataset Augmented with Random Variance Gaussian Noise,"Electromyography signals can be used as training data by machine learning models to classify various gestures. We seek to produce a model that can classify six different hand gestures with a limited number of samples that generalizes well to a wider audience while comparing the effect of our feature extraction results on model accuracy to other more conventional methods such as the use of AR parameters on a sliding window across the channels of a signal. We appeal to a set of more elementary methods such as the use of random bounds on a signal, but desire to show the power these methods can carry in an online setting where EMG classification is being conducted, as opposed to more complicated methods such as the use of the Fourier Transform. To augment our limited training data, we used a standard technique, known as jitter, where random noise is added to each observation in a channel wise manner. Once all datasets were produced using the above methods, we performed a grid search with Random Forest and XGBoost to ultimately create a high accuracy model. For human computer interface purposes, high accuracy classification of EMG signals is of particular importance to their functioning and given the difficulty and cost of amassing any sort of biomedical data in a high volume, it is valuable to have techniques that can work with a low amount of high-quality samples with less expensive feature extraction methods that can reliably be carried out in an online application." 458,Variational Inference for Additive Main and Multiplicative Interaction Effects Models,"In plant breeding the presence of a genotype by environment (GxE) interaction has a strong impact on cultivation decision making and the introduction of new crop cultivars. The combination of linear and bilinear terms has been shown to be very useful in modelling this type of data. A widely-used approach to identify GxE is the Additive Main Effects and Multiplicative Interaction Effects (AMMI) model. However, as data frequently can be high-dimensional, Markov chain Monte Carlo (MCMC) approaches can be computationally infeasible. In this article, we consider a variational inference approach for such a model. We derive variational approximations for estimating the parameters and we compare the approximations to MCMC using both simulated and real data. The new inferential framework we propose is on average two times faster whilst maintaining the same predictive performance as MCMC." 459,Manifold Interpolating Optimal-Transport Flows for Trajectory Inference,"Here, we present a method called Manifold Interpolating Optimal-Transport Flow (MIOFlow) that learns stochastic, continuous population dynamics from static snapshot samples taken at sporadic timepoints. MIOFlow combines dynamic models, manifold learning, and optimal transport by training neural ordinary differential equations (Neural ODE) to interpolate between static population snapshots as penalized by optimal transport with manifold ground distance. Further, we ensure that the flow follows the geometry by operating in the latent space of an autoencoder that we call a geodesic autoencoder (GAE). In GAE the latent space distance between points is regularized to match a novel multiscale geodesic distance on the data manifold that we define. We show that this method is superior to normalizing flows, Schr\""odinger bridges and other generative models that are designed to flow from noise to data in terms of interpolating between populations. Theoretically, we link these trajectories with dynamic optimal transport. We evaluate our method on simulated data with bifurcations and merges, as well as scRNA-seq data from embryoid body differentiation, and acute myeloid leukemia treatment." 460,AFAFed -- Protocol analysis,"In this paper, we design, analyze the convergence properties and address the implementation aspects of AFAFed. This is a novel Asynchronous Fair Adaptive Federated learning framework for stream-oriented IoT application environments, which are featured by time-varying operating conditions, heterogeneous resource-limited devices (i.e., coworkers), non-i.i.d. local training data and unreliable communication links. The key new of AFAFed is the synergic co-design of: (i) two sets of adaptively tuned tolerance thresholds and fairness coefficients at the coworkers and central server, respectively; and, (ii) a distributed adaptive mechanism, which allows each coworker to adaptively tune own communication rate. The convergence properties of AFAFed under (possibly) non-convex loss functions is guaranteed by a set of new analytical bounds, which formally unveil the impact on the resulting AFAFed convergence rate of a number of Federated Learning (FL) parameters, like, first and second moments of the per-coworker number of consecutive model updates, data skewness, communication packet-loss probability, and maximum/minimum values of the (adaptively tuned) mixing coefficient used for model aggregation." 461,ComDensE : Combined Dense Embedding of Relation-aware and Common Features for Knowledge Graph Completion,"Real-world knowledge graphs (KG) are mostly incomplete. The problem of recovering missing relations, called KG completion, has recently become an active research area. Knowledge graph (KG) embedding, a low-dimensional representation of entities and relations, is the crucial technique for KG completion. Convolutional neural networks in models such as ConvE, SACN, InteractE, and RGCN achieve recent successes. This paper takes a different architectural view and proposes ComDensE which combines relation-aware and common features using dense neural networks. In the relation-aware feature extraction, we attempt to create relational inductive bias by applying an encoding function specific to each relation. In the common feature extraction, we apply the common encoding function to all input embeddings. These encoding functions are implemented using dense layers in ComDensE. ComDensE achieves the state-of-the-art performance in the link prediction in terms of MRR, HIT@1 on FB15k-237 and HIT@1 on WN18RR compared to the previous baseline approaches. We conduct an extensive ablation study to examine the effects of the relation-aware layer and the common layer of the ComDensE. Experimental results illustrate that the combined dense architecture as implemented in ComDensE achieves the best performance." 462,On Non-Random Missing Labels in Semi-Supervised Learning,"Semi-Supervised Learning (SSL) is fundamentally a missing label problem, in which the label Missing Not At Random (MNAR) problem is more realistic and challenging, compared to the widely-adopted yet naive Missing Completely At Random assumption where both labeled and unlabeled data share the same class distribution. Different from existing SSL solutions that overlook the role of ""class"" in causing the non-randomness, e.g., users are more likely to label popular classes, we explicitly incorporate ""class"" into SSL. Our method is three-fold: 1) We propose Class-Aware Propensity (CAP) that exploits the unlabeled data to train an improved classifier using the biased labeled data. 2) To encourage rare class training, whose model is low-recall but high-precision that discards too many pseudo-labeled data, we propose Class-Aware Imputation (CAI) that dynamically decreases (or increases) the pseudo-label assignment threshold for rare (or frequent) classes. 3) Overall, we integrate CAP and CAI into a Class-Aware Doubly Robust (CADR) estimator for training an unbiased SSL model. Under various MNAR settings and ablations, our method not only significantly outperforms existing baselines but also surpasses other label bias removal SSL methods. Please check our code at: https://github.com/JoyHuYY1412/CADR-FixMatch." 463,Towards out of distribution generalization for problems in mechanics,"There has been a massive increase in research interest towards applying data driven methods to problems in mechanics. While traditional machine learning (ML) methods have enabled many breakthroughs, they rely on the assumption that the training (observed) data and testing (unseen) data are independent and identically distributed (i.i.d). Thus, traditional ML approaches often break down when applied to real world mechanics problems with unknown test environments and data distribution shifts. In contrast, out-of-distribution (OOD) generalization assumes that the test data may shift (i.e., violate the i.i.d. assumption). To date, multiple methods have been proposed to improve the OOD generalization of ML methods. However, because of the lack of benchmark datasets for OOD regression problems, the efficiency of these OOD methods on regression problems, which dominate the mechanics field, remains unknown. To address this, we investigate the performance of OOD generalization methods for regression problems in mechanics. Specifically, we identify three OOD problems: covariate shift, mechanism shift, and sampling bias. For each problem, we create two benchmark examples that extend the Mechanical MNIST dataset collection, and we investigate the performance of popular OOD generalization methods on these mechanics-specific regression problems. Our numerical experiments show that in most cases, while the OOD generalization algorithms perform better compared to traditional ML methods on these OOD problems, there is a compelling need to develop more robust OOD generalization methods that are effective across multiple OOD scenarios. Overall, we expect that this study, as well as the associated open access benchmark datasets, will enable further development of OOD generalization methods for mechanics specific regression problems." 464,Best of Both Worlds Model Selection,"We study the problem of model selection in bandit scenarios in the presence of nested policy classes, with the goal of obtaining simultaneous adversarial and stochastic (""best of both worlds"") high-probability regret guarantees. Our approach requires that each base learner comes with a candidate regret bound that may or may not hold, while our meta algorithm plays each base learner according to a schedule that keeps the base learner's candidate regret bounds balanced until they are detected to violate their guarantees. We develop careful mis-specification tests specifically designed to blend the above model selection criterion with the ability to leverage the (potentially benign) nature of the environment. We recover the model selection guarantees of the CORRAL algorithm for adversarial environments, but with the additional benefit of achieving high probability regret bounds, specifically in the case of nested adversarial linear bandits. More importantly, our model selection results also hold simultaneously in stochastic environments under gap assumptions. These are the first theoretical results that achieve best of both world (stochastic and adversarial) guarantees while performing model selection in (linear) bandit scenarios." 465,A Best-of-Both-Worlds Algorithm for Bandits with Delayed Feedback,"We present a modified tuning of the algorithm of Zimmert and Seldin [2020] for adversarial multiarmed bandits with delayed feedback, which in addition to the minimax optimal adversarial regret guarantee shown by Zimmert and Seldin simultaneously achieves a near-optimal regret guarantee in the stochastic setting with fixed delays. Specifically, the adversarial regret guarantee is $\mathcal{O}(\sqrt{TK} + \sqrt{dT\log K})$, where $T$ is the time horizon, $K$ is the number of arms, and $d$ is the fixed delay, whereas the stochastic regret guarantee is $\mathcal{O}\left(\sum_{i \neq i^*}(\frac{1}{\Delta_i} \log(T) + \frac{d}{\Delta_{i}\log K}) + d K^{1/3}\log K\right)$, where $\Delta_i$ are the suboptimality gaps. We also present an extension of the algorithm to the case of arbitrary delays, which is based on an oracle knowledge of the maximal delay $d_{max}$ and achieves $\mathcal{O}(\sqrt{TK} + \sqrt{D\log K} + d_{max}K^{1/3} \log K)$ regret in the adversarial regime, where $D$ is the total delay, and $\mathcal{O}\left(\sum_{i \neq i^*}(\frac{1}{\Delta_i} \log(T) + \frac{\sigma_{max}}{\Delta_{i}\log K}) + d_{max}K^{1/3}\log K\right)$ regret in the stochastic regime, where $\sigma_{max}$ is the maximal number of outstanding observations. Finally, we present a lower bound that matches regret upper bound achieved by the skipping technique of Zimmert and Seldin [2020] in the adversarial setting." 466,Discrete Langevin Sampler via Wasserstein Gradient Flow,"Recently, a family of locally balanced (LB) samplers has demonstrated excellent performance at sampling and learning energy-based models (EBMs) in discrete spaces. However, the theoretical understanding of this success is limited. In this work, we show how LB functions give rise to LB dynamics corresponding to Wasserstein gradient flow in a discrete space. From first principles, previous LB samplers can then be seen as discretizations of the LB dynamics with respect to Hamming distance. Based on this observation, we propose a new algorithm, the Locally Balanced Jump (LBJ), by discretizing the LB dynamics with respect to simulation time. As a result, LBJ has a location-dependent ""velocity"" that allows it to make proposals with larger distances. Additionally, LBJ decouples each dimension into independent sub-processes, enabling convenient parallel implementation. We demonstrate the advantages of LBJ for sampling and learning in various binary and categorical distributions." 467,Semantic Unfolding of StyleGAN Latent Space,"Generative adversarial networks (GANs) have proven to be surprisingly efficient for image editing by inverting and manipulating the latent code corresponding to an input real image. This editing property emerges from the disentangled nature of the latent space. In this paper, we identify that the facial attribute disentanglement is not optimal, thus facial editing relying on linear attribute separation is flawed. We thus propose to improve semantic disentanglement with supervision. Our method consists in learning a proxy latent representation using normalizing flows, and we show that this leads to a more efficient space for face image editing." 468,LIDL: Local Intrinsic Dimension Estimation Using Approximate Likelihood,"Most of the existing methods for estimating the local intrinsic dimension of a data distribution do not scale well to high-dimensional data. Many of them rely on a non-parametric nearest neighbors approach which suffers from the curse of dimensionality. We attempt to address that challenge by proposing a novel approach to the problem: Local Intrinsic Dimension estimation using approximate Likelihood (LIDL). Our method relies on an arbitrary density estimation method as its subroutine and hence tries to sidestep the dimensionality challenge by making use of the recent progress in parametric neural methods for likelihood estimation. We carefully investigate the empirical properties of the proposed method, compare them with our theoretical predictions, and show that LIDL yields competitive results on the standard benchmarks for this problem and that it scales to thousands of dimensions. What is more, we anticipate this approach to improve further with the continuing advances in the density estimation literature." 469,Continual Learning for Human State Monitoring,"Continual Learning (CL) on time series data represents a promising but under-studied avenue for real-world applications. We propose two new CL benchmarks for Human State Monitoring. We carefully designed the benchmarks to mirror real-world environments in which new subjects are continuously added. We conducted an empirical evaluation to assess the ability of popular CL strategies to mitigate forgetting in our benchmarks. Our results show that, possibly due to the domain-incremental properties of our benchmarks, forgetting can be easily tackled even with a simple finetuning and that existing strategies struggle in accumulating knowledge over a fixed, held-out, test subject." 470,Teach me how to Interpolate a Myriad of Embeddings,"Mixup refers to interpolation-based data augmentation, originally motivated as a way to go beyond empirical risk minimization (ERM). Yet, its extensions focus on the definition of interpolation and the space where it takes place, while the augmentation itself is less studied: For a mini-batch of size $m$, most methods interpolate between $m$ pairs with a single scalar interpolation factor $\lambda$. In this work, we make progress in this direction by introducing MultiMix, which interpolates an arbitrary number $n$ of tuples, each of length $m$, with one vector $\lambda$ per tuple. On sequence data, we further extend to dense interpolation and loss computation over all spatial positions. Overall, we increase the number of tuples per mini-batch by orders of magnitude at little additional cost. This is possible by interpolating at the very last layer before the classifier. Finally, to address inconsistencies due to linear target interpolation, we introduce a self-distillation approach to generate and interpolate synthetic targets. We empirically show that our contributions result in significant improvement over state-of-the-art mixup methods on four benchmarks. By analyzing the embedding space, we observe that the classes are more tightly clustered and uniformly spread over the embedding space, thereby explaining the improved behavior." 471,Momentum Diminishes the Effect of Spectral Bias in Physics-Informed Neural Networks,"Physics-informed neural network (PINN) algorithms have shown promising results in solving a wide range of problems involving partial differential equations (PDEs). However, they often fail to converge to desirable solutions when the target function contains high-frequency features, due to a phenomenon known as spectral bias. In the present work, we exploit neural tangent kernels (NTKs) to investigate the training dynamics of PINNs evolving under stochastic gradient descent with momentum (SGDM). This demonstrates SGDM significantly reduces the effect of spectral bias. We have also examined why training a model via the Adam optimizer can accelerate the convergence while reducing the spectral bias. Moreover, our numerical experiments have confirmed that wide-enough networks using SGDM still converge to desirable solutions, even in the presence of high-frequency features. In fact, we show that the width of a network plays a critical role in convergence." 472,Solving Quantitative Reasoning Problems with Language Models,"Language models have achieved remarkable performance on a wide range of tasks that require natural language understanding. Nevertheless, state-of-the-art models have generally struggled with tasks that require quantitative reasoning, such as solving mathematics, science, and engineering problems at the college level. To help close this gap, we introduce Minerva, a large language model pretrained on general natural language data and further trained on technical content. The model achieves state-of-the-art performance on technical benchmarks without the use of external tools. We also evaluate our model on over two hundred undergraduate-level problems in physics, biology, chemistry, economics, and other sciences that require quantitative reasoning, and find that the model can correctly answer nearly a third of them." 473,Fairness via In-Processing in the Over-parameterized Regime: A Cautionary Tale,"The success of DNNs is driven by the counter-intuitive ability of over-parameterized networks to generalize, even when they perfectly fit the training data. In practice, test error often continues to decrease with increasing over-parameterization, referred to as double descent. This allows practitioners to instantiate large models without having to worry about over-fitting. Despite its benefits, however, prior work has shown that over-parameterization can exacerbate bias against minority subgroups. Several fairness-constrained DNN training methods have been proposed to address this concern. Here, we critically examine MinDiff, a fairness-constrained training procedure implemented within TensorFlow's Responsible AI Toolkit, that aims to achieve Equality of Opportunity. We show that although MinDiff improves fairness for under-parameterized models, it is likely to be ineffective in the over-parameterized regime. This is because an overfit model with zero training loss is trivially group-wise fair on training data, creating an ""illusion of fairness,"" thus turning off the MinDiff optimization (this will apply to any disparity-based measures which care about errors or accuracy. It won't apply to demographic parity). Within specified fairness constraints, under-parameterized MinDiff models can even have lower error compared to their over-parameterized counterparts (despite baseline over-parameterized models having lower error). We further show that MinDiff optimization is very sensitive to choice of batch size in the under-parameterized regime. Thus, fair model training using MinDiff requires time-consuming hyper-parameter searches. Finally, we suggest using previously proposed regularization techniques, viz. L2, early stopping and flooding in conjunction with MinDiff to train fair over-parameterized models." 474,Provably Efficient Reinforcement Learning for Online Adaptive Influence Maximization,"Online influence maximization aims to maximize the influence spread of a content in a social network with unknown network model by selecting a few seed nodes. Recent studies followed a non-adaptive setting, where the seed nodes are selected before the start of the diffusion process and network parameters are updated when the diffusion stops. We consider an adaptive version of content-dependent online influence maximization problem where the seed nodes are sequentially activated based on real-time feedback. In this paper, we formulate the problem as an infinite-horizon discounted MDP under a linear diffusion process and present a model-based reinforcement learning solution. Our algorithm maintains a network model estimate and selects seed users adaptively, exploring the social network while improving the optimal policy optimistically. We establish $\widetilde O(\sqrt{T})$ regret bound for our algorithm. Empirical evaluations on synthetic network demonstrate the efficiency of our algorithm." 475,Causality for Inherently Explainable Transformers: CAT-XPLAIN,"There have been several post-hoc explanation approaches developed to explain pre-trained black-box neural networks. However, there is still a gap in research efforts toward designing neural networks that are inherently explainable. In this paper, we utilize a recently proposed instance-wise post-hoc causal explanation method to make an existing transformer architecture inherently explainable. Once trained, our model provides an explanation in the form of top-$k$ regions in the input space of the given instance contributing to its decision. We evaluate our method on binary classification tasks using three image datasets: MNIST, FMNIST, and CIFAR. Our results demonstrate that compared to the causality-based post-hoc explainer model, our inherently explainable model achieves better explainability results while eliminating the need of training a separate explainer model. Our code is available at https://github.com/mvrl/CAT-XPLAIN." 476,Strong Lensing Source Reconstruction Using Continuous Neural Fields,"From the nature of dark matter to the rate of expansion of our Universe, observations of distant galaxies distorted through strong gravitational lensing have the potential to answer some of the major open questions in astrophysics. Modeling galaxy-galaxy strong lensing observations presents a number of challenges as the exact configuration of both the background source and foreground lens galaxy is unknown. A timely call, prompted by a number of upcoming surveys anticipating high-resolution lensing images, demands methods that can efficiently model lenses at their full complexity. In this work, we introduce a method that uses continuous neural fields to non-parametrically reconstruct the complex morphology of a source galaxy while simultaneously inferring a distribution over foreground lens galaxy configurations. We demonstrate the efficacy of our method through experiments on simulated data targeting high-resolution lensing images similar to those anticipated in near-future astrophysical surveys." 477,Visual Foresight With a Local Dynamics Model,"Model-free policy learning has been shown to be capable of learning manipulation policies which can solve long-time horizon tasks using single-step manipulation primitives. However, training these policies is a time-consuming process requiring large amounts of data. We propose the Local Dynamics Model (LDM) which efficiently learns the state-transition function for these manipulation primitives. By combining the LDM with model-free policy learning, we can learn policies which can solve complex manipulation tasks using one-step lookahead planning. We show that the LDM is both more sample-efficient and outperforms other model architectures. When combined with planning, we can outperform other model-based and model-free policies on several challenging manipulation tasks in simulation." 478,Meta-Learning over Time for Destination Prediction Tasks,"A need to understand and predict vehicles' behavior underlies both public and private goals in the transportation domain, including urban planning and management, ride-sharing services, and intelligent transportation systems. Individuals' preferences and intended destinations vary throughout the day, week, and year: for example, bars are most popular in the evenings, and beaches are most popular in the summer. Despite this principle, we note that recent studies on a popular benchmark dataset from Porto, Portugal have found, at best, only marginal improvements in predictive performance from incorporating temporal information. We propose an approach based on hypernetworks, a variant of meta-learning (""learning to learn"") in which a neural network learns to change its own weights in response to an input. In our case, the weights responsible for destination prediction vary with the metadata, in particular the time, of the input trajectory. The time-conditioned weights notably improve the model's error relative to ablation studies and comparable prior work, and we confirm our hypothesis that knowledge of time should improve prediction of a vehicle's intended destination." 479,Understanding Generalization via Leave-One-Out Conditional Mutual Information,"We study the mutual information between (certain summaries of) the output of a learning algorithm and its $n$ training data, conditional on a supersample of $n+1$ i.i.d. data from which the training data is chosen at random without replacement. These leave-one-out variants of the conditional mutual information (CMI) of an algorithm (Steinke and Zakynthinou, 2020) are also seen to control the mean generalization error of learning algorithms with bounded loss functions. For learning algorithms achieving zero empirical risk under 0-1 loss (i.e., interpolating algorithms), we provide an explicit connection between leave-one-out CMI and the classical leave-one-out error estimate of the risk. Using this connection, we obtain upper and lower bounds on risk in terms of the (evaluated) leave-one-out CMI. When the limiting risk is constant or decays polynomially, the bounds converge to within a constant factor of two. As an application, we analyze the population risk of the one-inclusion graph algorithm, a general-purpose transductive learning algorithm for VC classes in the realizable setting. Using leave-one-out CMI, we match the optimal bound for learning VC classes in the realizable setting, answering an open challenge raised by Steinke and Zakynthinou (2020). Finally, in order to understand the role of leave-one-out CMI in studying generalization, we place leave-one-out CMI in a hierarchy of measures, with a novel unconditional mutual information at the root. For 0-1 loss and interpolating learning algorithms, this mutual information is observed to be precisely the risk." 480,Generalized Permutants and Graph GENEOs,"In this paper we establish a bridge between Topological Data Analysis and Geometric Deep Learning, adapting the topological theory of group equivariant non-expansive operators (GENEOs) to act on the space of all graphs weighted on vertices or edges. This is done by showing how the general concept of GENEO can be used to transform graphs and to give information about their structure. This requires the introduction of the new concepts of generalized permutant and generalized permutant measure and the mathematical proof that these concepts allow us to build GENEOs between graphs. An experimental section concludes the paper, illustrating the possible use of our operators to extract information from graphs. This paper is part of a line of research devoted to developing a compositional and geometric theory of GENEOs for Geometric Deep Learning." 481,3D-Aware Video Generation,"Generative models have emerged as an essential building block for many image synthesis and editing tasks. Recent advances in this field have also enabled high-quality 3D or video content to be generated that exhibits either multi-view or temporal consistency. With our work, we explore 4D generative adversarial networks (GANs) that learn unconditional generation of 3D-aware videos. By combining neural implicit representations with time-aware discriminator, we develop a GAN framework that synthesizes 3D video supervised only with monocular videos. We show that our method learns a rich embedding of decomposable 3D structures and motions that enables new visual effects of spatio-temporal renderings while producing imagery with quality comparable to that of existing 3D or video GANs." 482,On the Robustness of Dialogue History Representation in Conversational Question Answering: A Comprehensive Study and a New Prompt-based Method,"Most works on modeling the conversation history in Conversational Question Answering (CQA) report a single main result on a common CQA benchmark. While existing models show impressive results on CQA leaderboards, it remains unclear whether they are robust to shifts in setting (sometimes to more realistic ones), training data size (e.g. from large to small sets) and domain. In this work, we design and conduct the first large-scale robustness study of history modeling approaches for CQA. We find that high benchmark scores do not necessarily translate to strong robustness, and that various methods can perform extremely differently under different settings. Equipped with the insights from our study, we design a novel prompt-based history modeling approach, and demonstrate its strong robustness across various settings. Our approach is inspired by existing methods that highlight historic answers in the passage. However, instead of highlighting by modifying the passage token embeddings, we add textual prompts directly in the passage text. Our approach is simple, easy-to-plug into practically any model, and highly effective, thus we recommend it as a starting point for future model developers. We also hope that our study and insights will raise awareness to the importance of robustness-focused evaluation, in addition to obtaining high leaderboard scores, leading to better CQA systems." 483,ENS-10: A Dataset For Post-Processing Ensemble Weather Forecast,"Post-processing ensemble prediction systems can improve weather forecasting, especially for extreme event prediction. In recent years, different machine learning models have been developed to improve the quality of the post-processing step. However, these models heavily rely on the data and generating such ensemble members requires multiple runs of numerical weather prediction models, at high computational cost. This paper introduces the ENS-10 dataset, consisting of ten ensemble members spread over 20 years (1998-2017). The ensemble members are generated by perturbing numerical weather simulations to capture the chaotic behavior of the Earth. To represent the three-dimensional state of the atmosphere, ENS-10 provides the most relevant atmospheric variables in 11 distinct pressure levels as well as the surface at 0.5-degree resolution. The dataset targets the prediction correction task at 48-hour lead time, which is essentially improving the forecast quality by removing the biases of the ensemble members. To this end, ENS-10 provides the weather variables for forecast lead times T=0, 24, and 48 hours (two data points per week). We provide a set of baselines for this task on ENS-10 and compare their performance in correcting the prediction of different weather variables. We also assess our baselines for predicting extreme events using our dataset. The ENS-10 dataset is available under the Creative Commons Attribution 4.0 International (CC BY 4.0) licence." 484,IBP Regularization for Verified Adversarial Robustness via Branch-and-Bound,"Recent works have tried to increase the verifiability of adversarially trained networks by running the attacks over domains larger than the original perturbations and adding various regularization terms to the objective. However, these algorithms either underperform or require complex and expensive stage-wise training procedures, hindering their practical applicability. We present IBP-R, a novel verified training algorithm that is both simple and effective. IBP-R induces network verifiability by coupling adversarial attacks on enlarged domains with a regularization term, based on inexpensive interval bound propagation, that minimizes the gap between the non-convex verification problem and its approximations. By leveraging recent branch-and-bound frameworks, we show that IBP-R obtains state-of-the-art verified robustness-accuracy trade-offs for small perturbations on CIFAR-10 while training significantly faster than relevant previous work. Additionally, we present UPB, a novel branching strategy that, relying on a simple heuristic based on $\beta$-CROWN, reduces the cost of state-of-the-art branching algorithms while yielding splits of comparable quality." 485,Distilling Model Failures as Directions in Latent Space,"Existing methods for isolating hard subpopulations and spurious correlations in datasets often require human intervention. This can make these methods labor-intensive and dataset-specific. To address these shortcomings, we present a scalable method for automatically distilling a model's failure modes. Specifically, we harness linear classifiers to identify consistent error patterns, and, in turn, induce a natural representation of these failure modes as directions within the feature space. We demonstrate that this framework allows us to discover and automatically caption challenging subpopulations within the training dataset, and intervene to improve the model's performance on these subpopulations. Code available at https://github.com/MadryLab/failure-directions" 486,An Auto-Regressive Formulation for Smoothing and Moving Mean with Exponentially Tapered Windows,"We investigate an auto-regressive formulation for the problem of smoothing time-series by manipulating the inherent objective function of the traditional moving mean smoothers. Not only the auto-regressive smoothers enforce a higher degree of smoothing, they are just as efficient as the traditional moving means and can be optimized accordingly with respect to the input dataset. Interestingly, the auto-regressive models result in moving means with exponentially tapered windows." 487,Modeling Teams Performance Using Deep Representational Learning on Graphs,"The large majority of human activities require collaborations within and across formal or informal teams. Our understanding of how the collaborative efforts spent by teams relate to their performance is still a matter of debate. Teamwork results in a highly interconnected ecosystem of potentially overlapping components where tasks are performed in interaction with team members and across other teams. To tackle this problem, we propose a graph neural network model designed to predict a team's performance while identifying the drivers that determine such an outcome. In particular, the model is based on three architectural channels: topological, centrality, and contextual which capture different factors potentially shaping teams' success. We endow the model with two attention mechanisms to boost model performance and allow interpretability. A first mechanism allows pinpointing key members inside the team. A second mechanism allows us to quantify the contributions of the three driver effects in determining the outcome performance. We test model performance on a wide range of domains outperforming most of the classical and neural baselines considered. Moreover, we include synthetic datasets specifically designed to validate how the model disentangles the intended properties on which our model vastly outperforms baselines." 488,Private Graph Extraction via Feature Explanations,"Privacy and interpretability are two of the important ingredients for achieving trustworthy machine learning. We study the interplay of these two aspects in graph machine learning through graph reconstruction attacks. The goal of the adversary here is to reconstruct the graph structure of the training data given access to model explanations. Based on the different kinds of auxiliary information available to the adversary, we propose several graph reconstruction attacks. We show that additional knowledge of post-hoc feature explanations substantially increases the success rate of these attacks. Further, we investigate in detail the differences between attack performance with respect to three different classes of explanation methods for graph neural networks: gradient-based, perturbation-based, and surrogate model-based methods. While gradient-based explanations reveal the most in terms of the graph structure, we find that these explanations do not always score high in utility. For the other two classes of explanations, privacy leakage increases with an increase in explanation utility. Finally, we propose a defense based on a randomized response mechanism for releasing the explanations which substantially reduces the attack success rate. Our anonymized code is available." 489,DrumGAN VST: A Plugin for Drum Sound Analysis/Synthesis With Autoencoding Generative Adversarial Networks,"In contemporary popular music production, drum sound design is commonly performed by cumbersome browsing and processing of pre-recorded samples in sound libraries. One can also use specialized synthesis hardware, typically controlled through low-level, musically meaningless parameters. Today, the field of Deep Learning offers methods to control the synthesis process via learned high-level features and allows generating a wide variety of sounds. In this paper, we present DrumGAN VST, a plugin for synthesizing drum sounds using a Generative Adversarial Network. DrumGAN VST operates on 44.1 kHz sample-rate audio, offers independent and continuous instrument class controls, and features an encoding neural network that maps sounds into the GAN's latent space, enabling resynthesis and manipulation of pre-existing drum sounds. We provide numerous sound examples and a demo of the proposed VST plugin." 490,Trial2Vec: Zero-Shot Clinical Trial Document Similarity Search using Self-Supervision,"Clinical trials are essential for drug development but are extremely expensive and time-consuming to conduct. It is beneficial to study similar historical trials when designing a clinical trial. However, lengthy trial documents and lack of labeled data make trial similarity search difficult. We propose a zero-shot clinical trial retrieval method, Trial2Vec, which learns through self-supervision without annotating similar clinical trials. Specifically, the meta-structure of trial documents (e.g., title, eligibility criteria, target disease) along with clinical knowledge (e.g., UMLS knowledge base https://www.nlm.nih.gov/research/umls/index.html) are leveraged to automatically generate contrastive samples. Besides, Trial2Vec encodes trial documents considering meta-structure thus producing compact embeddings aggregating multi-aspect information from the whole document. We show that our method yields medically interpretable embeddings by visualization and it gets a 15% average improvement over the best baselines on precision/recall for trial retrieval, which is evaluated on our labeled 1600 trial pairs. In addition, we prove the pre-trained embeddings benefit the downstream trial outcome prediction task over 240k trials." 491,An extensible Benchmarking Graph-Mesh dataset for studying Steady-State Incompressible Navier-Stokes Equations,"Recent progress in \emph{Geometric Deep Learning} (GDL) has shown its potential to provide powerful data-driven models. This gives momentum to explore new methods for learning physical systems governed by \emph{Partial Differential Equations} (PDEs) from Graph-Mesh data. However, despite the efforts and recent achievements, several research directions remain unexplored and progress is still far from satisfying the physical requirements of real-world phenomena. One of the major impediments is the absence of benchmarking datasets and common physics evaluation protocols. In this paper, we propose a 2-D graph-mesh dataset to study the airflow over airfoils at high Reynolds regime (from $10^6$ and beyond). We also introduce metrics on the stress forces over the airfoil in order to evaluate GDL models on important physical quantities. Moreover, we provide extensive GDL baselines." 492,An Embedding Framework for the Design and Analysis of Consistent Polyhedral Surrogates,"We formalize and study the natural approach of designing convex surrogate loss functions via embeddings, for problems such as classification, ranking, or structured prediction. In this approach, one embeds each of the finitely many predictions (e.g. rankings) as a point in $R^d$, assigns the original loss values to these points, and ""convexifies"" the loss in some way to obtain a surrogate. We establish a strong connection between this approach and polyhedral (piecewise-linear convex) surrogate losses: every discrete loss is embedded by some polyhedral loss, and every polyhedral loss embeds some discrete loss. Moreover, an embedding gives rise to a consistent link function as well as linear surrogate regret bounds. Our results are constructive, as we illustrate with several examples. In particular, our framework gives succinct proofs of consistency or inconsistency for various polyhedral surrogates in the literature, and for inconsistent surrogates, it further reveals the discrete losses for which these surrogates are consistent. We go on to show additional structure of embeddings, such as the equivalence of embedding and matching Bayes risks, and the equivalence of various notions of non-redudancy. Using these results, we establish that indirect elicitation, a necessary condition for consistency, is also sufficient when working with polyhedral surrogates." 493,Hidden Parameter Recurrent State Space Models For Changing Dynamics Scenarios,"Recurrent State-space models (RSSMs) are highly expressive models for learning patterns in time series data and system identification. However, these models assume that the dynamics are fixed and unchanging, which is rarely the case in real-world scenarios. Many control applications often exhibit tasks with similar but not identical dynamics which can be modeled as a latent variable. We introduce the Hidden Parameter Recurrent State Space Models (HiP-RSSMs), a framework that parametrizes a family of related dynamical systems with a low-dimensional set of latent factors. We present a simple and effective way of learning and performing inference over this Gaussian graphical model that avoids approximations like variational inference. We show that HiP-RSSMs outperforms RSSMs and competing multi-task models on several challenging robotic benchmarks both on real-world systems and simulations." 494,Multi-scale Physical Representations for Approximating PDE Solutions with Graph Neural Operators,"Representing physical signals at different scales is among the most challenging problems in engineering. Several multi-scale modeling tools have been developed to describe physical systems governed by \emph{Partial Differential Equations} (PDEs). These tools are at the crossroad of principled physical models and numerical schema. Recently, data-driven models have been introduced to speed-up the approximation of PDE solutions compared to numerical solvers. Among these recent data-driven methods, neural integral operators are a class that learn a mapping between function spaces. These functions are discretized on graphs (meshes) which are appropriate for modeling interactions in physical phenomena. In this work, we study three multi-resolution schema with integral kernel operators that can be approximated with \emph{Message Passing Graph Neural Networks} (MPGNNs). To validate our study, we make extensive MPGNNs experiments with well-chosen metrics considering steady and unsteady PDEs." 495,Computer-aided diagnosis and prediction in brain disorders,"Computer-aided methods have shown added value for diagnosing and predicting brain disorders and can thus support decision making in clinical care and treatment planning. This chapter will provide insight into the type of methods, their working, their input data - such as cognitive tests, imaging and genetic data - and the types of output they provide. We will focus on specific use cases for diagnosis, i.e. estimating the current 'condition' of the patient, such as early detection and diagnosis of dementia, differential diagnosis of brain tumours, and decision making in stroke. Regarding prediction, i.e. estimation of the future 'condition' of the patient, we will zoom in on use cases such as predicting the disease course in multiple sclerosis and predicting patient outcomes after treatment in brain cancer. Furthermore, based on these use cases, we will assess the current state-of-the-art methodology and highlight current efforts on benchmarking of these methods and the importance of open science therein. Finally, we assess the current clinical impact of computer-aided methods and discuss the required next steps to increase clinical impact." 496,BiometryNet: Landmark-based Fetal Biometry Estimation from Standard Ultrasound Planes,"Fetal growth assessment from ultrasound is based on a few biometric measurements that are performed manually and assessed relative to the expected gestational age. Reliable biometry estimation depends on the precise detection of landmarks in standard ultrasound planes. Manual annotation can be time-consuming and operator dependent task, and may results in high measurements variability. Existing methods for automatic fetal biometry rely on initial automatic fetal structure segmentation followed by geometric landmark detection. However, segmentation annotations are time-consuming and may be inaccurate, and landmark detection requires developing measurement-specific geometric methods. This paper describes BiometryNet, an end-to-end landmark regression framework for fetal biometry estimation that overcomes these limitations. It includes a novel Dynamic Orientation Determination (DOD) method for enforcing measurement-specific orientation consistency during network training. DOD reduces variabilities in network training, increases landmark localization accuracy, thus yields accurate and robust biometric measurements. To validate our method, we assembled a dataset of 3,398 ultrasound images from 1,829 subjects acquired in three clinical sites with seven different ultrasound devices. Comparison and cross-validation of three different biometric measurements on two independent datasets shows that BiometryNet is robust and yields accurate measurements whose errors are lower than the clinically permissible errors, outperforming other existing automated biometry estimation methods. Code is available at https://github.com/netanellavisdris/fetalbiometry." 497,Signature Methods in Machine Learning,"Signature-based techniques give mathematical insight into the interactions between complex streams of evolving data. These insights can be quite naturally translated into numerical approaches to understanding streamed data, and perhaps because of their mathematical precision, have proved useful in analysing streamed data in situations where the data is irregular, and not stationary, and the dimension of the data and the sample sizes are both moderate. Understanding streamed multi-modal data is exponential: a word in $n$ letters from an alphabet of size $d$ can be any one of $d^n$ messages. Signatures remove the exponential amount of noise that arises from sampling irregularity, but an exponential amount of information still remain. This survey aims to stay in the domain where that exponential scaling can be managed directly. Scalability issues are an important challenge in many problems but would require another survey article and further ideas. This survey describes a range of contexts where the data sets are small enough to remove the possibility of massive machine learning, and the existence of small sets of context free and principled features can be used effectively. The mathematical nature of the tools can make their use intimidating to non-mathematicians. The examples presented in this article are intended to bridge this communication gap and provide tractable working examples drawn from the machine learning context. Notebooks are available online for several of these examples. This survey builds on the earlier paper of Ilya Chevryev and Andrey Kormilitzin which had broadly similar aims at an earlier point in the development of this machinery. This article illustrates how the theoretical insights offered by signatures are simply realised in the analysis of application data in a way that is largely agnostic to the data type." 498,Ensemble CNN models for Covid-19 Recognition and Severity Perdition From 3D CT-scan,"Since the appearance of Covid-19 in late 2019, Covid-19 has become an active research topic for the artificial intelligence (AI) community. One of the most interesting AI topics is Covid-19 analysis of medical imaging. CT-scan imaging is the most informative tool about this disease. This work is part of the 2nd COV19D competition, where two challenges are set: Covid-19 Detection and Covid-19 Severity Detection from the CT-scans. For Covid-19 detection from CT-scans, we proposed an ensemble of 2D Convolution blocks with Densenet-161 models. Here, each 2D convolutional block with Densenet-161 architecture is trained separately and in testing phase, the ensemble model is based on the average of their probabilities. On the other hand, we proposed an ensemble of Convolutional Layers with Inception models for Covid-19 severity detection. In addition to the Convolutional Layers, three Inception variants were used, namely Inception-v3, Inception-v4 and Inception-Resnet. Our proposed approaches outperformed the baseline approach in the validation data of the 2nd COV19D competition by 11% and 16% for Covid-19 detection and Covid-19 severity detection, respectively." 499,Conditionally Elicitable Dynamic Risk Measures for Deep Reinforcement Learning,"We propose a novel framework to solve risk-sensitive reinforcement learning (RL) problems where the agent optimises time-consistent dynamic spectral risk measures. Based on the notion of conditional elicitability, our methodology constructs (strictly consistent) scoring functions that are used as penalizers in the estimation procedure. Our contribution is threefold: we (i) devise an efficient approach to estimate a class of dynamic spectral risk measures with deep neural networks, (ii) prove that these dynamic spectral risk measures may be approximated to any arbitrary accuracy using deep neural networks, and (iii) develop a risk-sensitive actor-critic algorithm that uses full episodes and does not require any additional nested transitions. We compare our conceptually improved reinforcement learning algorithm with the nested simulation approach and illustrate its performance in two settings: statistical arbitrage and portfolio allocation on both simulated and real data." 500,Online vs. Offline Adaptive Domain Randomization Benchmark,"Physics simulators have shown great promise for conveniently learning reinforcement learning policies in safe, unconstrained environments. However, transferring the acquired knowledge to the real world can be challenging due to the reality gap. To this end, several methods have been recently proposed to automatically tune simulator parameters with posterior distributions given real data, for use with domain randomization at training time. These approaches have been shown to work for various robotic tasks under different settings and assumptions. Nevertheless, existing literature lacks a thorough comparison of existing adaptive domain randomization methods with respect to transfer performance and real-data efficiency. In this work, we present an open benchmark for both offline and online methods (SimOpt, BayRn, DROID, DROPO), to shed light on which are most suitable for each setting and task at hand. We found that online methods are limited by the quality of the currently learned policy for the next iteration, while offline methods may sometimes fail when replaying trajectories in simulation with open-loop commands. The code used will be released at https://github.com/gabrieletiboni/adr-benchmark." 501,Cut Inner Layers: A Structured Pruning Strategy for Efficient U-Net GANs,"Pruning effectively compresses overparameterized models. Despite the success of pruning methods for discriminative models, applying them for generative models has been relatively rarely approached. This study conducts structured pruning on U-Net generators of conditional GANs. A per-layer sensitivity analysis confirms that many unnecessary filters exist in the innermost layers near the bottleneck and can be substantially pruned. Based on this observation, we prune these filters from multiple inner layers or suggest alternative architectures by completely eliminating the layers. We evaluate our approach with Pix2Pix for image-to-image translation and Wav2Lip for speech-driven talking face generation. Our method outperforms global pruning baselines, demonstrating the importance of properly considering where to prune for U-Net generators." 502,DDKtor: Automatic Diadochokinetic Speech Analysis,"Diadochokinetic speech tasks (DDK), in which participants repeatedly produce syllables, are commonly used as part of the assessment of speech motor impairments. These studies rely on manual analyses that are time-intensive, subjective, and provide only a coarse-grained picture of speech. This paper presents two deep neural network models that automatically segment consonants and vowels from unannotated, untranscribed speech. Both models work on the raw waveform and use convolutional layers for feature extraction. The first model is based on an LSTM classifier followed by fully connected layers, while the second model adds more convolutional layers followed by fully connected layers. These segmentations predicted by the models are used to obtain measures of speech rate and sound duration. Results on a young healthy individuals dataset show that our LSTM model outperforms the current state-of-the-art systems and performs comparably to trained human annotators. Moreover, the LSTM model also presents comparable results to trained human annotators when evaluated on unseen older individuals with Parkinson's Disease dataset." 503,From Kernel Methods to Neural Networks: A Unifying Variational Formulation,"The minimization of a data-fidelity term and an additive regularization functional gives rise to a powerful framework for supervised learning. In this paper, we present a unifying regularization functional that depends on an operator and on a generic Radon-domain norm. We establish the existence of a minimizer and give the parametric form of the solution(s) under very mild assumptions. When the norm is Hilbertian, the proposed formulation yields a solution that involves radial-basis functions and is compatible with the classical methods of machine learning. By contrast, for the total-variation norm, the solution takes the form of a two-layer neural network with an activation function that is determined by the regularization operator. In particular, we retrieve the popular ReLU networks by letting the operator be the Laplacian. We also characterize the solution for the intermediate regularization norms $\|\cdot\|=\|\cdot\|_{L_p}$ with $p\in(1,2]$. Our framework offers guarantees of universal approximation for a broad family of regularization operators or, equivalently, for a wide variety of shallow neural networks, including the cases (such as ReLU) where the activation function is increasing polynomially. It also explains the favorable role of bias and skip connections in neural architectures." 504,SALO: An Efficient Spatial Accelerator Enabling Hybrid Sparse Attention Mechanisms for Long Sequences,"The attention mechanisms of transformers effectively extract pertinent information from the input sequence. However, the quadratic complexity of self-attention w.r.t the sequence length incurs heavy computational and memory burdens, especially for tasks with long sequences. Existing accelerators face performance degradation in these tasks. To this end, we propose SALO to enable hybrid sparse attention mechanisms for long sequences. SALO contains a data scheduler to map hybrid sparse attention patterns onto hardware and a spatial accelerator to perform the efficient attention computation. We show that SALO achieves 17.66x and 89.33x speedup on average compared to GPU and CPU implementations, respectively, on typical workloads, i.e., Longformer and ViL." 505,Comparative Study of Inference Methods for Interpolative Decomposition,"In this paper, we propose a probabilistic model with automatic relevance determination (ARD) for learning interpolative decomposition (ID), which is commonly used for low-rank approximation, feature selection, and identifying hidden patterns in data, where the matrix factors are latent variables associated with each data dimension. Prior densities with support on the specified subspace are used to address the constraint for the magnitude of the factored component of the observed matrix. Bayesian inference procedure based on Gibbs sampling is employed. We evaluate the model on a variety of real-world datasets including CCLE $EC50$, CCLE $IC50$, Gene Body Methylation, and Promoter Methylation datasets with different sizes, and dimensions, and show that the proposed Bayesian ID algorithms with automatic relevance determination lead to smaller reconstructive errors even compared to vanilla Bayesian ID algorithms with fixed latent dimension set to matrix rank." 506,Why patient data cannot be easily forgotten?,"Rights provisioned within data protection regulations, permit patients to request that knowledge about their information be eliminated by data holders. With the advent of AI learned on data, one can imagine that such rights can extent to requests for forgetting knowledge of patient's data within AI models. However, forgetting patients' imaging data from AI models, is still an under-explored problem. In this paper, we study the influence of patient data on model performance and formulate two hypotheses for a patient's data: either they are common and similar to other patients or form edge cases, i.e. unique and rare cases. We show that it is not possible to easily forget patient data. We propose a targeted forgetting approach to perform patient-wise forgetting. Extensive experiments on the benchmark Automated Cardiac Diagnosis Challenge dataset showcase the improved performance of the proposed targeted forgetting approach as opposed to a state-of-the-art method." 507,When Does Group Invariant Learning Survive Spurious Correlations?,"By inferring latent groups in the training data, recent works introduce invariant learning to the case where environment annotations are unavailable. Typically, learning group invariance under a majority/minority split is empirically shown to be effective in improving out-of-distribution generalization on many datasets. However, theoretical guarantee for these methods on learning invariant mechanisms is lacking. In this paper, we reveal the insufficiency of existing group invariant learning methods in preventing classifiers from depending on spurious correlations in the training set. Specifically, we propose two criteria on judging such sufficiency. Theoretically and empirically, we show that existing methods can violate both criteria and thus fail in generalizing to spurious correlation shifts. Motivated by this, we design a new group invariant learning method, which constructs groups with statistical independence tests, and reweights samples by group label proportion to meet the criteria. Experiments on both synthetic and real data demonstrate that the new method significantly outperforms existing group invariant learning methods in generalizing to spurious correlation shifts." 508,Revisiting Label Smoothing and Knowledge Distillation Compatibility: What was Missing?,"This work investigates the compatibility between label smoothing (LS) and knowledge distillation (KD). Contemporary findings addressing this thesis statement take dichotomous standpoints: Muller et al. (2019) and Shen et al. (2021b). Critically, there is no effort to understand and resolve these contradictory findings, leaving the primal question -- to smooth or not to smooth a teacher network? -- unanswered. The main contributions of our work are the discovery, analysis and validation of systematic diffusion as the missing concept which is instrumental in understanding and resolving these contradictory findings. This systematic diffusion essentially curtails the benefits of distilling from an LS-trained teacher, thereby rendering KD at increased temperatures ineffective. Our discovery is comprehensively supported by large-scale experiments, analyses and case studies including image classification, neural machine translation and compact student distillation tasks spanning across multiple datasets and teacher-student architectures. Based on our analysis, we suggest practitioners to use an LS-trained teacher with a low-temperature transfer to achieve high performance students. Code and models are available at https://keshik6.github.io/revisiting-ls-kd-compatibility/" 509,Imaging the time series of one single referenced EEG electrode for Epileptic Seizures Risk Analysis,"The time series captured by a single scalp electrode (plus the reference electrode) of refractory epileptic patients is used to forecast seizures susceptibility. The time series is preprocessed, segmented, and each segment transformed into an image, using three different known methods: Recurrence Plot, Gramian Angular Field, Markov Transition Field. The likelihood of the occurrence of a seizure in a future predefined time window is computed by averaging the output of the softmax layer of a CNN, differently from the usual consideration of the output of the classification layer. By thresholding this likelihood, seizure forecasting has better performance. Interestingly, for almost every patient, the best threshold was different from 50%. The results show that this technique can predict with good results for some seizures and patients. However, more tests, namely more patients and more seizures, are needed to better understand the real potential of this technique." 510,Variational Quantum Approximate Support Vector Machine With Inference Transfer,"A kernel-based quantum classifier is the most interesting and powerful quantum machine learning technique for hyperlinear classification of complex data, which can be easily realized in shallow-depth quantum circuits such as a SWAP test classifier. Surprisingly, a support vector machine can be realized inherently and explicitly on these circuits by introduction of a variational scheme to map the quadratic optimization problem of the SVM theory to a quantum-classical variational optimization problem. This scheme is realized with parameterized quantum circuits (PQC) to create a nonuniform weight vector to index qubits that can evaluate training loss and classification score in a linear time. We train the classical parameters of this Variational Quantum Approximate Support Vector Machine (VQASVM), which can be transferred to many copies of other VQASVM decision inference circuits for classification of new query data. Our VQASVM algorithm is experimented with toy example data sets on cloud-based quantum machines for feasibility evaluation, and numerically investigated to evaluate its performance on a standard iris flower data set. The accuracy of iris data classification reached 98.8%." 511,GERNERMED++: Transfer Learning in German Medical NLP,"We present a statistical model for German medical natural language processing trained for named entity recognition (NER) as an open, publicly available model. The work serves as a refined successor to our first GERNERMED model which is substantially outperformed by our work. We demonstrate the effectiveness of combining multiple techniques in order to achieve strong results in entity recognition performance by the means of transfer-learning on pretrained deep language models (LM), word-alignment and neural machine translation. Due to the sparse situation on open, public medical entity recognition models for German texts, this work offers benefits to the German research community on medical NLP as a baseline model. Since our model is based on public English data, its weights are provided without legal restrictions on usage and distribution. The sample code and the statistical model is available at: https://github.com/frankkramer-lab/GERNERMED-pp" 512,RegMixup: Mixup as a Regularizer Can Surprisingly Improve Accuracy and Out Distribution Robustness,"We show that the effectiveness of the well celebrated Mixup [Zhang et al., 2018] can be further improved if instead of using it as the sole learning objective, it is utilized as an additional regularizer to the standard cross-entropy loss. This simple change not only provides much improved accuracy but also significantly improves the quality of the predictive uncertainty estimation of Mixup in most cases under various forms of covariate shifts and out-of-distribution detection experiments. In fact, we observe that Mixup yields much degraded performance on detecting out-of-distribution samples possibly, as we show empirically, because of its tendency to learn models that exhibit high-entropy throughout; making it difficult to differentiate in-distribution samples from out-distribution ones. To show the efficacy of our approach (RegMixup), we provide thorough analyses and experiments on vision datasets (ImageNet & CIFAR-10/100) and compare it with a suite of recent approaches for reliable uncertainty estimation." 513,Auto-Encoder-Extreme Learning Machine Model for Boiler NOx Emission Concentration Prediction,"An automatic encoder (AE) extreme learning machine (ELM)-AE-ELM model is proposed to predict the NOx emission concentration based on the combination of mutual information algorithm (MI), AE, and ELM. First, the importance of practical variables is computed by the MI algorithm, and the mechanism is analyzed to determine the variables related to the NOx emission concentration. Then, the time delay correlations between the selected variables and NOx emission concentration are further analyzed to reconstruct the modeling data. Subsequently, the AE is applied to extract hidden features within the input variables. Finally, an ELM algorithm establishes the relationship between the NOx emission concentration and deep features. The experimental results on practical data indicate that the proposed model shows promising performance compared to state-of-art models." 514,Beyond neural scaling laws: beating power law scaling via data pruning,"Widely observed neural scaling laws, in which error falls off as a power of the training set size, model size, or both, have driven substantial performance improvements in deep learning. However, these improvements through scaling alone require considerable costs in compute and energy. Here we focus on the scaling of error with dataset size and show how both in theory and practice we can break beyond power law scaling and reduce it to exponential scaling instead if we have access to a high-quality data pruning metric that ranks the order in which training examples should be discarded to achieve any pruned dataset size. We then test this new exponential scaling prediction with pruned dataset size empirically, and indeed observe better than power law scaling performance on ResNets trained on CIFAR-10, SVHN, and ImageNet. Given the importance of finding high-quality pruning metrics, we perform the first large-scale benchmarking study of ten different data pruning metrics on ImageNet. We find most existing high performing metrics scale poorly to ImageNet, while the best are computationally intensive and require labels for every image. We therefore developed a new simple, cheap and scalable self-supervised pruning metric that demonstrates comparable performance to the best supervised metrics. Overall, our work suggests that the discovery of good data-pruning metrics may provide a viable path forward to substantially improved neural scaling laws, thereby reducing the resource costs of modern deep learning." 515,Data augmentation for learning predictive models on EEG: a systematic comparison,"The use of deep learning for electroencephalography (EEG) classification tasks has been rapidly growing in the last years, yet its application has been limited by the relatively small size of EEG datasets. Data augmentation, which consists in artificially increasing the size of the dataset during training, has been a key ingredient to obtain state-of-the-art performances across applications such as computer vision or speech. While a few augmentation transformations for EEG data have been proposed in the literature, their positive impact on performance across tasks remains elusive. In this work, we propose a unified and exhaustive analysis of the main existing EEG augmentations, which are compared in a common experimental setting. Our results highlight the best data augmentations to consider for sleep stage classification and motor imagery brain computer interfaces, showing predictive power improvements greater than 10% in some cases." 516,Adversarial Ensemble Training by Jointly Learning Label Dependencies and Member Models,"Training an ensemble of different sub-models has empirically proven to be an effective strategy to improve deep neural networks' adversarial robustness. Current ensemble training methods for image recognition usually encode the image labels by one-hot vectors, which neglect dependency relationships between the labels. Here we propose a novel adversarial ensemble training approach to jointly learn the label dependencies and the member models. Our approach adaptively exploits the learned label dependencies to promote the diversity of the member models. We test our approach on widely used datasets MNIST, FasionMNIST, and CIFAR-10. Results show that our approach is more robust against black-box attacks compared with the state-of-the-art methods. Our code is available at https://github.com/ZJLAB-AMMI/LSD." 517,Can Push-forward Generative Models Fit Multimodal Distributions?,"Many generative models synthesize data by transforming a standard Gaussian random variable using a deterministic neural network. Among these models are the Variational Autoencoders and the Generative Adversarial Networks. In this work, we call them ""push-forward"" models and study their expressivity. We show that the Lipschitz constant of these generative networks has to be large in order to fit multimodal distributions. More precisely, we show that the total variation distance and the Kullback-Leibler divergence between the generated and the data distribution are bounded from below by a constant depending on the mode separation and the Lipschitz constant. Since constraining the Lipschitz constants of neural networks is a common way to stabilize generative models, there is a provable trade-off between the ability of push-forward models to approximate multimodal distributions and the stability of their training. We validate our findings on one-dimensional and image datasets and empirically show that generative models consisting of stacked networks with stochastic input at each step, such as diffusion models do not suffer of such limitations." 518,SPI-GAN: Distilling Score-based Generative Models with Straight-Path Interpolations,"Score-based generative models (SGMs) are a recently proposed paradigm for deep generative tasks and now show the state-of-the-art sampling performance. It is known that the original SGM design solves the two problems of the generative trilemma: i) sampling quality, and ii) sampling diversity. However, the last problem of the trilemma was not solved, i.e., their training/sampling complexity is notoriously high. To this end, distilling SGMs into simpler models, e.g., generative adversarial networks (GANs), is gathering much attention currently. We present an enhanced distillation method, called straight-path interpolation GAN (SPI-GAN), which can be compared to the state-of-the-art shortcut-based distillation method, called denoising diffusion GAN (DD-GAN). However, our method corresponds to an extreme method that does not use any intermediate shortcut information of the reverse SDE path, in which case DD-GAN fails to obtain good results. Nevertheless, our straight-path interpolation method greatly stabilizes the overall training process. As a result, SPI-GAN is one of the best models in terms of the sampling quality/diversity/time for CIFAR-10, CelebA-HQ-256, and LSUN-Church-256." 519,Deep Multiple Instance Learning For Forecasting Stock Trends Using Financial News,"A major source of information can be taken from financial news articles, which have some correlations about the fluctuation of stock trends. In this paper, we investigate the influences of financial news on the stock trends, from a multi-instance view. The intuition behind this is based on the news uncertainty of varying intervals of news occurrences and the lack of annotation in every single financial news. Under the scenario of Multiple Instance Learning (MIL) where training instances are arranged in bags, and a label is assigned for the entire bag instead of instances, we develop a flexible and adaptive multi-instance learning model and evaluate its ability in directional movement forecast of Standard & Poors 500 index on financial news dataset. Specifically, we treat each trading day as one bag, with certain amounts of news happening on each trading day as instances in each bag. Experiment results demonstrate that our proposed multi-instance-based framework gains outstanding results in terms of the accuracy of trend prediction, compared with other state-of-art approaches and baselines." 520,Off-the-grid learning of sparse mixtures from a continuous dictionary,"We consider a general non-linear model where the signal is a finite mixture of an unknown, possibly increasing, number of features issued from a continuous dictionary parameterized by a real nonlinear parameter. The signal is observed with Gaussian (possibly correlated) noise in either a continuous or a discrete setup. We propose an off-the-grid optimization method, that is, a method which does not use any discretization scheme on the parameter space, to estimate both the non-linear parameters of the features and the linear parameters of the mixture. We use recent results on the geometry of off-the-grid methods to give minimal separation on the true underlying non-linear parameters such that interpolating certificate functions can be constructed. Using also tail bounds for suprema of Gaussian processes we bound the prediction error with high probability. Assuming that the certificate functions can be constructed, our prediction error bound is up to log --factors similar to the rates attained by the Lasso predictor in the linear regression model. We also establish convergence rates that quantify with high probability the quality of estimation for both the linear and the non-linear parameters." 521,Approximate Data Deletion in Generative Models,"Users have the right to have their data deleted by third-party learned systems, as codified by recent legislation such as the General Data Protection Regulation (GDPR) and the California Consumer Privacy Act (CCPA). Such data deletion can be accomplished by full re-training, but this incurs a high computational cost for modern machine learning models. To avoid this cost, many approximate data deletion methods have been developed for supervised learning. Unsupervised learning, in contrast, remains largely an open problem when it comes to (approximate or exact) efficient data deletion. In this paper, we propose a density-ratio-based framework for generative models. Using this framework, we introduce a fast method for approximate data deletion and a statistical test for estimating whether or not training points have been deleted. We provide theoretical guarantees under various learner assumptions and empirically demonstrate our methods across a variety of generative methods." 522,Open Problem: Properly learning decision trees in polynomial time?,"The authors recently gave an $n^{O(\log\log n)}$ time membership query algorithm for properly learning decision trees under the uniform distribution (Blanc et al., 2021). The previous fastest algorithm for this problem ran in $n^{O(\log n)}$ time, a consequence of Ehrenfeucht and Haussler (1989)'s classic algorithm for the distribution-free setting. In this article we highlight the natural open problem of obtaining a polynomial-time algorithm, discuss possible avenues towards obtaining it, and state intermediate milestones that we believe are of independent interest." 523,Cyclical Kernel Adaptive Metropolis,"We propose cKAM, cyclical Kernel Adaptive Metropolis, which incorporates a cyclical stepsize scheme to allow control for exploration and sampling. We show that on a crafted bimodal distribution, existing Adaptive Metropolis type algorithms would fail to converge to the true posterior distribution. We point out that this is because adaptive samplers estimates the local/global covariance structure using past history of the chain, which will lead to adaptive algorithms be trapped in a local mode. We demonstrate that cKAM encourages exploration of the posterior distribution and allows the sampler to escape from a local mode, while maintaining the high performance of adaptive methods." 524,Optimization-Induced Graph Implicit Nonlinear Diffusion,"Due to the over-smoothing issue, most existing graph neural networks can only capture limited dependencies with their inherently finite aggregation layers. To overcome this limitation, we propose a new kind of graph convolution, called Graph Implicit Nonlinear Diffusion (GIND), which implicitly has access to infinite hops of neighbors while adaptively aggregating features with nonlinear diffusion to prevent over-smoothing. Notably, we show that the learned representation can be formalized as the minimizer of an explicit convex optimization objective. With this property, we can theoretically characterize the equilibrium of our GIND from an optimization perspective. More interestingly, we can induce new structural variants by modifying the corresponding optimization objective. To be specific, we can embed prior properties to the equilibrium, as well as introducing skip connections to promote training stability. Extensive experiments show that GIND is good at capturing long-range dependencies, and performs well on both homophilic and heterophilic graphs with nonlinear diffusion. Moreover, we show that the optimization-induced variants of our models can boost the performance and improve training stability and efficiency as well. As a result, our GIND obtains significant improvements on both node-level and graph-level tasks." 525,Fair Machine Learning in Healthcare: A Review,"Benefiting from the digitization of healthcare data and the development of computing power, machine learning methods are increasingly used in the healthcare domain. Fairness problems have been identified in machine learning for healthcare, resulting in an unfair allocation of limited healthcare resources or excessive health risks for certain groups. Therefore, addressing the fairness problems has recently attracted increasing attention from the healthcare community. However, the intersection of machine learning for healthcare and fairness in machine learning remains understudied. In this review, we build the bridge by exposing fairness problems, summarizing possible biases, sorting out mitigation methods and pointing out challenges along with opportunities for the future." 526,Forgetting Data from Pre-trained GANs,"Large pre-trained generative models are known to occasionally provide samples that may be undesirable for various reasons. The standard way to mitigate this is to re-train the models differently. In this work, we take a different, more compute-friendly approach and investigate how to post-edit a model after training so that it forgets certain kinds of samples. We provide three different algorithms for GANs that differ on how the samples to be forgotten are described. Extensive evaluations on real-world image datasets show that our algorithms are capable of forgetting data while retaining high generation quality at a fraction of the cost of full re-training." 527,Framing Algorithmic Recourse for Anomaly Detection,"The problem of algorithmic recourse has been explored for supervised machine learning models, to provide more interpretable, transparent and robust outcomes from decision support systems. An unexplored area is that of algorithmic recourse for anomaly detection, specifically for tabular data with only discrete feature values. Here the problem is to present a set of counterfactuals that are deemed normal by the underlying anomaly detection model so that applications can utilize this information for explanation purposes or to recommend countermeasures. We present an approach -- Context preserving Algorithmic Recourse for Anomalies in Tabular data (CARAT), that is effective, scalable, and agnostic to the underlying anomaly detection model. CARAT uses a transformer based encoder-decoder model to explain an anomaly by finding features with low likelihood. Subsequently semantically coherent counterfactuals are generated by modifying the highlighted features, using the overall context of features in the anomalous instance(s). Extensive experiments help demonstrate the efficacy of CARAT." 528,Overview of Deep Learning-based CSI Feedback in Massive MIMO Systems,"Many performance gains achieved by massive multiple-input and multiple-output depend on the accuracy of the downlink channel state information (CSI) at the transmitter (base station), which is usually obtained by estimating at the receiver (user terminal) and feeding back to the transmitter. The overhead of CSI feedback occupies substantial uplink bandwidth resources, especially when the number of the transmit antennas is large. Deep learning (DL)-based CSI feedback refers to CSI compression and reconstruction by a DL-based autoencoder and can greatly reduce feedback overhead. In this paper, a comprehensive overview of state-of-the-art research on this topic is provided, beginning with basic DL concepts widely used in CSI feedback and then categorizing and describing some existing DL-based feedback works. The focus is on novel neural network architectures and utilization of communication expert knowledge to improve CSI feedback accuracy. Works on bit-level CSI feedback and joint design of CSI feedback with other communication modules are also introduced, and some practical issues, including training dataset collection, online training, complexity, generalization, and standardization effect, are discussed. At the end of the paper, some challenges and potential research directions associated with DL-based CSI feedback in future wireless communication systems are identified." 529,Exploiting Semantic Role Contextualized Video Features for Multi-Instance Text-Video Retrieval EPIC-KITCHENS-100 Multi-Instance Retrieval Challenge 2022,"In this report, we present our approach for EPIC-KITCHENS-100 Multi-Instance Retrieval Challenge 2022. We first parse sentences into semantic roles corresponding to verbs and nouns; then utilize self-attentions to exploit semantic role contextualized video features along with textual features via triplet losses in multiple embedding spaces. Our method overpasses the strong baseline in normalized Discounted Cumulative Gain (nDCG), which is more valuable for semantic similarity. Our submission is ranked 3rd for nDCG and ranked 4th for mAP." 530,Theoretical Perspectives on Deep Learning Methods in Inverse Problems,"In recent years, there have been significant advances in the use of deep learning methods in inverse problems such as denoising, compressive sensing, inpainting, and super-resolution. While this line of works has predominantly been driven by practical algorithms and experiments, it has also given rise to a variety of intriguing theoretical problems. In this paper, we survey some of the prominent theoretical developments in this line of works, focusing in particular on generative priors, untrained neural network priors, and unfolding algorithms. In addition to summarizing existing results in these topics, we highlight several ongoing challenges and open problems." 531,Matryoshka: Stealing Functionality of Private ML Data by Hiding Models in Model,"In this paper, we present a novel insider attack called Matryoshka, which employs an irrelevant scheduled-to-publish DNN model as a carrier model for covert transmission of multiple secret models which memorize the functionality of private ML data stored in local data centers. Instead of treating the parameters of the carrier model as bit strings and applying conventional steganography, we devise a novel parameter sharing approach which exploits the learning capacity of the carrier model for information hiding. Matryoshka simultaneously achieves: (i) High Capacity -- With almost no utility loss of the carrier model, Matryoshka can hide a 26x larger secret model or 8 secret models of diverse architectures spanning different application domains in the carrier model, neither of which can be done with existing steganography techniques; (ii) Decoding Efficiency -- once downloading the published carrier model, an outside colluder can exclusively decode the hidden models from the carrier model with only several integer secrets and the knowledge of the hidden model architecture; (iii) Effectiveness -- Moreover, almost all the recovered models have similar performance as if it were trained independently on the private data; (iv) Robustness -- Information redundancy is naturally implemented to achieve resilience against common post-processing techniques on the carrier before its publishing; (v) Covertness -- A model inspector with different levels of prior knowledge could hardly differentiate a carrier model from a normal model." 532,TE2Rules: Extracting Rule Lists from Tree Ensembles,"Tree Ensemble (TE) models (e.g. Gradient Boosted Trees and Random Forests) often provide higher prediction performance compared to single decision trees. However, TE models generally lack transparency and interpretability, as humans have difficulty understanding their decision logic. This paper presents a novel approach to convert a TE trained for a binary classification task, to a rule list (RL) that is a global equivalent to the TE and is comprehensible for a human. This RL captures all necessary and sufficient conditions for decision making by the TE. Experiments on benchmark datasets demonstrate that, compared to state-of-the-art methods, (i) predictions from the RL generated by TE2Rules have high fidelity with respect to the original TE, (ii) the RL from TE2Rules has high interpretability measured by the number and the length of the decision rules, (iii) the run-time of TE2Rules algorithm can be reduced significantly at the cost of a slightly lower fidelity, and (iv) the RL is a fast alternative to the state-of-the-art rule-based instance-level outcome explanation techniques." 533,Using Twitter Data to Understand Public Perceptions of Approved versus Off-label Use for COVID-19-related Medications,"Understanding public discourse on emergency use of unproven therapeutics is essential to monitor safe use and combat misinformation. We developed a natural language processing (NLP)-based pipeline to understand public perceptions of and stances on COVID-19-related drugs on Twitter across time. This retrospective study included 609,189 US-based tweets between January 29th, 2020 and November 30th, 2021 on four drugs that gained wide public attention during the COVID-19 pandemic: 1) Hydroxychloroquine and Ivermectin, drug therapies with anecdotal evidence; and 2) Molnupiravir and Remdesivir, FDA-approved treatment options for eligible patients. Time-trend analysis was used to understand the popularity and related events. Content and demographic analyses were conducted to explore potential rationales of people's stances on each drug. Time-trend analysis revealed that Hydroxychloroquine and Ivermectin received much more discussion than Molnupiravir and Remdesivir, particularly during COVID-19 surges. Hydroxychloroquine and Ivermectin were highly politicized, related to conspiracy theories, hearsay, celebrity effects, etc. The distribution of stance between the two major US political parties was significantly different (p<0.001); Republicans were much more likely to support Hydroxychloroquine (+55%) and Ivermectin (+30%) than Democrats. People with healthcare backgrounds tended to oppose Hydroxychloroquine (+7%) more than the general population; in contrast, the general population was more likely to support Ivermectin (+14%). We make all the data, code, and models available at https://github.com/ningkko/COVID-drug." 534,EBMs vs. CL: Exploring Self-Supervised Visual Pretraining for Visual Question Answering,"The availability of clean and diverse labeled data is a major roadblock for training models on complex tasks such as visual question answering (VQA). The extensive work on large vision-and-language models has shown that self-supervised learning is effective for pretraining multimodal interactions. In this technical report, we focus on visual representations. We review and evaluate self-supervised methods to leverage unlabeled images and pretrain a model, which we then fine-tune on a custom VQA task that allows controlled evaluation and diagnosis. We compare energy-based models (EBMs) with contrastive learning (CL). While EBMs are growing in popularity, they lack an evaluation on downstream tasks. We find that both EBMs and CL can learn representations from unlabeled images that enable training a VQA model on very little annotated data. In a simple setting similar to CLEVR, we find that CL representations also improve systematic generalization, and even match the performance of representations from a larger, supervised, ImageNet-pretrained model. However, we find EBMs to be difficult to train because of instabilities and high variability in their results. Although EBMs prove useful for OOD detection, other results on supervised energy-based training and uncertainty calibration are largely negative. Overall, CL currently seems a preferable option over EBMs." 535,Hardness and Algorithms for Robust and Sparse Optimization,"We explore algorithms and limitations for sparse optimization problems such as sparse linear regression and robust linear regression. The goal of the sparse linear regression problem is to identify a small number of key features, while the goal of the robust linear regression problem is to identify a small number of erroneous measurements. Specifically, the sparse linear regression problem seeks a $k$-sparse vector $x\in\mathbb{R}^d$ to minimize $\|Ax-b\|_2$, given an input matrix $A\in\mathbb{R}^{n\times d}$ and a target vector $b\in\mathbb{R}^n$, while the robust linear regression problem seeks a set $S$ that ignores at most $k$ rows and a vector $x$ to minimize $\|(Ax-b)_S\|_2$. We first show bicriteria, NP-hardness of approximation for robust regression building on the work of [OWZ15] which implies a similar result for sparse regression. We further show fine-grained hardness of robust regression through a reduction from the minimum-weight $k$-clique conjecture. On the positive side, we give an algorithm for robust regression that achieves arbitrarily accurate additive error and uses runtime that closely matches the lower bound from the fine-grained hardness result, as well as an algorithm for sparse regression with similar runtime. Both our upper and lower bounds rely on a general reduction from robust linear regression to sparse regression that we introduce. Our algorithms, inspired by the 3SUM problem, use approximate nearest neighbor data structures and may be of independent interest for solving sparse optimization problems. For instance, we demonstrate that our techniques can also be used for the well-studied sparse PCA problem." 536,Convolutional Neural Network Based Partial Face Detection,"Due to the massive explanation of artificial intelligence, machine learning technology is being used in various areas of our day-to-day life. In the world, there are a lot of scenarios where a simple crime can be prevented before it may even happen or find the person responsible for it. A face is one distinctive feature that we have and can differentiate easily among many other species. But not just different species, it also plays a significant role in determining someone from the same species as us, humans. Regarding this critical feature, a single problem occurs most often nowadays. When the camera is pointed, it cannot detect a person's face, and it becomes a poor image. On the other hand, where there was a robbery and a security camera installed, the robber's identity is almost indistinguishable due to the low-quality camera. But just making an excellent algorithm to work and detecting a face reduces the cost of hardware, and it doesn't cost that much to focus on that area. Facial recognition, widget control, and such can be done by detecting the face correctly. This study aims to create and enhance a machine learning model that correctly recognizes faces. Total 627 Data have been collected from different Bangladeshi people's faces on four angels. In this work, CNN, Harr Cascade, Cascaded CNN, Deep CNN & MTCNN are these five machine learning approaches implemented to get the best accuracy of our dataset. After creating and running the model, Multi-Task Convolutional Neural Network (MTCNN) achieved 96.2% best model accuracy with training data rather than other machine learning models." 537,What Can Secondary Predictions Tell Us? An Exploration on Question-Answering with SQuAD-v2.0,"Performance in natural language processing, and specifically for the question-answer task, is typically measured by comparing a model\'s most confident (primary) prediction to golden answers (the ground truth). We are making the case that it is also useful to quantify how close a model came to predicting a correct answer even for examples that failed. We define the Golden Rank (GR) of an example as the rank of its most confident prediction that exactly matches a ground truth, and show why such a match always exists. For the 16 transformer models we analyzed, the majority of exactly matched golden answers in secondary prediction space hover very close to the top rank. We refer to secondary predictions as those ranking above 0 in descending confidence probability order. We demonstrate how the GR can be used to classify questions and visualize their spectrum of difficulty, from persistent near successes to persistent extreme failures. We derive a new aggregate statistic over entire test sets, named the Golden Rank Interpolated Median (GRIM) that quantifies the proximity of failed predictions to the top choice made by the model. To develop some intuition and explore the applicability of these metrics we use the Stanford Question Answering Dataset (SQuAD-2) and a few popular transformer models from the Hugging Face hub. We first demonstrate that the GRIM is not directly correlated with the F1 and exact match (EM) scores. We then calculate and visualize these scores for various transformer architectures, probe their applicability in error analysis by clustering failed predictions, and compare how they relate to other training diagnostics such as the EM and F1 scores. We finally suggest various research goals, such as broadening data collection for these metrics and their possible use in adversarial training." 538,Intrinsic Anomaly Detection for Multi-Variate Time Series,"We introduce a novel, practically relevant variation of the anomaly detection problem in multi-variate time series: intrinsic anomaly detection. It appears in diverse practical scenarios ranging from DevOps to IoT, where we want to recognize failures of a system that operates under the influence of a surrounding environment. Intrinsic anomalies are changes in the functional dependency structure between time series that represent an environment and time series that represent the internal state of a system that is placed in said environment. We formalize this problem, provide under-studied public and new purpose-built data sets for it, and present methods that handle intrinsic anomaly detection. These address the short-coming of existing anomaly detection methods that cannot differentiate between expected changes in the system's state and unexpected ones, i.e., changes in the system that deviate from the environment's influence. Our most promising approach is fully unsupervised and combines adversarial learning and time series representation learning, thereby addressing problems such as label sparsity and subjectivity, while allowing to navigate and improve notoriously problematic anomaly detection data sets." 539,Deformable Graph Transformer,"Transformer-based models have been widely used and achieved state-of-the-art performance in various domains such as natural language processing and computer vision. Recent works show that Transformers can also be generalized to graph-structured data. However, the success is limited to small-scale graphs due to technical challenges such as the quadratic complexity in regards to the number of nodes and non-local aggregation that often leads to inferior generalization performance to conventional graph neural networks. In this paper, to address these issues, we propose Deformable Graph Transformer (DGT) that performs sparse attention with dynamically sampled key and value pairs. Specifically, our framework first constructs multiple node sequences with various criteria to consider both structural and semantic proximity. Then, the sparse attention is applied to the node sequences for learning node representations with a reduced computational cost. We also design simple and effective positional encodings to capture structural similarity and distance between nodes. Experiments demonstrate that our novel graph Transformer consistently outperforms existing Transformer-based models and shows competitive performance compared to state-of-the-art models on 8 graph benchmark datasets including large-scale graphs." 540,Active Exploration via Experiment Design in Markov Chains,"A key challenge in science and engineering is to design experiments to learn about some unknown quantity of interest. Classical experimental design optimally allocates the experimental budget to maximize a notion of utility (e.g., reduction in uncertainty about the unknown quantity). We consider a rich setting, where the experiments are associated with states in a {\em Markov chain}, and we can only choose them by selecting a {\em policy} controlling the state transitions. This problem captures important applications, from exploration in reinforcement learning to spatial monitoring tasks. We propose an algorithm -- \textsc{markov-design} -- that efficiently selects policies whose measurement allocation \emph{provably converges to the optimal one}. The algorithm is sequential in nature, adapting its choice of policies (experiments) informed by past measurements. In addition to our theoretical analysis, we showcase our framework on applications in ecological surveillance and pharmacology." 541,Spherical Channels for Modeling Atomic Interactions,"Modeling the energy and forces of atomic systems is a fundamental problem in computational chemistry with the potential to help address many of the world's most pressing problems, including those related to energy scarcity and climate change. These calculations are traditionally performed using Density Functional Theory, which is computationally very expensive. Machine learning has the potential to dramatically improve the efficiency of these calculations from days or hours to seconds. We propose the Spherical Channel Network (SCN) to model atomic energies and forces. The SCN is a graph neural network where nodes represent atoms and edges their neighboring atoms. The atom embeddings are a set of spherical functions, called spherical channels, represented using spherical harmonics. We demonstrate, that by rotating the embeddings based on the 3D edge orientation, more information may be utilized while maintaining the rotational equivariance of the messages. While equivariance is a desirable property, we find that by relaxing this constraint in both message passing and aggregation, improved accuracy may be achieved. We demonstrate state-of-the-art results on the large-scale Open Catalyst 2020 dataset in both energy and force prediction for numerous tasks and metrics." 542,On the Rényi Cross-Entropy,"The R\'{e}nyi cross-entropy measure between two distributions, a generalization of the Shannon cross-entropy, was recently used as a loss function for the improved design of deep learning generative adversarial networks. In this work, we examine the properties of this measure and derive closed-form expressions for it when one of the distributions is fixed and when both distributions belong to the exponential family. We also analytically determine a formula for the cross-entropy rate for stationary Gaussian processes and for finite-alphabet Markov sources." 543,An Empirical Study of Challenges in Converting Deep Learning Models,"There is an increase in deploying Deep Learning (DL)-based software systems in real-world applications. Usually DL models are developed and trained using DL frameworks that have their own internal mechanisms/formats to represent and train DL models, and usually those formats cannot be recognized by other frameworks. Moreover, trained models are usually deployed in environments different from where they were developed. To solve the interoperability issue and make DL models compatible with different frameworks/environments, some exchange formats are introduced for DL models, like ONNX and CoreML. However, ONNX and CoreML were never empirically evaluated by the community to reveal their prediction accuracy, performance, and robustness after conversion. Poor accuracy or non-robust behavior of converted models may lead to poor quality of deployed DL-based software systems. We conduct, in this paper, the first empirical study to assess ONNX and CoreML for converting trained DL models. In our systematic approach, two popular DL frameworks, Keras and PyTorch, are used to train five widely used DL models on three popular datasets. The trained models are then converted to ONNX and CoreML and transferred to two runtime environments designated for such formats, to be evaluated. We investigate the prediction accuracy before and after conversion. Our results unveil that the prediction accuracy of converted models are at the same level of originals. The performance (time cost and memory consumption) of converted models are studied as well. The size of models are reduced after conversion, which can result in optimized DL-based software deployment. Converted models are generally assessed as robust at the same level of originals. However, obtained results show that CoreML models are more vulnerable to adversarial attacks compared to ONNX." 544,Bottleneck Low-rank Transformers for Low-resource Spoken Language Understanding,"End-to-end spoken language understanding (SLU) systems benefit from pretraining on large corpora, followed by fine-tuning on application-specific data. The resulting models are too large for on-edge applications. For instance, BERT-based systems contain over 110M parameters. Observing the model is overparameterized, we propose lean transformer structure where the dimension of the attention mechanism is automatically reduced using group sparsity. We propose a variant where the learned attention subspace is transferred to an attention bottleneck layer. In a low-resource setting and without pre-training, the resulting compact SLU model achieves accuracies competitive with pre-trained large models." 545,Multistep Automated Data Labelling Procedure (MADLaP) for Thyroid Nodules on Ultrasound: An Artificial Intelligence Approach for Automating Image Annotation,"Machine learning (ML) for diagnosis of thyroid nodules on ultrasound is an active area of research. However, ML tools require large, well-labelled datasets, the curation of which is time-consuming and labor-intensive. The purpose of our study was to develop and test a deep-learning-based tool to facilitate and automate the data annotation process for thyroid nodules; we named our tool Multistep Automated Data Labelling Procedure (MADLaP). MADLaP was designed to take multiple inputs included pathology reports, ultrasound images, and radiology reports. Using multiple step-wise modules including rule-based natural language processing, deep-learning-based imaging segmentation, and optical character recognition, MADLaP automatically identified images of a specific thyroid nodule and correctly assigned a pathology label. The model was developed using a training set of 378 patients across our health system and tested on a separate set of 93 patients. Ground truths for both sets were selected by an experienced radiologist. Performance metrics including yield (how many labeled images the model produced) and accuracy (percentage correct) were measured using the test set. MADLaP achieved a yield of 63% and an accuracy of 83%. The yield progressively increased as the input data moved through each module, while accuracy peaked part way through. Error analysis showed that inputs from certain examination sites had lower accuracy (40%) than the other sites (90%, 100%). MADLaP successfully created curated datasets of labeled ultrasound images of thyroid nodules. While accurate, the relatively suboptimal yield of MADLaP exposed some challenges when trying to automatically label radiology images from heterogeneous sources. The complex task of image curation and annotation could be automated, allowing for enrichment of larger datasets for use in machine learning development." 546,"Reinforcement Learning in Medical Image Analysis: Concepts, Applications, Challenges, and Future Directions","Motivation: Medical image analysis involves tasks to assist physicians in qualitative and quantitative analysis of lesions or anatomical structures, significantly improving the accuracy and reliability of diagnosis and prognosis. Traditionally, these tasks are finished by physicians or medical physicists and lead to two major problems: (i) low efficiency; (ii) biased by personal experience. In the past decade, many machine learning methods have been applied to accelerate and automate the image analysis process. Compared to the enormous deployments of supervised and unsupervised learning models, attempts to use reinforcement learning in medical image analysis are scarce. This review article could serve as the stepping-stone for related research. Significance: From our observation, though reinforcement learning has gradually gained momentum in recent years, many researchers in the medical analysis field find it hard to understand and deploy in clinics. One cause is lacking well-organized review articles targeting readers lacking professional computer science backgrounds. Rather than providing a comprehensive list of all reinforcement learning models in medical image analysis, this paper may help the readers to learn how to formulate and solve their medical image analysis research as reinforcement learning problems. Approach & Results: We selected published articles from Google Scholar and PubMed. Considering the scarcity of related articles, we also included some outstanding newest preprints. The papers are carefully reviewed and categorized according to the type of image analysis task. We first review the basic concepts and popular models of reinforcement learning. Then we explore the applications of reinforcement learning models in landmark detection. Finally, we conclude the article by discussing the reviewed reinforcement learning approaches' limitations and possible improvements." 547,Learning Time Delay Systems with Neural Ordinary Differential Equations,"A novel way of using neural networks to learn the dynamics of time delay systems from sequential data is proposed. A neural network with trainable delays is used to approximate the right hand side of a delay differential equation. We relate the delay differential equation to an ordinary differential equation by discretizing the time history and train the corresponding neural ordinary differential equation (NODE) to learn the dynamics. An example on learning the dynamics of the Mackey-Glass equation using data from chaotic behavior is given. After learning both the nonlinearity and the time delay, we demonstrate that the bifurcation diagram of the neural network matches that of the original system." 548,TPU-KNN: K Nearest Neighbor Search at Peak FLOP/s,"This paper presents a novel nearest neighbor search algorithm achieving TPU (Google Tensor Processing Unit) peak performance, outperforming state-of-the-art GPU algorithms with similar level of recall. The design of the proposed algorithm is motivated by an accurate accelerator performance model that takes into account both the memory and instruction bottlenecks. Our algorithm comes with an analytical guarantee of recall in expectation and does not require maintaining sophisticated index data structure or tuning, making it suitable for applications with frequent updates. Our work is available in the open-source package of Jax and Tensorflow on TPU." 549,Optimal Estimation of Generic Dynamics by Path-Dependent Neural Jump ODEs,"This paper studies the problem of forecasting general stochastic processes using an extension of the Neural Jump ODE (NJ-ODE) framework. While NJ-ODE was the first framework to establish convergence guarantees for the prediction of irregularly observed time-series, these results were limited to data stemming from It\^o-diffusions with complete observations, in particular Markov processes where all coordinates are observed simultaneously. In this work, we generalise these results to generic, possibly non-Markovian or discontinuous, stochastic processes with incomplete observations, by utilising the reconstruction properties of the signature transform. These theoretical results are supported by empirical studies, where it is shown that the path-dependent NJ-ODE outperforms the original NJ-ODE framework in the case of non-Markovian data." 550,Neural Integro-Differential Equations,"Modeling continuous dynamical systems from discretely sampled observations is a fundamental problem in data science. Often, such dynamics are the result of non-local processes that present an integral over time. As such, these systems are modeled with Integro-Differential Equations (IDEs); generalizations of differential equations that comprise both an integral and a differential component. For example, brain dynamics are not accurately modeled by differential equations since their behavior is non-Markovian, i.e. dynamics are in part dictated by history. Here, we introduce the Neural IDE (NIDE), a framework that models ordinary and integral components of IDEs using neural networks. We test NIDE on several toy and brain activity datasets and demonstrate that NIDE outperforms other models, including Neural ODE. These tasks include time extrapolation as well as predicting dynamics from unseen initial conditions, which we test on whole-cortex activity recordings in freely behaving mice. Further, we show that NIDE can decompose dynamics into its Markovian and non-Markovian constituents, via the learned integral operator, which we test on fMRI brain activity recordings of people on ketamine. Finally, the integrand of the integral operator provides a latent space that gives insight into the underlying dynamics, which we demonstrate on wide-field brain imaging recordings. Altogether, NIDE is a novel approach that enables modeling of complex non-local dynamics with neural networks." 551,A Perturbation Bound on the Subspace Estimator from Canonical Projections,"This paper derives a perturbation bound on the optimal subspace estimator obtained from a subset of its canonical projections contaminated by noise. This fundamental result has important implications in matrix completion, subspace clustering, and related problems." 552,NumS: Scalable Array Programming for the Cloud,"Scientists increasingly rely on Python tools to perform scalable distributed memory array operations using rich, NumPy-like expressions. However, many of these tools rely on dynamic schedulers optimized for abstract task graphs, which often encounter memory and network bandwidth-related bottlenecks due to sub-optimal data and operator placement decisions. Tools built on the message passing interface (MPI), such as ScaLAPACK and SLATE, have better scaling properties, but these solutions require specialized knowledge to use. In this work, we present NumS, an array programming library which optimizes NumPy-like expressions on task-based distributed systems. This is achieved through a novel scheduler called Load Simulated Hierarchical Scheduling (LSHS). LSHS is a local search method which optimizes operator placement by minimizing maximum memory and network load on any given node within a distributed system. Coupled with a heuristic for load balanced data layouts, our approach is capable of attaining communication lower bounds on some common numerical operations, and our empirical study shows that LSHS enhances performance on Ray by decreasing network load by a factor of 2x, requiring 4x less memory, and reducing execution time by 10x on the logistic regression problem. On terabyte-scale data, NumS achieves competitive performance to SLATE on DGEMM, up to 20x speedup over Dask on a key operation for tensor factorization, and a 2x speedup on logistic regression compared to Dask ML and Spark's MLlib." 553,Collecting high-quality adversarial data for machine reading comprehension tasks with humans and models in the loop,"We present our experience as annotators in the creation of high-quality, adversarial machine-reading-comprehension data for extractive QA for Task 1 of the First Workshop on Dynamic Adversarial Data Collection (DADC). DADC is an emergent data collection paradigm with both models and humans in the loop. We set up a quasi-experimental annotation design and perform quantitative analyses across groups with different numbers of annotators focusing on successful adversarial attacks, cost analysis, and annotator confidence correlation. We further perform a qualitative analysis of our perceived difficulty of the task given the different topics of the passages in our dataset and conclude with recommendations and suggestions that might be of value to people working on future DADC tasks and related annotation interfaces." 554,Applications of Reinforcement Learning in Finance -- Trading with a Double Deep Q-Network,"This paper presents a Double Deep Q-Network algorithm for trading single assets, namely the E-mini S&P 500 continuous futures contract. We use a proven setup as the foundation for our environment with multiple extensions. The features of our trading agent are constantly being expanded to include additional assets such as commodities, resulting in four models. We also respond to environmental conditions, including costs and crises. Our trading agent is first trained for a specific time period and tested on new data and compared with the long-and-hold strategy as a benchmark (market). We analyze the differences between the various models and the in-sample/out-of-sample performance with respect to the environment. The experimental results show that the trading agent follows an appropriate behavior. It can adjust its policy to different circumstances, such as more extensive use of the neutral position when trading costs are present. Furthermore, the net asset value exceeded that of the benchmark, and the agent outperformed the market in the test set. We provide initial insights into the behavior of an agent in a financial domain using a DDQN algorithm. The results of this study can be used for further development." 555,Online Anomaly Detection Based On Reservoir Sampling and LOF for IoT devices,"The growing number of IoT devices and their use to monitor the operation of machines and equipment increases interest in anomaly detection algorithms running on devices. However, the difficulty is the limitations of the available computational and memory resources on the devices. In the case of microcontrollers (MCUs), these are single megabytes of program and several hundred kilobytes of working memory. Consequently, algorithms must be appropriately matched to the capabilities of the devices. In the paper, we analyse the processing pipeline for anomaly detection and implementation of the Local Outliner Factor (LOF) algorithm on a MCU. We also show that it is possible to train such an algorithm directly on the device, which gives great potential to use the solution in real devices." 556,Supervised Training of Conditional Monge Maps,"Optimal transport (OT) theory describes general principles to define and select, among many possible choices, the most efficient way to map a probability measure onto another. That theory has been mostly used to estimate, given a pair of source and target probability measures $(\mu,\nu)$, a parameterized map $T_\theta$ that can efficiently map $\mu$ onto $\nu$. In many applications, such as predicting cell responses to treatments, the data measures $\mu,\nu$ (features of untreated/treated cells) that define optimal transport problems do not arise in isolation but are associated with a context $c$ (the treatment). To account for and incorporate that context in OT estimation, we introduce CondOT, an approach to estimate OT maps conditioned on a context variable, using several pairs of measures $(\mu_i, \nu_i)$ tagged with a context label $c_i$. Our goal is to % extract from a dataset of labeled pairs $\{(c_i, (\mu_i, \nu_i))\}$ learn a global map $\mathcal{T}_{\theta}$ which is not only expected to fit em all pairs in the dataset $\{(c_i, (\mu_i, \nu_i))\}$, i.e., $\mathcal{T}_{\theta}(c_i) \sharp\mu_i \approx \nu_i$, but should generalize to produce meaningful maps $\mathcal{T}_{\theta}(c_{\text{new}})$ conditioned on unseen contexts $c_{\text{new}}$. Our approach harnesses and provides a novel usage for partially input convex neural networks, for which we introduce a robust and efficient initialization strategy inspired by Gaussian approximations. We demonstrate the ability of CondOT to infer the effect of an arbitrary combination of genetic or therapeutic perturbations on single cells, using only observations of the effects of said perturbations separately." 557,Semi-supervised Contrastive Outlier removal for Pseudo Expectation Maximization (SCOPE),"Semi-supervised learning is the problem of training an accurate predictive model by combining a small labeled dataset with a presumably much larger unlabeled dataset. Many methods for semi-supervised deep learning have been developed, including pseudolabeling, consistency regularization, and contrastive learning techniques. Pseudolabeling methods however are highly susceptible to confounding, in which erroneous pseudolabels are assumed to be true labels in early iterations, thereby causing the model to reinforce its prior biases and thereby fail to generalize to strong predictive performance. We present a new approach to suppress confounding errors through a method we describe as Semi-supervised Contrastive Outlier removal for Pseudo Expectation Maximization (SCOPE). Like basic pseudolabeling, SCOPE is related to Expectation Maximization (EM), a latent variable framework which can be extended toward understanding cluster-assumption deep semi-supervised algorithms. However, unlike basic pseudolabeling which fails to adequately take into account the probability of the unlabeled samples given the model, SCOPE introduces an outlier suppression term designed to improve the behavior of EM iteration given a discrimination DNN backbone in the presence of outliers. Our results show that SCOPE greatly improves semi-supervised classification accuracy over a baseline, and furthermore when combined with consistency regularization achieves the highest reported accuracy for the semi-supervised CIFAR-10 classification task using 250 and 4000 labeled samples. Moreover, we show that SCOPE reduces the prevalence of confounding errors during pseudolabeling iterations by pruning erroneous high-confidence pseudolabeled samples that would otherwise contaminate the labeled set in subsequent retraining iterations." 558,GAN-based Intrinsic Exploration For Sample Efficient Reinforcement Learning,"In this study, we address the problem of efficient exploration in reinforcement learning. Most common exploration approaches depend on random action selection, however these approaches do not work well in environments with sparse or no rewards. We propose Generative Adversarial Network-based Intrinsic Reward Module that learns the distribution of the observed states and sends an intrinsic reward that is computed as high for states that are out of distribution, in order to lead agent to unexplored states. We evaluate our approach in Super Mario Bros for a no reward setting and in Montezuma's Revenge for a sparse reward setting and show that our approach is indeed capable of exploring efficiently. We discuss a few weaknesses and conclude by discussing future works." 559,Target alignment in truncated kernel ridge regression,"Kernel ridge regression (KRR) has recently attracted renewed interest due to its potential for explaining the transient effects, such as double descent, that emerge during neural network training. In this work, we study how the alignment between the target function and the kernel affects the performance of the KRR. We focus on the truncated KRR (TKRR) which utilizes an additional parameter that controls the spectral truncation of the kernel matrix. We show that for polynomial alignment, there is an \emph{over-aligned} regime, in which TKRR can achieve a faster rate than what is achievable by full KRR. The rate of TKRR can improve all the way to the parametric rate, while that of full KRR is capped at a sub-optimal value. This shows that target alignemnt can be better leveraged by utilizing spectral truncation in kernel methods. We also consider the bandlimited alignment setting and show that the regularization surface of TKRR can exhibit transient effects including multiple descent and non-monotonic behavior. Our results show that there is a strong and quantifable relation between the shape of the \emph{alignment spectrum} and the generalization performance of kernel methods, both in terms of rates and in finite samples." 560,No imputation without representation,"By filling in missing values in datasets, imputation allows these datasets to be used with algorithms that cannot handle missing values by themselves. However, missing values may in principle contribute useful information that is lost through imputation. The missing-indicator approach can be used in combination with imputation to instead represent this information as a part of the dataset. There are several theoretical considerations why missing-indicators may or may not be beneficial, but there has not been any large-scale practical experiment on real-life datasets to test this question for machine learning predictions. We perform this experiment for three imputation strategies and a range of different classification algorithms, on the basis of twenty real-life datasets. We find that on these datasets, missing-indicators generally increase classification performance. In addition, we find no evidence for most algorithms that nearest neighbour and iterative imputation lead to better performance than simple mean/mode imputation. Therefore, we recommend the use of missing-indicators with mean/mode imputation as a safe default, with the caveat that for decision trees, pruning is necessary to prevent overfitting. In a follow-up experiment, we determine attribute-specific missingness thresholds for each classifier above which missing-indicators are more likely than not to increase classification performance, and observe that these thresholds are much lower for categorical than for numerical attributes. Finally, we argue that mean imputation of numerical attributes may preserve some of the information from missing values, and we show that in the absence of missing-indicators, it can similarly be useful to apply mean imputation to one-hot encoded categorical attributes instead of mode imputation." 561,Masked World Models for Visual Control,"Visual model-based reinforcement learning (RL) has the potential to enable sample-efficient robot learning from visual observations. Yet the current approaches typically train a single model end-to-end for learning both visual representations and dynamics, making it difficult to accurately model the interaction between robots and small objects. In this work, we introduce a visual model-based RL framework that decouples visual representation learning and dynamics learning. Specifically, we train an autoencoder with convolutional layers and vision transformers (ViT) to reconstruct pixels given masked convolutional features, and learn a latent dynamics model that operates on the representations from the autoencoder. Moreover, to encode task-relevant information, we introduce an auxiliary reward prediction objective for the autoencoder. We continually update both autoencoder and dynamics model using online samples collected from environment interaction. We demonstrate that our decoupling approach achieves state-of-the-art performance on a variety of visual robotic tasks from Meta-world and RLBench, e.g., we achieve 81.7% success rate on 50 visual robotic manipulation tasks from Meta-world, while the baseline achieves 67.9%. Code is available on the project website: https://sites.google.com/view/mwm-rl." 562,PyEPO: A PyTorch-based End-to-End Predict-then-Optimize Library for Linear and Integer Programming,"In deterministic optimization, it is typically assumed that all parameters of the problem are fixed and known. In practice, however, some parameters may be a priori unknown but can be estimated from historical data. A typical predict-then-optimize approach separates predictions and optimization into two stages. Recently, end-to-end predict-then-optimize has become an attractive alternative. In this work, we present the PyEPO package, a PyTorch-based end-to-end predict-then-optimize library in Python. To the best of our knowledge, PyEPO (pronounced like ""pineapple"" with a silent ""n"") is the first such generic tool for linear and integer programming with predicted objective function coefficients. It provides two base algorithms: the first is based on the convex surrogate loss function from the seminal work of Elmachtoub & Grigas (2021), and the second is based on the differentiable black-box solver approach of Vlastelica et al. (2019). PyEPO provides a simple interface for the definition of new optimization problems, the implementation of state-of-the-art predict-then-optimize training algorithms, the use of custom neural network architectures, and the comparison of end-to-end approaches with the two-stage approach. PyEPO enables us to conduct a comprehensive set of experiments comparing a number of end-to-end and two-stage approaches along axes such as prediction accuracy, decision quality, and running time on problems such as Shortest Path, Multiple Knapsack, and the Traveling Salesperson Problem. We discuss some empirical insights from these experiments which could guide future research. PyEPO and its documentation are available at https://github.com/khalil-research/PyEPO." 563,Gaussian Latent Dirichlet Allocation for Discrete Human State Discovery,"In this article we propose and validate an unsupervised probabilistic model, Gaussian Latent Dirichlet Allocation (GLDA), for the problem of discrete state discovery from repeated, multivariate psychophysiological samples collected from multiple, inherently distinct, individuals. Psychology and medical research heavily involves measuring potentially related but individually inconclusive variables from a cohort of participants to derive diagnosis, necessitating clustering analysis. Traditional probabilistic clustering models such as Gaussian Mixture Model (GMM) assume a global mixture of component distributions, which may not be realistic for observations from different patients. The GLDA model borrows the individual-specific mixture structure from a popular topic model Latent Dirichlet Allocation (LDA) in Natural Language Processing and merges it with the Gaussian component distributions of GMM to suit continuous type data. We implemented GLDA using STAN (a probabilistic modeling language) and applied it on two datasets, one containing Ecological Momentary Assessments (EMA) and the other heart measures from electrocardiogram and impedance cardiograph. We found that in both datasets the GLDA-learned class weights achieved significantly higher correlations with clinically assessed depression, anxiety, and stress scores than those produced by the baseline GMM. Our findings demonstrate the advantage of GLDA over conventional finite mixture models for human state discovery from repeated multivariate data, likely due to better characterization of potential underlying between-participant differences. Future work is required to validate the utility of this model on a broader range of applications." 564,Zero-Shot Building Control,"Heating and cooling systems in buildings account for 31% of global energy use, much of which are regulated by Rule Based Controllers (RBCs) that neither maximise energy efficiency nor minimise emissions by interacting optimally with the grid. Control via Reinforcement Learning (RL) has been shown to significantly improve building energy efficiency, but existing solutions require pre-training in simulators that are prohibitively expensive to obtain for every building in the world. In response, we show it is possible to perform safe, zero-shot control of buildings by combining ideas from system identification and model-based RL. We call this combination PEARL (Probabilistic Emission-Abating Reinforcement Learning) and show it reduces emissions without pre-training, needing only a three hour commissioning period. In experiments across three varied building energy simulations, we show PEARL outperforms an existing RBC once, and popular RL baselines in all cases, reducing building emissions by as much as 31% whilst maintaining thermal comfort." 565,Latent Combinational Game Design,"We present an approach for generating playable games that blend a given set of games in a desired combination using deep generative latent variable models. We refer to this approach as latent combinational game design -- latent since we use learned latent representations to perform blending, combinational since game blending is a combinational creativity process and game design since the approach generates novel, playable games. We use Gaussian Mixture Variational Autoencoders (GMVAEs), which use a mixture of Gaussians to model the VAE latent space. Through supervised training, each component learns to encode levels from one game and lets us define new, blended games as linear combinations of these learned components. This enables generating new games that blend the input games as well as control the relative proportions of each game in the blend. We also extend prior work using conditional VAEs to perform blending and compare against the GMVAE. Our results show that both models can generate playable blended games that blend the input games in the desired proportions." 566,Evaluating Understanding on Conceptual Abstraction Benchmarks,"A long-held objective in AI is to build systems that understand concepts in a humanlike way. Setting aside the difficulty of building such a system, even trying to evaluate one is a challenge, due to present-day AI's relative opacity and its proclivity for finding shortcut solutions. This is exacerbated by humans' tendency to anthropomorphize, assuming that a system that can recognize one instance of a concept must also understand other instances, as a human would. In this paper, we argue that understanding a concept requires the ability to use it in varied contexts. Accordingly, we propose systematic evaluations centered around concepts, by probing a system's ability to use a given concept in many different instantiations. We present case studies of such an evaluations on two domains -- RAVEN (inspired by Raven's Progressive Matrices) and the Abstraction and Reasoning Corpus (ARC) -- that have been used to develop and assess abstraction abilities in AI systems. Our concept-based approach to evaluation reveals information about AI systems that conventional test sets would have left hidden." 567,Integral Transforms in a Physics-Informed (Quantum) Neural Network setting: Applications & Use-Cases,"In many computational problems in engineering and science, function or model differentiation is essential, but also integration is needed. An important class of computational problems include so-called integro-differential equations which include both integrals and derivatives of a function. In another example, stochastic differential equations can be written in terms of a partial differential equation of a probability density function of the stochastic variable. To learn characteristics of the stochastic variable based on the density function, specific integral transforms, namely moments, of the density function need to be calculated. Recently, the machine learning paradigm of Physics-Informed Neural Networks emerged with increasing popularity as a method to solve differential equations by leveraging automatic differentiation. In this work, we propose to augment the paradigm of Physics-Informed Neural Networks with automatic integration in order to compute complex integral transforms on trained solutions, and to solve integro-differential equations where integrals are computed on-the-fly during training. Furthermore, we showcase the techniques in various application settings, numerically simulating quantum computer-based neural networks as well as classical neural networks." 568,DayDreamer: World Models for Physical Robot Learning,"To solve tasks in complex environments, robots need to learn from experience. Deep reinforcement learning is a common approach to robot learning but requires a large amount of trial and error to learn, limiting its deployment in the physical world. As a consequence, many advances in robot learning rely on simulators. On the other hand, learning inside of simulators fails to capture the complexity of the real world, is prone to simulator inaccuracies, and the resulting behaviors do not adapt to changes in the world. The Dreamer algorithm has recently shown great promise for learning from small amounts of interaction by planning within a learned world model, outperforming pure reinforcement learning in video games. Learning a world model to predict the outcomes of potential actions enables planning in imagination, reducing the amount of trial and error needed in the real environment. However, it is unknown whether Dreamer can facilitate faster learning on physical robots. In this paper, we apply Dreamer to 4 robots to learn online and directly in the real world, without simulators. Dreamer trains a quadruped robot to roll off its back, stand up, and walk from scratch and without resets in only 1 hour. We then push the robot and find that Dreamer adapts within 10 minutes to withstand perturbations or quickly roll over and stand back up. On two different robotic arms, Dreamer learns to pick and place multiple objects directly from camera images and sparse rewards, approaching human performance. On a wheeled robot, Dreamer learns to navigate to a goal position purely from camera images, automatically resolving ambiguity about the robot orientation. Using the same hyperparameters across all experiments, we find that Dreamer is capable of online learning in the real world, establishing a strong baseline. We release our infrastructure for future applications of world models to robot learning." 569,Risk Perspective Exploration in Distributional Reinforcement Learning,"Distributional reinforcement learning demonstrates state-of-the-art performance in continuous and discrete control settings with the features of variance and risk, which can be used to explore. However, the exploration method employing the risk property is hard to find, although numerous exploration methods in Distributional RL employ the variance of return distribution per action. In this paper, we present risk scheduling approaches that explore risk levels and optimistic behaviors from a risk perspective. We demonstrate the performance enhancement of the DMIX algorithm using risk scheduling in a multi-agent setting with comprehensive experiments." 570,Verifiable Goal Recognition for Autonomous Driving with Occlusions,"When used in autonomous driving, goal recognition allows the future behaviour of other vehicles to be more accurately predicted. A recent goal recognition method for autonomous vehicles, GRIT, has been shown to be fast, accurate, interpretable and verifiable. In autonomous driving, vehicles can encounter novel scenarios that were unseen during training, and the environment is partially observable due to occlusions. However, GRIT can only operate in fixed frame scenarios, with full observability. We present a novel goal recognition method named Goal Recognition with Interpretable Trees under Occlusion (OGRIT), which solves these shortcomings of GRIT. We demonstrate that OGRIT can generalise between different scenarios and handle missing data due to occlusions, while still being fast, accurate, interpretable and verifiable." 571,Rethinking Optimization with Differentiable Simulation from a Global Perspective,"Differentiable simulation is a promising toolkit for fast gradient-based policy optimization and system identification. However, existing approaches to differentiable simulation have largely tackled scenarios where obtaining smooth gradients has been relatively easy, such as systems with mostly smooth dynamics. In this work, we study the challenges that differentiable simulation presents when it is not feasible to expect that a single descent reaches a global optimum, which is often a problem in contact-rich scenarios. We analyze the optimization landscapes of diverse scenarios that contain both rigid bodies and deformable objects. In dynamic environments with highly deformable objects and fluids, differentiable simulators produce rugged landscapes with nonetheless useful gradients in some parts of the space. We propose a method that combines Bayesian optimization with semi-local 'leaps' to obtain a global search method that can use gradients effectively, while also maintaining robust performance in regions with noisy gradients. We show that our approach outperforms several gradient-based and gradient-free baselines on an extensive set of experiments in simulation, and also validate the method using experiments with a real robot and deformables. Videos and supplementary materials are available at https://tinyurl.com/globdiff" 572,Generative Anomaly Detection for Time Series Datasets,"Traffic congestion anomaly detection is of paramount importance in intelligent traffic systems. The goals of transportation agencies are two-fold: to monitor the general traffic conditions in the area of interest and to locate road segments under abnormal congestion states. Modeling congestion patterns can achieve these goals for citywide roadways, which amounts to learning the distribution of multivariate time series (MTS). However, existing works are either not scalable or unable to capture the spatial-temporal information in MTS simultaneously. To this end, we propose a principled and comprehensive framework consisting of a data-driven generative approach that can perform tractable density estimation for detecting traffic anomalies. Our approach first clusters segments in the feature space and then uses conditional normalizing flow to identify anomalous temporal snapshots at the cluster level in an unsupervised setting. Then, we identify anomalies at the segment level by using a kernel density estimator on the anomalous cluster. Extensive experiments on synthetic datasets show that our approach significantly outperforms several state-of-the-art congestion anomaly detection and diagnosis methods in terms of Recall and F1-Score. We also use the generative model to sample labeled data, which can train classifiers in a supervised setting, alleviating the lack of labeled data for anomaly detection in sparse settings." 573,Building Matters: Spatial Variability in Machine Learning Based Thermal Comfort Prediction in Winters,"Thermal comfort in indoor environments has an enormous impact on the health, well-being, and performance of occupants. Given the focus on energy efficiency and Internet-of-Things enabled smart buildings, machine learning (ML) is being increasingly used for data-driven thermal comfort (TC) prediction. Generally, ML-based solutions are proposed for air-conditioned or HVAC ventilated buildings and the models are primarily designed for adults. On the other hand, naturally ventilated (NV) buildings are the norm in most countries. They are also ideal for energy conservation and long-term sustainability goals. However, the indoor environment of NV buildings lacks thermal regulation and varies significantly across spatial contexts. These factors make TC prediction extremely challenging. Thus, determining the impact of the building environment on the performance of TC models is important. Further, the generalization capability of TC prediction models across different NV indoor spaces needs to be studied. This work addresses these problems. Data is gathered through month-long field experiments conducted in 5 naturally ventilated school buildings, involving 512 primary school students. The impact of spatial variability on student comfort is demonstrated through variation in prediction accuracy (by as much as 71%). The influence of building environment on TC prediction is also demonstrated through variation in feature importance. Further, a comparative analysis of spatial variability in model performance is done for children (our dataset) and adults (ASHRAE-II database). Finally, the generalization capability of thermal comfort models in NV classrooms is assessed and major challenges are highlighted." 574,How to Steer Your Adversary: Targeted and Efficient Model Stealing Defenses with Gradient Redirection,"Model stealing attacks present a dilemma for public machine learning APIs. To protect financial investments, companies may be forced to withhold important information about their models that could facilitate theft, including uncertainty estimates and prediction explanations. This compromise is harmful not only to users but also to external transparency. Model stealing defenses seek to resolve this dilemma by making models harder to steal while preserving utility for benign users. However, existing defenses have poor performance in practice, either requiring enormous computational overheads or severe utility trade-offs. To meet these challenges, we present a new approach to model stealing defenses called gradient redirection. At the core of our approach is a provably optimal, efficient algorithm for steering an adversary's training updates in a targeted manner. Combined with improvements to surrogate networks and a novel coordinated defense strategy, our gradient redirection defense, called GRAD${}^2$, achieves small utility trade-offs and low computational overhead, outperforming the best prior defenses. Moreover, we demonstrate how gradient redirection enables reprogramming the adversary with arbitrary behavior, which we hope will foster work on new avenues of defense." 575,Memory Safe Computations with XLA Compiler,"Software packages like TensorFlow and PyTorch are designed to support linear algebra operations, and their speed and usability determine their success. However, by prioritising speed, they often neglect memory requirements. As a consequence, the implementations of memory-intensive algorithms that are convenient in terms of software design can often not be run for large problems due to memory overflows. Memory-efficient solutions require complex programming approaches with significant logic outside the computational framework. This impairs the adoption and use of such algorithms. To address this, we developed an XLA compiler extension that adjusts the computational data-flow representation of an algorithm according to a user-specified memory limit. We show that k-nearest neighbour and sparse Gaussian process regression methods can be run at a much larger scale on a single device, where standard implementations would have failed. Our approach leads to better use of hardware resources. We believe that further focus on removing memory constraints at a compiler level will widen the range of machine learning methods that can be developed in the future." 576,Learning Variable Impedance Control for Aerial Sliding on Uneven Heterogeneous Surfaces by Proprioceptive and Tactile Sensing,"The recent development of novel aerial vehicles capable of physically interacting with the environment leads to new applications such as contact-based inspection. These tasks require the robotic system to exchange forces with partially-known environments, which may contain uncertainties including unknown spatially-varying friction properties and discontinuous variations of the surface geometry. Finding a control strategy that is robust against these environmental uncertainties remains an open challenge. This paper presents a learning-based adaptive control strategy for aerial sliding tasks. In particular, the gains of a standard impedance controller are adjusted in real-time by a policy based on the current control signals, proprioceptive measurements, and tactile sensing. This policy is trained in simulation with simplified actuator dynamics in a student-teacher learning setup. The real-world performance of the proposed approach is verified using a tilt-arm omnidirectional flying vehicle. The proposed controller structure combines data-driven and model-based control methods, enabling our approach to successfully transfer directly and without adaptation from simulation to the real platform. Compared to fine-tuned state of the art interaction control methods we achieve reduced tracking error and improved disturbance rejection." 577,Quantum Neural Architecture Search with Quantum Circuits Metric and Bayesian Optimization,"Quantum neural networks are promising for a wide range of applications in the Noisy Intermediate-Scale Quantum era. As such, there is an increasing demand for automatic quantum neural architecture search. We tackle this challenge by designing a quantum circuits metric for Bayesian optimization with Gaussian process. To this goal, we propose a new quantum gates distance that characterizes the gates' action over every quantum state and provide a theoretical perspective on its geometrical properties. Our approach significantly outperforms the benchmark on three empirical quantum machine learning problems including training a quantum generative adversarial network, solving combinatorial optimization in the MaxCut problem, and simulating quantum Fourier transform. Our method can be extended to characterize behaviors of various quantum machine learning models." 578,On the universality of the volatility formation process: when machine learning and rough volatility agree,"We train an LSTM network based on a pooled dataset made of hundreds of liquid stocks aiming to forecast the next daily realized volatility for all stocks. Showing the consistent outperformance of this universal LSTM relative to other asset-specific parametric models, we uncover nonparametric evidences of a universal volatility formation mechanism across assets relating past market realizations, including daily returns and volatilities, to current volatilities. A parsimonious parametric forecasting device combining the rough fractional stochastic volatility and quadratic rough Heston models with fixed parameters results in the same level of performance as the universal LSTM, which confirms the universality of the volatility formation process from a parametric perspective." 579,RevBiFPN: The Fully Reversible Bidirectional Feature Pyramid Network,"This work introduces the RevSilo, the first reversible module for bidirectional multi-scale feature fusion. Like other reversible methods, RevSilo eliminates the need to store hidden activations by recomputing them. Existing reversible methods, however, do not apply to multi-scale feature fusion and are therefore not applicable to a large class of networks. Bidirectional multi-scale feature fusion promotes local and global coherence and has become a de facto design principle for networks targeting spatially sensitive tasks e.g. HRNet and EfficientDet. When paired with high-resolution inputs, these networks achieve state-of-the-art results across various computer vision tasks, but training them requires substantial accelerator memory for saving large, multi-resolution activations. These memory requirements cap network size and limit progress. Using reversible recomputation, the RevSilo alleviates memory issues while still operating across resolution scales. Stacking RevSilos, we create RevBiFPN, a fully reversible bidirectional feature pyramid network. For classification, RevBiFPN is competitive with networks such as EfficientNet while using up to 19.8x lesser training memory. When fine-tuned on COCO, RevBiFPN provides up to a 2.5% boost in AP over HRNet using fewer MACs and a 2.4x reduction in training-time memory." 580,Learning the Solution Operator of Boundary Value Problems using Graph Neural Networks,"As an alternative to classical numerical solvers for partial differential equations (PDEs) subject to boundary value constraints, there has been a surge of interest in investigating neural networks that can solve such problems efficiently. In this work, we design a general solution operator for two different time-independent PDEs using graph neural networks (GNNs) and spectral graph convolutions. We train the networks on simulated data from a finite elements solver on a variety of shapes and inhomogeneities. In contrast to previous works, we focus on the ability of the trained operator to generalize to previously unseen scenarios. Specifically, we test generalization to meshes with different shapes and superposition of solutions for a different number of inhomogeneities. We find that training on a diverse dataset with lots of variation in the finite element meshes is a key ingredient for achieving good generalization results in all cases. With this, we believe that GNNs can be used to learn solution operators that generalize over a range of properties and produce solutions much faster than a generic solver. Our dataset, which we make publicly available, can be used and extended to verify the robustness of these models under varying conditions." 581,Continual Learning with Transformers for Image Classification,"In many real-world scenarios, data to train machine learning models become available over time. However, neural network models struggle to continually learn new concepts without forgetting what has been learnt in the past. This phenomenon is known as catastrophic forgetting and it is often difficult to prevent due to practical constraints, such as the amount of data that can be stored or the limited computation sources that can be used. Moreover, training large neural networks, such as Transformers, from scratch is very costly and requires a vast amount of training data, which might not be available in the application domain of interest. A recent trend indicates that dynamic architectures based on an expansion of the parameters can reduce catastrophic forgetting efficiently in continual learning, but this needs complex tuning to balance the growing number of parameters and barely share any information across tasks. As a result, they struggle to scale to a large number of tasks without significant overhead. In this paper, we validate in the computer vision domain a recent solution called Adaptive Distillation of Adapters (ADA), which is developed to perform continual learning using pre-trained Transformers and Adapters on text classification tasks. We empirically demonstrate on different classification tasks that this method maintains a good predictive performance without retraining the model or increasing the number of model parameters over the time. Besides it is significantly faster at inference time compared to the state-of-the-art methods." 582,Equivariant Priors for Compressed Sensing with Unknown Orientation,"In compressed sensing, the goal is to reconstruct the signal from an underdetermined system of linear measurements. Thus, prior knowledge about the signal of interest and its structure is required. Additionally, in many scenarios, the signal has an unknown orientation prior to measurements. To address such recovery problems, we propose using equivariant generative models as a prior, which encapsulate orientation information in their latent space. Thereby, we show that signals with unknown orientations can be recovered with iterative gradient descent on the latent space of these models and provide additional theoretical recovery guarantees. We construct an equivariant variational autoencoder and use the decoder as generative prior for compressed sensing. We discuss additional potential gains of the proposed approach in terms of convergence and latency." 583,Safe Exploration Incurs Nearly No Additional Sample Complexity for Reward-free RL,"While the primary goal of the exploration phase in reward-free reinforcement learning (RF-RL) is to reduce the uncertainty in the estimated model with minimum number of trajectories, in practice, the agent often needs to abide by certain safety constraint at the same time. It remains unclear how such safe exploration requirement would affect the corresponding sample complexity to achieve the desired optimality of the obtained policy in planning. In this work, we make a first attempt to answer this question. In particular, we consider the scenario where a safe baseline policy is known beforehand, and propose a unified Safe reWard-frEe ExploraTion (SWEET) framework. We then particularize the SWEET framework to the tabular and the low-rank MDP settings, and develop algorithms coined Tabular-SWEET and Low-rank-SWEET, respectively. Both algorithms leverage the concavity and continuity of the newly introduced truncated value functions, and are guaranteed to achieve zero constraint violation during exploration with high probability. Furthermore, both algorithms can provably find a near-optimal policy subject to any constraint in the planning phase. Remarkably, the sample complexities under both algorithms match or even outperform the state of the art in their constraint-free counterparts up to some constant factors, proving that safety constraint hardly increases the sample complexity for RF-RL." 584,Deep Neural Networks pruning via the Structured Perspective Regularization,"In Machine Learning, Artificial Neural Networks (ANNs) are a very powerful tool, broadly used in many applications. Often, the selected (deep) architectures include many layers, and therefore a large amount of parameters, which makes training, storage and inference expensive. This motivated a stream of research about compressing the original networks into smaller ones without excessively sacrificing performances. Among the many proposed compression approaches, one of the most popular is \emph{pruning}, whereby entire elements of the ANN (links, nodes, channels, \ldots) and the corresponding weights are deleted. Since the nature of the problem is inherently combinatorial (what elements to prune and what not), we propose a new pruning method based on Operational Research tools. We start from a natural Mixed-Integer-Programming model for the problem, and we use the Perspective Reformulation technique to strengthen its continuous relaxation. Projecting away the indicator variables from this reformulation yields a new regularization term, which we call the Structured Perspective Regularization, that leads to structured pruning of the initial architecture. We test our method on some ResNet architectures applied to CIFAR-10, CIFAR-100 and ImageNet datasets, obtaining competitive performances w.r.t.~the state of the art for structured pruning." 585,Modeling Extraneous Activity Delays in Business Process Simulation,"Business Process Simulation (BPS) is a common approach to estimate the impact of changes to a business process on its performance measures. For example, BPS allows us to estimate what would be the cycle time of a process if we automated one of its activities. The starting point of BPS is a business process model annotated with simulation parameters (a BPS model). Several studies have proposed methods to automatically discover BPS models from event logs via process mining. However, current techniques in this space discover BPS models that only capture waiting times caused by resource contention or resource unavailability. Oftentimes, a considerable portion of the waiting time in a business process is caused by extraneous delays, e.g. a resource waits for the customer to return a phone call. This paper proposes a method that discovers extraneous delays from input data, and injects timer events into a BPS model to capture the discovered delays. An empirical evaluation involving synthetic and real-life logs shows that the approach produces BPS models that better reflect the temporal dynamics of the process, relative to BPS models that do not capture extraneous delays." 586,Short-Term Plasticity Neurons Learning to Learn and Forget,"Short-term plasticity (STP) is a mechanism that stores decaying memories in synapses of the cerebral cortex. In computing practice, STP has been used, but mostly in the niche of spiking neurons, even though theory predicts that it is the optimal solution to certain dynamic tasks. Here we present a new type of recurrent neural unit, the STP Neuron (STPN), which indeed turns out strikingly powerful. Its key mechanism is that synapses have a state, propagated through time by a self-recurrent connection-within-the-synapse. This formulation enables training the plasticity with backpropagation through time, resulting in a form of learning to learn and forget in the short term. The STPN outperforms all tested alternatives, i.e. RNNs, LSTMs, other models with fast weights, and differentiable plasticity. We confirm this in both supervised and reinforcement learning (RL), and in tasks such as Associative Retrieval, Maze Exploration, Atari video games, and MuJoCo robotics. Moreover, we calculate that, in neuromorphic or biological circuits, the STPN minimizes energy consumption across models, as it depresses individual synapses dynamically. Based on these, biological STP may have been a strong evolutionary attractor that maximizes both efficiency and computational power. The STPN now brings these neuromorphic advantages also to a broad spectrum of machine learning practice. Code is available at https://github.com/NeuromorphicComputing/stpn" 587,On the amplification of security and privacy risks by post-hoc explanations in machine learning models,"A variety of explanation methods have been proposed in recent years to help users gain insights into the results returned by neural networks, which are otherwise complex and opaque black-boxes. However, explanations give rise to potential side-channels that can be leveraged by an adversary for mounting attacks on the system. In particular, post-hoc explanation methods that highlight input dimensions according to their importance or relevance to the result also leak information that weakens security and privacy. In this work, we perform the first systematic characterization of the privacy and security risks arising from various popular explanation techniques. First, we propose novel explanation-guided black-box evasion attacks that lead to 10 times reduction in query count for the same success rate. We show that the adversarial advantage from explanations can be quantified as a reduction in the total variance of the estimated gradient. Second, we revisit the membership information leaked by common explanations. Contrary to observations in prior studies, via our modified attacks we show significant leakage of membership information (above 100% improvement over prior results), even in a much stricter black-box setting. Finally, we study explanation-guided model extraction attacks and demonstrate adversarial gains through a large reduction in query count." 588,Learning Symmetric Rules with SATNet,"SATNet is a differentiable constraint solver with a custom backpropagation algorithm, which can be used as a layer in a deep-learning system. It is a promising proposal for bridging deep learning and logical reasoning. In fact, SATNet has been successfully applied to learn, among others, the rules of a complex logical puzzle, such as Sudoku, just from input and output pairs where inputs are given as images. In this paper, we show how to improve the learning of SATNet by exploiting symmetries in the target rules of a given but unknown logical puzzle or more generally a logical formula. We present SymSATNet, a variant of SATNet that translates the given symmetries of the target rules to a condition on the parameters of SATNet and requires that the parameters should have a particular parametric form that guarantees the condition. The requirement dramatically reduces the number of parameters to learn for the rules with enough symmetries, and makes the parameter learning of SymSATNet much easier than that of SATNet. We also describe a technique for automatically discovering symmetries of the target rules from examples. Our experiments with Sudoku and Rubik's cube show the substantial improvement of SymSATNet over the baseline SATNet." 589,Stain Isolation-based Guidance for Improved Stain Translation,"Unsupervised and unpaired domain translation using generative adversarial neural networks, and more precisely CycleGAN, is state of the art for the stain translation of histopathology images. It often, however, suffers from the presence of cycle-consistent but non structure-preserving errors. We propose an alternative approach to the set of methods which, relying on segmentation consistency, enable the preservation of pathology structures. Focusing on immunohistochemistry (IHC) and multiplexed immunofluorescence (mIF), we introduce a simple yet effective guidance scheme as a loss function that leverages the consistency of stain translation with stain isolation. Qualitative and quantitative experiments show the ability of the proposed approach to improve translation between the two domains." 590,Increasing Confidence in Adversarial Robustness Evaluations,"Hundreds of defenses have been proposed to make deep neural networks robust against minimal (adversarial) input perturbations. However, only a handful of these defenses held up their claims because correctly evaluating robustness is extremely challenging: Weak attacks often fail to find adversarial examples even if they unknowingly exist, thereby making a vulnerable network look robust. In this paper, we propose a test to identify weak attacks, and thus weak defense evaluations. Our test slightly modifies a neural network to guarantee the existence of an adversarial example for every sample. Consequentially, any correct attack must succeed in breaking this modified network. For eleven out of thirteen previously-published defenses, the original evaluation of the defense fails our test, while stronger attacks that break these defenses pass it. We hope that attack unit tests - such as ours - will be a major component in future robustness evaluations and increase confidence in an empirical field that is currently riddled with skepticism." 591,Fundamental Limits of Communication Efficiency for Model Aggregation in Distributed Learning: A Rate-Distortion Approach,"One of the main focuses in distributed learning is communication efficiency, since model aggregation at each round of training can consist of millions to billions of parameters. Several model compression methods, such as gradient quantization and sparsification, have been proposed to improve the communication efficiency of model aggregation. However, the information-theoretic minimum communication cost for a given distortion of gradient estimators is still unknown. In this paper, we study the fundamental limit of communication cost of model aggregation in distributed learning from a rate-distortion perspective. By formulating the model aggregation as a vector Gaussian CEO problem, we derive the rate region bound and sum-rate-distortion function for the model aggregation problem, which reveals the minimum communication rate at a particular gradient distortion upper bound. We also analyze the communication cost at each iteration and total communication cost based on the sum-rate-distortion function with the gradient statistics of real-world datasets. It is found that the communication gain by exploiting the correlation between worker nodes is significant for SignSGD, and a high distortion of gradient estimator can achieve low total communication cost in gradient compression." 592,BAGEL: A Benchmark for Assessing Graph Neural Network Explanations,"The problem of interpreting the decisions of machine learning is a well-researched and important. We are interested in a specific type of machine learning model that deals with graph data called graph neural networks. Evaluating interpretability approaches for graph neural networks (GNN) specifically are known to be challenging due to the lack of a commonly accepted benchmark. Given a GNN model, several interpretability approaches exist to explain GNN models with diverse (sometimes conflicting) evaluation methodologies. In this paper, we propose a benchmark for evaluating the explainability approaches for GNNs called Bagel. In Bagel, we firstly propose four diverse GNN explanation evaluation regimes -- 1) faithfulness, 2) sparsity, 3) correctness. and 4) plausibility. We reconcile multiple evaluation metrics in the existing literature and cover diverse notions for a holistic evaluation. Our graph datasets range from citation networks, document graphs, to graphs from molecules and proteins. We conduct an extensive empirical study on four GNN models and nine post-hoc explanation approaches for node and graph classification tasks. We open both the benchmarks and reference implementations and make them available at https://github.com/Mandeep-Rathee/Bagel-benchmark." 593,Improving Disease Classification Performance and Explainability of Deep Learning Models in Radiology with Heatmap Generators,"As deep learning is widely used in the radiology field, the explainability of such models is increasingly becoming essential to gain clinicians' trust when using the models for diagnosis. In this research, three experiment sets were conducted with a U-Net architecture to improve the classification performance while enhancing the heatmaps corresponding to the model's focus through incorporating heatmap generators during training. All of the experiments used the dataset that contained chest radiographs, associated labels from one of the three conditions (""normal"", ""congestive heart failure (CHF)"", and ""pneumonia""), and numerical information regarding a radiologist's eye-gaze coordinates on the images. The paper (A. Karargyris and Moradi, 2021) that introduced this dataset developed a U-Net model, which was treated as the baseline model for this research, to show how the eye-gaze data can be used in multi-modal training for explainability improvement. To compare the classification performances, the 95% confidence intervals (CI) of the area under the receiver operating characteristic curve (AUC) were measured. The best method achieved an AUC of 0.913 (CI: 0.860-0.966). The greatest improvements were for the ""pneumonia"" and ""CHF"" classes, which the baseline model struggled most to classify, resulting in AUCs of 0.859 (CI: 0.732-0.957) and 0.962 (CI: 0.933-0.989), respectively. The proposed method's decoder was also able to produce probability masks that highlight the determining image parts in model classifications, similarly as the radiologist's eye-gaze data. Hence, this work showed that incorporating heatmap generators and eye-gaze information into training can simultaneously improve disease classification and provide explainable visuals that align well with how the radiologist viewed the chest radiographs when making diagnosis." 594,Towards a Grounded Theory of Causation for Embodied AI,"There exist well-developed frameworks for causal modelling, but these require rather a lot of human domain expertise to define causal variables and perform interventions. In order to enable autonomous agents to learn abstract causal models through interactive experience, the existing theoretical foundations need to be extended and clarified. Existing frameworks give no guidance regarding variable choice / representation, and more importantly, give no indication as to which behaviour policies or physical transformations of state space shall count as interventions. The framework sketched in this paper describes actions as transformations of state space, for instance induced by an agent running a policy. This makes it possible to describe in a uniform way both transformations of the micro-state space and abstract models thereof, and say when the latter is veridical / grounded / natural. We then introduce (causal) variables, define a mechanism as an invariant predictor, and say when an action can be viewed as a ``surgical intervention'', thus bringing the objective of causal representation & intervention skill learning into clearer focus." 595,Smart Application for Fall Detection Using Wearable ECG & Accelerometer Sensors,"Timely and reliable detection of falls is a large and rapidly growing field of research due to the medical and financial demand of caring for a constantly growing elderly population. Within the past 2 decades, the availability of high-quality hardware (high-quality sensors and AI microchips) and software (machine learning algorithms) technologies has served as a catalyst for this research by giving developers the capabilities to develop such systems. This study developed multiple application components in order to investigate the development challenges and choices for fall detection systems, and provide materials for future research. The smart application developed using this methodology was validated by the results from fall detection modelling experiments and model mobile deployment. The best performing model overall was the ResNet152 on a standardised, and shuffled dataset with a 2s window size which achieved 92.8% AUC, 7.28% sensitivity, and 98.33% specificity. Given these results it is evident that accelerometer and ECG sensors are beneficial for fall detection, and allow for the discrimination between falls and other activities. This study leaves a significant amount of room for improvement due to weaknesses identified in the resultant dataset. These improvements include using a labelling protocol for the critical phase of a fall, increasing the number of dataset samples, improving the test subject representation, and experimenting with frequency domain preprocessing." 596,Information Entropy Initialized Concrete Autoencoder for Optimal Sensor Placement and Reconstruction of Geophysical Fields,"We propose a new approach to the optimal placement of sensors for the problem of reconstructing geophysical fields from sparse measurements. Our method consists of two stages. In the first stage, we estimate the variability of the physical field as a function of spatial coordinates by approximating its information entropy through the Conditional PixelCNN network. To calculate the entropy, a new ordering of a two-dimensional data array (spiral ordering) is proposed, which makes it possible to obtain the entropy of a physical field simultaneously for several spatial scales. In the second stage, the entropy of the physical field is used to initialize the distribution of optimal sensor locations. This distribution is further optimized with the Concrete Autoencoder architecture with the straight-through gradient estimator and adversarial loss to simultaneously minimize the number of sensors and maximize reconstruction accuracy. Our method scales linearly with data size, unlike commonly used Principal Component Analysis. We demonstrate our method on the two examples: (a) temperature and (b) salinity fields around the Barents Sea and the Svalbard group of islands. For these examples, we compute the reconstruction error of our method and a few baselines. We test our approach against two baselines (1) PCA with QR factorization and (2) climatology. We find out that the obtained optimal sensor locations have clear physical interpretation and correspond to the boundaries between sea currents." 597,Dynamic Memory for Interpretable Sequential Optimisation,"Real-world applications of reinforcement learning for recommendation and experimentation faces a practical challenge: the relative reward of different bandit arms can evolve over the lifetime of the learning agent. To deal with these non-stationary cases, the agent must forget some historical knowledge, as it may no longer be relevant to minimise regret. We present a solution to handling non-stationarity that is suitable for deployment at scale, to provide business operators with automated adaptive optimisation. Our solution aims to provide interpretable learning that can be trusted by humans, whilst responding to non-stationarity to minimise regret. To this end, we develop an adaptive Bayesian learning agent that employs a novel form of dynamic memory. It enables interpretability through statistical hypothesis testing, by targeting a set point of statistical power when comparing rewards and adjusting its memory dynamically to achieve this power. By design, the agent is agnostic to different kinds of non-stationarity. Using numerical simulations, we compare its performance against an existing proposal and show that, under multiple non-stationary scenarios, our agent correctly adapts to real changes in the true rewards. In all bandit solutions, there is an explicit trade-off between learning and achieving maximal performance. Our solution sits on a different point on this trade-off when compared to another similarly robust approach: we prioritise interpretability, which relies on more learning, at the cost of some regret. We describe the architecture of a large-scale deployment of automatic optimisation-as-a-service where our agent achieves interpretability whilst adapting to changing circumstances." 598,RAW-GNN: RAndom Walk Aggregation based Graph Neural Network,"Graph-Convolution-based methods have been successfully applied to representation learning on homophily graphs where nodes with the same label or similar attributes tend to connect with one another. Due to the homophily assumption of Graph Convolutional Networks (GCNs) that these methods use, they are not suitable for heterophily graphs where nodes with different labels or dissimilar attributes tend to be adjacent. Several methods have attempted to address this heterophily problem, but they do not change the fundamental aggregation mechanism of GCNs because they rely on summation operators to aggregate information from neighboring nodes, which is implicitly subject to the homophily assumption. Here, we introduce a novel aggregation mechanism and develop a RAndom Walk Aggregation-based Graph Neural Network (called RAW-GNN) method. The proposed approach integrates the random walk strategy with graph neural networks. The new method utilizes breadth-first random walk search to capture homophily information and depth-first search to collect heterophily information. It replaces the conventional neighborhoods with path-based neighborhoods and introduces a new path-based aggregator based on Recurrent Neural Networks. These designs make RAW-GNN suitable for both homophily and heterophily graphs. Extensive experimental results showed that the new method achieved state-of-the-art performance on a variety of homophily and heterophily graphs." 599,Robustifying Vision Transformer without Retraining from Scratch by Test-Time Class-Conditional Feature Alignment,"Vision Transformer (ViT) is becoming more popular in image processing. Specifically, we investigate the effectiveness of test-time adaptation (TTA) on ViT, a technique that has emerged to correct its prediction during test-time by itself. First, we benchmark various test-time adaptation approaches on ViT-B16 and ViT-L16. It is shown that the TTA is effective on ViT and the prior-convention (sensibly selecting modulation parameters) is not necessary when using proper loss function. Based on the observation, we propose a new test-time adaptation method called class-conditional feature alignment (CFA), which minimizes both the class-conditional distribution differences and the whole distribution differences of the hidden representation between the source and target in an online manner. Experiments of image classification tasks on common corruption (CIFAR-10-C, CIFAR-100-C, and ImageNet-C) and domain adaptation (digits datasets and ImageNet-Sketch) show that CFA stably outperforms the existing baselines on various datasets. We also verify that CFA is model agnostic by experimenting on ResNet, MLP-Mixer, and several ViT variants (ViT-AugReg, DeiT, and BeiT). Using BeiT backbone, CFA achieves 19.8% top-1 error rate on ImageNet-C, outperforming the existing test-time adaptation baseline 44.0%. This is a state-of-the-art result among TTA methods that do not need to alter training phase." 600,SLOVA: Uncertainty Estimation Using Single Label One-Vs-All Classifier,"Deep neural networks present impressive performance, yet they cannot reliably estimate their predictive confidence, limiting their applicability in high-risk domains. We show that applying a multi-label one-vs-all loss reveals classification ambiguity and reduces model overconfidence. The introduced SLOVA (Single Label One-Vs-All) model redefines typical one-vs-all predictive probabilities to a single label situation, where only one class is the correct answer. The proposed classifier is confident only if a single class has a high probability and other probabilities are negligible. Unlike the typical softmax function, SLOVA naturally detects out-of-distribution samples if the probabilities of all other classes are small. The model is additionally fine-tuned with exponential calibration, which allows us to precisely align the confidence score with model accuracy. We verify our approach on three tasks. First, we demonstrate that SLOVA is competitive with the state-of-the-art on in-distribution calibration. Second, the performance of SLOVA is robust under dataset shifts. Finally, our approach performs extremely well in the detection of out-of-distribution samples. Consequently, SLOVA is a tool that can be used in various applications where uncertainty modeling is required." 601,QTI Submission to DCASE 2021: residual normalization for device-imbalanced acoustic scene classification with efficient design,"This technical report describes the details of our TASK1A submission of the DCASE2021 challenge. The goal of the task is to design an audio scene classification system for device-imbalanced datasets under the constraints of model complexity. This report introduces four methods to achieve the goal. First, we propose Residual Normalization, a novel feature normalization method that uses instance normalization with a shortcut path to discard unnecessary device-specific information without losing useful information for classification. Second, we design an efficient architecture, BC-ResNet-Mod, a modified version of the baseline architecture with a limited receptive field. Third, we exploit spectrogram-to-spectrogram translation from one to multiple devices to augment training data. Finally, we utilize three model compression schemes: pruning, quantization, and knowledge distillation to reduce model complexity. The proposed system achieves an average test accuracy of 76.3% in TAU Urban Acoustic Scenes 2020 Mobile, development dataset with 315k parameters, and average test accuracy of 75.3% after compression to 61.0KB of non-zero parameters." 602,Feature Learning for Dimensionality Reduction toward Maximal Extraction of Hidden Patterns,"Dimensionality reduction (DR) plays a vital role in the visual analysis of high-dimensional data. One main aim of DR is to reveal hidden patterns that lie on intrinsic low-dimensional manifolds. However, DR often overlooks important patterns when the manifolds are strongly distorted or hidden by certain influential data attributes. This paper presents a feature learning framework, FEALM, designed to generate an optimized set of data projections for nonlinear DR in order to capture important patterns in the hidden manifolds. These projections produce maximally different nearest-neighbor graphs so that resultant DR outcomes are significantly different. To achieve such a capability, we design an optimization algorithm as well as introduce a new graph dissimilarity measure, called neighbor-shape dissimilarity. Additionally, we develop interactive visualizations to assist comparison of obtained DR results and interpretation of each DR result. We demonstrate FEALM's effectiveness through experiments using synthetic datasets and multiple case studies on real-world datasets." 603,Parallel Instance Filtering for Malware Detection,"Machine learning algorithms are widely used in the area of malware detection. With the growth of sample amounts, training of classification algorithms becomes more and more expensive. In addition, training data sets may contain redundant or noisy instances. The problem to be solved is how to select representative instances from large training data sets without reducing the accuracy. This work presents a new parallel instance selection algorithm called Parallel Instance Filtering (PIF). The main idea of the algorithm is to split the data set into non-overlapping subsets of instances covering the whole data set and apply a filtering process for each subset. Each subset consists of instances that have the same nearest enemy. As a result, the PIF algorithm is fast since subsets are processed independently of each other using parallel computation. We compare the PIF algorithm with several state-of-the-art instance selection algorithms on a large data set of 500,000 malicious and benign samples. The feature set was extracted using static analysis, and it includes metadata from the portable executable file format. Our experimental results demonstrate that the proposed instance selection algorithm reduces the size of a training data set significantly with the only slightly decreased accuracy. The PIF algorithm outperforms existing instance selection methods used in the experiments in terms of the ratio between average classification accuracy and storage percentage." 604,Explaining Any ML Model? -- On Goals and Capabilities of XAI,"An increasing ubiquity of machine learning (ML) motivates research on algorithms to explain ML models and their predictions -- so-called eXplainable Artificial Intelligence (XAI). Despite many survey papers and discussions, the goals and capabilities of XAI algorithms are far from being well understood. We argue that this is because of a problematic reasoning scheme in XAI literature: XAI algorithms are said to complement ML models with desired properties, such as ""interpretability"", or ""explainability"". These properties are in turn assumed to contribute to a goal, like ""trust"" in an ML system. But most properties lack precise definitions and their relationship to such goals is far from obvious. The result is a reasoning scheme that obfuscates research results and leaves an important question unanswered: What can one expect from XAI algorithms? In this article, we clarify the goals and capabilities of XAI algorithms from a concrete perspective: that of their users. Explaining ML models is only necessary if users have questions about them. We show that users can ask diverse questions, but that only one of them can be answered by current XAI algorithms. Answering this core question can be trivial, difficult or even impossible, depending on the ML application. Based on these insights, we outline which capabilities policymakers, researchers and society can reasonably expect from XAI algorithms." 605,Disentangling Embedding Spaces with Minimal Distributional Assumptions,"Interest in understanding and factorizing learned embedding spaces is growing. For instance, recent concept-based explanation techniques analyze a machine learning model in terms of interpretable latent components. Such components have to be discovered in the model's embedding space, e.g., through independent component analysis (ICA) or modern disentanglement learning techniques. While these unsupervised approaches offer a sound formal framework, they either require access to a data generating function or impose rigid assumptions on the data distribution, such as independence of components, that are often violated in practice. In this work, we link conceptual explainability for vision models with disentanglement learning and ICA. This enables us to provide first theoretical results on how components can be identified without requiring any distributional assumptions. From these insights, we derive the disjoint attributions (DA) concept discovery method that is applicable to a broader class of problems than current approaches but yet possesses a formal identifiability guarantee. In an extensive comparison against component analysis and over 300 state-of-the-art disentanglement models, DA stably maintains superior performance, even under varying distributions and correlation strengths." 606,LiteCON: An All-Photonic Neuromorphic Accelerator for Energy-efficient Deep Learning (Preprint),"Deep learning is highly pervasive in today's data-intensive era. In particular, convolutional neural networks (CNNs) are being widely adopted in a variety of fields for superior accuracy. However, computing deep CNNs on traditional CPUs and GPUs brings several performance and energy pitfalls. Several novel approaches based on ASIC, FPGA, and resistive-memory devices have been recently demonstrated with promising results. Most of them target only the inference (testing) phase of deep learning. There have been very limited attempts to design a full-fledged deep learning accelerator capable of both training and inference. It is due to the highly compute and memory-intensive nature of the training phase. In this paper, we propose LiteCON, a novel analog photonics CNN accelerator. LiteCON uses silicon microdisk-based convolution, memristor-based memory, and dense-wavelength-division-multiplexing for energy-efficient and ultrafast deep learning. We evaluate LiteCON using a commercial CAD framework (IPKISS) on deep learning benchmark models including LeNet and VGG-Net. Compared to the state-of-the-art, LiteCON improves the CNN throughput, energy efficiency, and computational efficiency by up to 32x, 37x, and 5x respectively with trivial accuracy degradation." 607,Learning the Evolutionary and Multi-scale Graph Structure for Multivariate Time Series Forecasting,"Recent studies have shown great promise in applying graph neural networks for multivariate time series forecasting, where the interactions of time series are described as a graph structure and the variables are represented as the graph nodes. Along this line, existing methods usually assume that the graph structure (or the adjacency matrix), which determines the aggregation manner of graph neural network, is fixed either by definition or self-learning. However, the interactions of variables can be dynamic and evolutionary in real-world scenarios. Furthermore, the interactions of time series are quite different if they are observed at different time scales. To equip the graph neural network with a flexible and practical graph structure, in this paper, we investigate how to model the evolutionary and multi-scale interactions of time series. In particular, we first provide a hierarchical graph structure cooperated with the dilated convolution to capture the scale-specific correlations among time series. Then, a series of adjacency matrices are constructed under a recurrent manner to represent the evolving correlations at each layer. Moreover, a unified neural network is provided to integrate the components above to get the final prediction. In this way, we can capture the pair-wise correlations and temporal dependency simultaneously. Finally, experiments on both single-step and multi-step forecasting tasks demonstrate the superiority of our method over the state-of-the-art approaches." 608,Sublinear-Time Clustering Oracle for Signed Graphs,"Social networks are often modeled using signed graphs, where vertices correspond to users and edges have a sign that indicates whether an interaction between users was positive or negative. The arising signed graphs typically contain a clear community structure in the sense that the graph can be partitioned into a small number of polarized communities, each defining a sparse cut and indivisible into smaller polarized sub-communities. We provide a local clustering oracle for signed graphs with such a clear community structure, that can answer membership queries, i.e., ""Given a vertex $v$, which community does $v$ belong to?"", in sublinear time by reading only a small portion of the graph. Formally, when the graph has bounded maximum degree and the number of communities is at most $O(\log n)$, then with $\tilde{O}(\sqrt{n}\operatorname{poly}(1/\varepsilon))$ preprocessing time, our oracle can answer each membership query in $\tilde{O}(\sqrt{n}\operatorname{poly}(1/\varepsilon))$ time, and it correctly classifies a $(1-\varepsilon)$-fraction of vertices w.r.t. a set of hidden planted ground-truth communities. Our oracle is desirable in applications where the clustering information is needed for only a small number of vertices. Previously, such local clustering oracles were only known for unsigned graphs; our generalization to signed graphs requires a number of new ideas and gives a novel spectral analysis of the behavior of random walks with signs. We evaluate our algorithm for constructing such an oracle and answering membership queries on both synthetic and real-world datasets, validating its performance in practice." 609,Improving Correlation Capture in Generating Imbalanced Data using Differentially Private Conditional GANs,"Despite the remarkable success of Generative Adversarial Networks (GANs) on text, images, and videos, generating high-quality tabular data is still under development owing to some unique challenges such as capturing dependencies in imbalanced data, optimizing the quality of synthetic patient data while preserving privacy. In this paper, we propose DP-CGANS, a differentially private conditional GAN framework consisting of data transformation, sampling, conditioning, and networks training to generate realistic and privacy-preserving tabular data. DP-CGANS distinguishes categorical and continuous variables and transforms them to latent space separately. Then, we structure a conditional vector as an additional input to not only presents the minority class in the imbalanced data, but also capture the dependency between variables. We inject statistical noise to the gradients in the networking training process of DP-CGANS to provide a differential privacy guarantee. We extensively evaluate our model with state-of-the-art generative models on three public datasets and two real-world personal health datasets in terms of statistical similarity, machine learning performance, and privacy measurement. We demonstrate that our model outperforms other comparable models, especially in capturing dependency between variables. Finally, we present the balance between data utility and privacy in synthetic data generation considering the different data structure and characteristics of real-world datasets such as imbalance variables, abnormal distributions, and sparsity of data." 610,Detecting Arbitrary Order Beneficial Feature Interactions for Recommender Systems,"Detecting beneficial feature interactions is essential in recommender systems, and existing approaches achieve this by examining all the possible feature interactions. However, the cost of examining all the possible higher-order feature interactions is prohibitive (exponentially growing with the order increasing). Hence existing approaches only detect limited order (e.g., combinations of up to four features) beneficial feature interactions, which may miss beneficial feature interactions with orders higher than the limitation. In this paper, we propose a hypergraph neural network based model named HIRS. HIRS is the first work that directly generates beneficial feature interactions of arbitrary orders and makes recommendation predictions accordingly. The number of generated feature interactions can be specified to be much smaller than the number of all the possible interactions and hence, our model admits a much lower running time. To achieve an effective algorithm, we exploit three properties of beneficial feature interactions, and propose deep-infomax-based methods to guide the interaction generation. Our experimental results show that HIRS outperforms state-of-the-art algorithms by up to 5% in terms of recommendation accuracy." 611,Classification of ADHD Patients Using Kernel Hierarchical Extreme Learning Machine,"Recently, the application of deep learning models to diagnose neuropsychiatric diseases from brain imaging data has received more and more attention. However, in practice, exploring interactions in brain functional connectivity based on operational magnetic resonance imaging data is critical for studying mental illness. Since Attention-Deficit and Hyperactivity Disorder (ADHD) is a type of chronic disease that is very difficult to diagnose in the early stages, it is necessary to improve the diagnosis accuracy of such illness using machine learning models treating patients before the critical condition. In this study, we utilize the dynamics of brain functional connectivity to model features from medical imaging data, which can extract the differences in brain function interactions between Normal Control (NC) and ADHD. To meet that requirement, we employ the Bayesian connectivity change-point model to detect brain dynamics using the local binary encoding approach and kernel hierarchical extreme learning machine for classifying features. To verify our model, we experimented with it on several real-world children's datasets, and our results achieved superior classification rates compared to the state-of-the-art models." 612,Exploring linguistic feature and model combination for speech recognition based automatic AD detection,"Early diagnosis of Alzheimer's disease (AD) is crucial in facilitating preventive care and delay progression. Speech based automatic AD screening systems provide a non-intrusive and more scalable alternative to other clinical screening techniques. Scarcity of such specialist data leads to uncertainty in both model selection and feature learning when developing such systems. To this end, this paper investigates the use of feature and model combination approaches to improve the robustness of domain fine-tuning of BERT and Roberta pre-trained text encoders on limited data, before the resulting embedding features being fed into an ensemble of backend classifiers to produce the final AD detection decision via majority voting. Experiments conducted on the ADReSS20 Challenge dataset suggest consistent performance improvements were obtained using model and feature combination in system development. State-of-the-art AD detection accuracies of 91.67 percent and 93.75 percent were obtained using manual and ASR speech transcripts respectively on the ADReSS20 test set consisting of 48 elderly speakers." 613,ECG Heartbeat classification using deep transfer learning with Convolutional Neural Network and STFT technique,"Electrocardiogram (ECG) is a simple non-invasive measure to identify heart-related issues such as irregular heartbeats known as arrhythmias. While artificial intelligence and machine learning is being utilized in a wide range of healthcare related applications and datasets, many arrhythmia classifiers using deep learning methods have been proposed in recent years. However, sizes of the available datasets from which to build and assess machine learning models is often very small and the lack of well-annotated public ECG datasets is evident. In this paper, we propose a deep transfer learning framework that is aimed to perform classification on a small size training dataset. The proposed method is to fine-tune a general-purpose image classifier ResNet-18 with MIT-BIH arrhythmia dataset in accordance with the AAMI EC57 standard. This paper further investigates many existing deep learning models that have failed to avoid data leakage against AAMI recommendations. We compare how different data split methods impact the model performance. This comparison study implies that future work in arrhythmia classification should follow the AAMI EC57 standard when using any including MIT-BIH arrhythmia dataset." 614,DistSPECTRL: Distributing Specifications in Multi-Agent Reinforcement Learning Systems,"While notable progress has been made in specifying and learning objectives for general cyber-physical systems, applying these methods to distributed multi-agent systems still pose significant challenges. Among these are the need to (a) craft specification primitives that allow expression and interplay of both local and global objectives, (b) tame explosion in the state and action spaces to enable effective learning, and (c) minimize coordination frequency and the set of engaged participants for global objectives. To address these challenges, we propose a novel specification framework that allows natural composition of local and global objectives used to guide training of a multi-agent system. Our technique enables learning expressive policies that allow agents to operate in a coordination-free manner for local objectives, while using a decentralized communication protocol for enforcing global ones. Experimental results support our claim that sophisticated multi-agent distributed planning problems can be effectively realized using specification-guided learning." 615,Adaptive Multi-view Rule Discovery for Weakly-Supervised Compatible Products Prediction,"On e-commerce platforms, predicting if two products are compatible with each other is an important functionality to achieve trustworthy product recommendation and search experience for consumers. However, accurately predicting product compatibility is difficult due to the heterogeneous product data and the lack of manually curated training data. We study the problem of discovering effective labeling rules that can enable weakly-supervised product compatibility prediction. We develop AMRule, a multi-view rule discovery framework that can (1) adaptively and iteratively discover novel rulers that can complement the current weakly-supervised model to improve compatibility prediction; (2) discover interpretable rules from both structured attribute tables and unstructured product descriptions. AMRule adaptively discovers labeling rules from large-error instances via a boosting-style strategy, the high-quality rules can remedy the current model's weak spots and refine the model iteratively. For rule discovery from structured product attributes, we generate composable high-order rules from decision trees; and for rule discovery from unstructured product descriptions, we generate prompt-based rules from a pre-trained language model. Experiments on 4 real-world datasets show that AMRule outperforms the baselines by 5.98% on average and improves rule quality and rule proposal efficiency." 616,Cooperative Retriever and Ranker in Deep Recommenders,"Deep recommender systems jointly leverage the retrieval and ranking operations to generate the recommendation result. The retriever targets selecting a small set of relevant candidates from the entire items with high efficiency; while the ranker, usually more precise but time-consuming, is supposed to identify the best items out of the retrieved candidates with high precision. However, the retriever and ranker are usually trained in poorly-cooperative ways, leading to limited recommendation performances when working as an entirety. In this work, we propose a novel DRS training framework CoRR(short for Cooperative Retriever and Ranker), where the retriever and ranker can be mutually reinforced. On one hand, the retriever is learned from recommendation data and the ranker via knowledge distillation; knowing that the ranker is more precise, the knowledge distillation may provide extra weak-supervision signals for the improvement of retrieval quality. On the other hand, the ranker is trained by learning to discriminate the truth positive items from hard negative candidates sampled from the retriever. With the iteration going on, the ranker may become more precise, which in return gives rise to informative training signals for the retriever; meanwhile, with the improvement of retriever, harder negative candidates can be sampled, which contributes to a higher discriminative capability of the ranker. To facilitate the effective conduct of CoRR, an asymptotic-unbiased approximation of KL divergence is introduced for the knowledge distillation over sampled items; besides, a scalable and adaptive strategy is developed to efficiently sample from the retriever. Comprehensive experimental studies are performed over four large-scale benchmark datasets, where CoRR improves the overall recommendation quality resulting from the cooperation between retriever and ranker." 617,H-GCN: A Graph Convolutional Network Accelerator on Versal ACAP Architecture,"Graph Neural Networks (GNNs) have drawn tremendous attention due to their unique capability to extend Machine Learning (ML) approaches to applications broadly-defined as having unstructured data, especially graphs. Compared with other Machine Learning (ML) modalities, the acceleration of Graph Neural Networks (GNNs) is more challenging due to the irregularity and heterogeneity derived from graph typologies. Existing efforts, however, have focused mainly on handling graphs' irregularity and have not studied their heterogeneity. To this end we propose H-GCN, a PL (Programmable Logic) and AIE (AI Engine) based hybrid accelerator that leverages the emerging heterogeneity of Xilinx Versal Adaptive Compute Acceleration Platforms (ACAPs) to achieve high-performance GNN inference. In particular, H-GCN partitions each graph into three subgraphs based on its inherent heterogeneity, and processes them using PL and AIE, respectively. To further improve performance, we explore the sparsity support of AIE and develop an efficient density-aware method to automatically map tiles of sparse matrix-matrix multiplication (SpMM) onto the systolic tensor array. Compared with state-of-the-art GCN accelerators, H-GCN achieves, on average, speedups of 1.1~2.3X." 618,Persistent homology-based descriptor for machine-learning potential,"Constructing efficient descriptors that represent atomic configurations is crucial for developing a superior machine-learning potential. Widely used conventional descriptors are based on two- or three-body correlations of atomic distribution. Recently, several limitations of these many-body descriptors in classifying different configurations were revealed, which have detrimental effects on the prediction of physical properties. We proposed a new class of descriptors based on persistent homology. We focused on the two-dimensional visualization of persistent homology, that is, a persistence diagram, as a descriptor of atomic configurations in the form of an image. We demonstrated that convolutional neural network models based on this descriptor provide sufficient accuracy in predicting the mean energies per atom of amorphous graphene and amorphous carbon. Our results provide an avenue for improving machine-learning potential using descriptors that depict both topological and geometric information." 619,Secure Forward Aggregation for Vertical Federated Neural Networks,"Vertical federated learning (VFL) is attracting much attention because it enables cross-silo data cooperation in a privacy-preserving manner. While most research works in VFL focus on linear and tree models, deep models (e.g., neural networks) are not well studied in VFL. In this paper, we focus on SplitNN, a well-known neural network framework in VFL, and identify a trade-off between data security and model performance in SplitNN. Briefly, SplitNN trains the model by exchanging gradients and transformed data. On the one hand, SplitNN suffers from the loss of model performance since multiply parties jointly train the model using transformed data instead of raw data, and a large amount of low-level feature information is discarded. On the other hand, a naive solution of increasing the model performance through aggregating at lower layers in SplitNN (i.e., the data is less transformed and more low-level feature is preserved) makes raw data vulnerable to inference attacks. To mitigate the above trade-off, we propose a new neural network protocol in VFL called Security Forward Aggregation (SFA). It changes the way of aggregating the transformed data and adopts removable masks to protect the raw data. Experiment results show that networks with SFA achieve both data security and high model performance." 620,SHELS: Exclusive Feature Sets for Novelty Detection and Continual Learning Without Class Boundaries,"While deep neural networks (DNNs) have achieved impressive classification performance in closed-world learning scenarios, they typically fail to generalize to unseen categories in dynamic open-world environments, in which the number of concepts is unbounded. In contrast, human and animal learners have the ability to incrementally update their knowledge by recognizing and adapting to novel observations. In particular, humans characterize concepts via exclusive (unique) sets of essential features, which are used for both recognizing known classes and identifying novelty. Inspired by natural learners, we introduce a Sparse High-level-Exclusive, Low-level-Shared feature representation (SHELS) that simultaneously encourages learning exclusive sets of high-level features and essential, shared low-level features. The exclusivity of the high-level features enables the DNN to automatically detect out-of-distribution (OOD) data, while the efficient use of capacity via sparse low-level features permits accommodating new knowledge. The resulting approach uses OOD detection to perform class-incremental continual learning without known class boundaries. We show that using SHELS for novelty detection results in statistically significant improvements over state-of-the-art OOD detection approaches over a variety of benchmark datasets. Further, we demonstrate that the SHELS model mitigates catastrophic forgetting in a class-incremental learning setting,enabling a combined novelty detection and accommodation framework that supports learning in open-world settings" 621,Generalized Policy Improvement Algorithms with Theoretically Supported Sample Reuse,"Real-world sequential decision making requires data-driven algorithms that provide practical guarantees on performance throughout training while also making efficient use of data. Model-free deep reinforcement learning represents a framework for such data-driven decision making, but existing algorithms typically only focus on one of these goals while sacrificing performance with respect to the other. On-policy algorithms guarantee policy improvement throughout training but suffer from high sample complexity, while off-policy algorithms make efficient use of data through sample reuse but lack theoretical guarantees. In order to balance these competing goals, we develop a class of Generalized Policy Improvement algorithms that combines the policy improvement guarantees of on-policy methods with the efficiency of theoretically supported sample reuse. We demonstrate the benefits of this new class of algorithms through extensive experimental analysis on a variety of continuous control tasks from the DeepMind Control Suite." 622,Personalized Keyword Spotting through Multi-task Learning,"Keyword spotting (KWS) plays an essential role in enabling speech-based user interaction on smart devices, and conventional KWS (C-KWS) approaches have concentrated on detecting user-agnostic pre-defined keywords. However, in practice, most user interactions come from target users enrolled in the device which motivates to construct personalized keyword spotting. We design two personalized KWS tasks; (1) Target user Biased KWS (TB-KWS) and (2) Target user Only KWS (TO-KWS). To solve the tasks, we propose personalized keyword spotting through multi-task learning (PK-MTL) that consists of multi-task learning and task-adaptation. First, we introduce applying multi-task learning on keyword spotting and speaker verification to leverage user information to the keyword spotting system. Next, we design task-specific scoring functions to adapt to the personalized KWS tasks thoroughly. We evaluate our framework on conventional and personalized scenarios, and the results show that PK-MTL can dramatically reduce the false alarm rate, especially in various practical scenarios." 623,Traffic Management of Autonomous Vehicles using Policy Based Deep Reinforcement Learning and Intelligent Routing,"Deep Reinforcement Learning (DRL) uses diverse, unstructured data and makes RL capable of learning complex policies in high dimensional environments. Intelligent Transportation System (ITS) based on Autonomous Vehicles (AVs) offers an excellent playground for policy-based DRL. Deep learning architectures solve computational challenges of traditional algorithms while helping in real-world adoption and deployment of AVs. One of the main challenges in AVs implementation is that it can worsen traffic congestion on roads if not reliably and efficiently managed. Considering each vehicle's holistic effect and using efficient and reliable techniques could genuinely help optimise traffic flow management and congestion reduction. For this purpose, we proposed a intelligent traffic control system that deals with complex traffic congestion scenarios at intersections and behind the intersections. We proposed a DRL-based signal control system that dynamically adjusts traffic signals according to the current congestion situation on intersections. To deal with the congestion on roads behind the intersection, we used re-routing technique to load balance the vehicles on road networks. To achieve the actual benefits of the proposed approach, we break down the data silos and use all the data coming from sensors, detectors, vehicles and roads in combination to achieve sustainable results. We used SUMO micro-simulator for our simulations. The significance of our proposed approach is manifested from the results." 624,Domain Agnostic Few-shot Learning for Speaker Verification,"Deep learning models for verification systems often fail to generalize to new users and new environments, even though they learn highly discriminative features. To address this problem, we propose a few-shot domain generalization framework that learns to tackle distribution shift for new users and new domains. Our framework consists of domain-specific and domain-aggregation networks, which are the experts on specific and combined domains, respectively. By using these networks, we generate episodes that mimic the presence of both novel users and novel domains in the training phase to eventually produce better generalization. To save memory, we reduce the number of domain-specific networks by clustering similar domains together. Upon extensive evaluation on artificially generated noise domains, we can explicitly show generalization ability of our framework. In addition, we apply our proposed methods to the existing competitive architecture on the standard benchmark, which shows further performance improvements." 625,Graph Condensation via Receptive Field Distribution Matching,"Graph neural networks (GNNs) enable the analysis of graphs using deep learning, with promising results in capturing structured information in graphs. This paper focuses on creating a small graph to represent the original graph, so that GNNs trained on the size-reduced graph can make accurate predictions. We view the original graph as a distribution of receptive fields and aim to synthesize a small graph whose receptive fields share a similar distribution. Thus, we propose Graph Condesation via Receptive Field Distribution Matching (GCDM), which is accomplished by optimizing the synthetic graph through the use of a distribution matching loss quantified by maximum mean discrepancy (MMD). Additionally, we demonstrate that the synthetic graph generated by GCDM is highly generalizable to a variety of models in evaluation phase and that the condensing speed is significantly improved using this framework." 626,Dummy Prototypical Networks for Few-Shot Open-Set Keyword Spotting,"Keyword spotting is the task of detecting a keyword in streaming audio. Conventional keyword spotting targets predefined keywords classification, but there is growing attention in few-shot (query-by-example) keyword spotting, e.g., N-way classification given M-shot support samples. Moreover, in real-world scenarios, there can be utterances from unexpected categories (open-set) which need to be rejected rather than classified as one of the N classes. Combining the two needs, we tackle few-shot open-set keyword spotting with a new benchmark setting, named splitGSC. We propose episode-known dummy prototypes based on metric learning to detect an open-set better and introduce a simple and powerful approach, Dummy Prototypical Networks (D-ProtoNets). Our D-ProtoNets shows clear margins compared to recent few-shot open-set recognition (FSOSR) approaches in the suggested splitGSC. We also verify our method on a standard benchmark, miniImageNet, and D-ProtoNets shows the state-of-the-art open-set detection rate in FSOSR." 627,POEM: Out-of-Distribution Detection with Posterior Sampling,"Out-of-distribution (OOD) detection is indispensable for machine learning models deployed in the open world. Recently, the use of an auxiliary outlier dataset during training (also known as outlier exposure) has shown promising performance. As the sample space for potential OOD data can be prohibitively large, sampling informative outliers is essential. In this work, we propose a novel posterior sampling-based outlier mining framework, POEM, which facilitates efficient use of outlier data and promotes learning a compact decision boundary between ID and OOD data for improved detection. We show that POEM establishes state-of-the-art performance on common benchmarks. Compared to the current best method that uses a greedy sampling strategy, POEM improves the relative performance by 42.0% and 24.2% (FPR95) on CIFAR-10 and CIFAR-100, respectively. We further provide theoretical insights on the effectiveness of POEM for OOD detection." 628,Learning from human perception to improve automatic speaker verification in style-mismatched conditions,"Our prior experiments show that humans and machines seem to employ different approaches to speaker discrimination, especially in the presence of speaking style variability. The experiments examined read versus conversational speech. Listeners focused on speaker-specific idiosyncrasies while ""telling speakers together"", and on relative distances in a shared acoustic space when ""telling speakers apart"". However, automatic speaker verification (ASV) systems use the same loss function irrespective of target or non-target trials. To improve ASV performance in the presence of style variability, insights learnt from human perception are used to design a new training loss function that we refer to as ""CllrCE loss"". CllrCE loss uses both speaker-specific idiosyncrasies and relative acoustic distances between speakers to train the ASV system. When using the UCLA speaker variability database, in the x-vector and conditioning setups, CllrCE loss results in significant relative improvements in EER by 1-66%, and minDCF by 1-31% and 1-56%, respectively, when compared to the x-vector baseline. Using the SITW evaluation tasks, which involve different conversational speech tasks, the proposed loss combined with self-attention conditioning results in significant relative improvements in EER by 2-5% and minDCF by 6-12% over baseline. In the SITW case, performance improvements were consistent only with conditioning." 629,Attention-based conditioning methods using variable frame rate for style-robust speaker verification,"We propose an approach to extract speaker embeddings that are robust to speaking style variations in text-independent speaker verification. Typically, speaker embedding extraction includes training a DNN for speaker classification and using the bottleneck features as speaker representations. Such a network has a pooling layer to transform frame-level to utterance-level features by calculating statistics over all utterance frames, with equal weighting. However, self-attentive embeddings perform weighted pooling such that the weights correspond to the importance of the frames in a speaker classification task. Entropy can capture acoustic variability due to speaking style variations. Hence, an entropy-based variable frame rate vector is proposed as an external conditioning vector for the self-attention layer to provide the network with information that can address style effects. This work explores five different approaches to conditioning. The best conditioning approach, concatenation with gating, provided statistically significant improvements over the x-vector baseline in 12/23 tasks and was the same as the baseline in 11/23 tasks when using the UCLA speaker variability database. It also significantly outperformed self-attention without conditioning in 9/23 tasks and was worse in 1/23. The method also showed significant improvements in multi-speaker scenarios of SITW." 630,TTS-CGAN: A Transformer Time-Series Conditional GAN for Biosignal Data Augmentation,"Signal measurement appearing in the form of time series is one of the most common types of data used in medical machine learning applications. Such datasets are often small in size, expensive to collect and annotate, and might involve privacy issues, which hinders our ability to train large, state-of-the-art deep learning models for biomedical applications. For time-series data, the suite of data augmentation strategies we can use to expand the size of the dataset is limited by the need to maintain the basic properties of the signal. Generative Adversarial Networks (GANs) can be utilized as another data augmentation tool. In this paper, we present TTS-CGAN, a transformer-based conditional GAN model that can be trained on existing multi-class datasets and generate class-specific synthetic time-series sequences of arbitrary length. We elaborate on the model architecture and design strategies. Synthetic sequences generated by our model are indistinguishable from real ones, and can be used to complement or replace real signals of the same type, thus achieving the goal of data augmentation. To evaluate the quality of the generated data, we modify the wavelet coherence metric to be able to compare the similarity between two sets of signals, and also conduct a case study where a mix of synthetic and real data are used to train a deep learning model for sequence classification. Together with other visualization techniques and qualitative evaluation approaches, we demonstrate that TTS-CGAN generated synthetic data are similar to real data, and that our model performs better than the other state-of-the-art GAN models built for time-series data generation." 631,Studying Generalization Through Data Averaging,"The generalization of machine learning models has a complex dependence on the data, model and learning algorithm. We study train and test performance, as well as the generalization gap given by the mean of their difference over different data set samples to understand their ``typical"" behavior. We derive an expression for the gap as a function of the covariance between the model parameter distribution and the train loss, and another expression for the average test performance, showing test generalization only depends on data-averaged parameter distribution and the data-averaged loss. We show that for a large class of model parameter distributions a modified generalization gap is always non-negative. By specializing further to parameter distributions produced by stochastic gradient descent (SGD), along with a few approximations and modeling considerations, we are able to predict some aspects about how the generalization gap and model train and test performance vary as a function of SGD noise. We evaluate these predictions empirically on the Cifar10 classification task based on a ResNet architecture." 632,Deployment of ML Models using Kubeflow on Different Cloud Providers,"This project aims to explore the process of deploying Machine learning models on Kubernetes using an open-source tool called Kubeflow [1] - an end-to-end ML Stack orchestration toolkit. We create end-to-end Machine Learning models on Kubeflow in the form of pipelines and analyze various points including the ease of setup, deployment models, performance, limitations and features of the tool. We hope that our project acts almost like a seminar/introductory report that can help vanilla cloud/Kubernetes users with zero knowledge on Kubeflow use Kubeflow to deploy ML models. From setup on different clouds to serving our trained model over the internet - we give details and metrics detailing the performance of Kubeflow." 633,Supervised Learning with General Risk Functionals,"Standard uniform convergence results bound the generalization gap of the expected loss over a hypothesis class. The emergence of risk-sensitive learning requires generalization guarantees for functionals of the loss distribution beyond the expectation. While prior works specialize in uniform convergence of particular functionals, our work provides uniform convergence for a general class of H\""older risk functionals for which the closeness in the Cumulative Distribution Function (CDF) entails closeness in risk. We establish the first uniform convergence results for estimating the CDF of the loss distribution, yielding guarantees that hold simultaneously both over all H\""older risk functionals and over all hypotheses. Thus licensed to perform empirical risk minimization, we develop practical gradient-based methods for minimizing distortion risks (widely studied subset of H\""older risks that subsumes the spectral risks, including the mean, conditional value at risk, cumulative prospect theory risks, and others) and provide convergence guarantees. In experiments, we demonstrate the efficacy of our learning procedure, both in settings where uniform convergence results hold and in high-dimensional settings with deep networks." 634,On bounds for norms of reparameterized ReLU artificial neural network parameters: sums of fractional powers of the Lipschitz norm control the network parameter vector,"It is an elementary fact in the scientific literature that the Lipschitz norm of the realization function of a feedforward fully-connected rectified linear unit (ReLU) artificial neural network (ANN) can, up to a multiplicative constant, be bounded from above by sums of powers of the norm of the ANN parameter vector. Roughly speaking, in this work we reveal in the case of shallow ANNs that the converse inequality is also true. More formally, we prove that the norm of the equivalence class of ANN parameter vectors with the same realization function is, up to a multiplicative constant, bounded from above by the sum of powers of the Lipschitz norm of the ANN realization function (with the exponents $ 1/2 $ and $ 1 $). Moreover, we prove that this upper bound only holds when employing the Lipschitz norm but does neither hold for H\""older norms nor for Sobolev-Slobodeckij norms. Furthermore, we prove that this upper bound only holds for sums of powers of the Lipschitz norm with the exponents $ 1/2 $ and $ 1 $ but does not hold for the Lipschitz norm alone." 635,Utility Theory for Sequential Decision Making,"The von Neumann-Morgenstern (VNM) utility theorem shows that under certain axioms of rationality, decision-making is reduced to maximizing the expectation of some utility function. We extend these axioms to increasingly structured sequential decision making settings and identify the structure of the corresponding utility functions. In particular, we show that memoryless preferences lead to a utility in the form of a per transition reward and multiplicative factor on the future return. This result motivates a generalization of Markov Decision Processes (MDPs) with this structure on the agent's returns, which we call Affine-Reward MDPs. A stronger constraint on preferences is needed to recover the commonly used cumulative sum of scalar rewards in MDPs. A yet stronger constraint simplifies the utility function for goal-seeking agents in the form of a difference in some function of states that we call potential functions. Our necessary and sufficient conditions demystify the reward hypothesis that underlies the design of rational agents in reinforcement learning by adding an axiom to the VNM rationality axioms and motivates new directions for AI research involving sequential decision making." 636,Toward an ImageNet Library of Functions for Global Optimization Benchmarking,"Knowledge of search-landscape features of BlackBox Optimization (BBO) problems offers valuable information in light of the Algorithm Selection and/or Configuration problems. Exploratory Landscape Analysis (ELA) models have gained success in identifying predefined human-derived features and in facilitating portfolio selectors to address those challenges. Unlike ELA approaches, the current study proposes to transform the identification problem into an image recognition problem, with a potential to detect conception-free, machine-driven landscape features. To this end, we introduce the notion of Landscape Images, which enables us to generate imagery instances per a benchmark function, and then target the classification challenge over a diverse generalized dataset of functions. We address it as a supervised multi-class image recognition problem and apply basic artificial neural network models to solve it. The efficacy of our approach is numerically validated on the noise free BBOB and IOHprofiler benchmarking suites. This evident successful learning is another step toward automated feature extraction and local structure deduction of BBO problems. By using this definition of landscape images, and by capitalizing on existing capabilities of image recognition algorithms, we foresee the construction of an ImageNet-like library of functions for training generalized detectors that rely on machine-driven features." 637,"Nonparametric, Nonasymptotic Confidence Bands with Paley-Wiener Kernels for Band-Limited Functions","The paper introduces a method to construct confidence bands for bounded, band-limited functions based on a finite sample of input-output pairs. The approach is distribution-free w.r.t. the observation noises and only the knowledge of the input distribution is assumed. It is nonparametric, that is, it does not require a parametric model of the regression function and the regions have non-asymptotic guarantees. The algorithm is based on the theory of Paley-Wiener reproducing kernel Hilbert spaces. The paper first studies the fully observable variant, when there are no noises on the observations and only the inputs are random; then it generalizes the ideas to the noisy case using gradient-perturbation methods. Finally, numerical experiments demonstrating both cases are presented." 638,Patch Selection for Melanoma Classification,"In medical image processing, the most important information is often located on small parts of the image. Patch-based approaches aim at using only the most relevant parts of the image. Finding ways to automatically select the patches is a challenge. In this paper, we investigate two criteria to choose patches: entropy and a spectral similarity criterion. We perform experiments at different levels of patch size. We train a Convolutional Neural Network on the subsets of patches and analyze the training time. We find that, in addition to requiring less preprocessing time, the classifiers trained on the datasets of patches selected based on entropy converge faster than on those selected based on the spectral similarity criterion and, furthermore, lead to higher accuracy. Moreover, patches of high entropy lead to faster convergence and better accuracy than patches of low entropy." 639,Quantification of Deep Neural Network Prediction Uncertainties for VVUQ of Machine Learning Models,"Recent performance breakthroughs in Artificial intelligence (AI) and Machine learning (ML), especially advances in Deep learning (DL), the availability of powerful, easy-to-use ML libraries (e.g., scikit-learn, TensorFlow, PyTorch.), and increasing computational power have led to unprecedented interest in AI/ML among nuclear engineers. For physics-based computational models, Verification, Validation and Uncertainty Quantification (VVUQ) have been very widely investigated and a lot of methodologies have been developed. However, VVUQ of ML models has been relatively less studied, especially in nuclear engineering. In this work, we focus on UQ of ML models as a preliminary step of ML VVUQ, more specifically, Deep Neural Networks (DNNs) because they are the most widely used supervised ML algorithm for both regression and classification tasks. This work aims at quantifying the prediction, or approximation uncertainties of DNNs when they are used as surrogate models for expensive physical models. Three techniques for UQ of DNNs are compared, namely Monte Carlo Dropout (MCD), Deep Ensembles (DE) and Bayesian Neural Networks (BNNs). Two nuclear engineering examples are used to benchmark these methods, (1) time-dependent fission gas release data using the Bison code, and (2) void fraction simulation based on the BFBT benchmark using the TRACE code. It was found that the three methods typically require different DNN architectures and hyperparameters to optimize their performance. The UQ results also depend on the amount of training data available and the nature of the data. Overall, all these three methods can provide reasonable estimations of the approximation uncertainties. The uncertainties are generally smaller when the mean predictions are close to the test data, while the BNN methods usually produce larger uncertainties than MCD and DE." 640,Learning Controllable 3D Level Generators,"Procedural Content Generation via Reinforcement Learning (PCGRL) foregoes the need for large human-authored data-sets and allows agents to train explicitly on functional constraints, using computable, user-defined measures of quality instead of target output. We explore the application of PCGRL to 3D domains, in which content-generation tasks naturally have greater complexity and potential pertinence to real-world applications. Here, we introduce several PCGRL tasks for the 3D domain, Minecraft (Mojang Studios, 2009). These tasks will challenge RL-based generators using affordances often found in 3D environments, such as jumping, multiple dimensional movement, and gravity. We train an agent to optimize each of these tasks to explore the capabilities of previous research in PCGRL. This agent is able to generate relatively complex and diverse levels, and generalize to random initial states and control targets. Controllability tests in the presented tasks demonstrate their utility to analyze success and failure for 3D generators." 641,Measuring and Clustering Network Attackers using Medium-Interaction Honeypots,"Network honeypots are often used by information security teams to measure the threat landscape in order to secure their networks. With the advancement of honeypot development, today's medium-interaction honeypots provide a way for security teams and researchers to deploy these active defense tools that require little maintenance on a variety of protocols. In this work, we deploy such honeypots on five different protocols on the public Internet and study the intent and sophistication of the attacks we observe. We then use the information gained to develop a clustering approach that identifies correlations in attacker behavior to discover IPs that are highly likely to be controlled by a single operator, illustrating the advantage of using these honeypots for data collection." 642,Improved Text Classification via Test-Time Augmentation,"Test-time augmentation -- the aggregation of predictions across transformed examples of test inputs -- is an established technique to improve the performance of image classification models. Importantly, TTA can be used to improve model performance post-hoc, without additional training. Although test-time augmentation (TTA) can be applied to any data modality, it has seen limited adoption in NLP due in part to the difficulty of identifying label-preserving transformations. In this paper, we present augmentation policies that yield significant accuracy improvements with language models. A key finding is that augmentation policy design -- for instance, the number of samples generated from a single, non-deterministic augmentation -- has a considerable impact on the benefit of TTA. Experiments across a binary classification task and dataset show that test-time augmentation can deliver consistent improvements over current state-of-the-art approaches." 643,Online Resource Allocation under Horizon Uncertainty,"We study stochastic online resource allocation: a decision maker needs to allocate limited resources to stochastically-generated sequentially-arriving requests in order to maximize reward. Motivated by practice, we consider a data-driven setting in which requests are drawn independently from a distribution that is unknown to the decision maker. Online resource allocation and its special cases have been studied extensively in the past, but these previous results crucially and universally rely on a practically-untenable assumption: the total number of requests (the horizon) is known to the decision maker in advance. In many applications, such as revenue management and online advertising, the number of requests can vary widely because of fluctuations in demand or user traffic intensity. In this work, we develop online algorithms that are robust to horizon uncertainty. In sharp contrast to the known-horizon setting, we show that no algorithm can achieve a constant asymptotic competitive ratio that is independent of the horizon uncertainty. We then introduce a novel algorithm that combines dual mirror descent with a carefully-chosen target consumption sequence and prove that it achieves a bounded competitive ratio. Our algorithm is near-optimal in the sense that its competitive ratio attains the optimal rate of growth when the horizon uncertainty grows large." 644,On-device Synaptic Memory Consolidation using Fowler-Nordheim Quantum-tunneling,"Synaptic memory consolidation has been heralded as one of the key mechanisms for supporting continual learning in neuromorphic Artificial Intelligence (AI) systems. Here we report that a Fowler-Nordheim (FN) quantum-tunneling device can implement synaptic memory consolidation similar to what can be achieved by algorithmic consolidation models like the cascade and the elastic weight consolidation (EWC) models. The proposed FN-synapse not only stores the synaptic weight but also stores the synapse's historical usage statistic on the device itself. We also show that the operation of the FN-synapse is near-optimal in terms of the synaptic lifetime and we demonstrate that a network comprising FN-synapses outperforms a comparable EWC network for a small benchmark continual learning task. With an energy footprint of femtojoules per synaptic update, we believe that the proposed FN-synapse provides an ultra-energy-efficient approach for implementing both synaptic memory consolidation and persistent learning." 645,BeamsNet: A data-driven Approach Enhancing Doppler Velocity Log Measurements for Autonomous Underwater Vehicle Navigation,"Autonomous underwater vehicles (AUV) perform various applications such as seafloor mapping and underwater structure health monitoring. Commonly, an inertial navigation system aided by a Doppler velocity log (DVL) is used to provide the vehicle's navigation solution. In such fusion, the DVL provides the velocity vector of the AUV, which determines the navigation solution's accuracy and helps estimate the navigation states. This paper proposes BeamsNet, an end-to-end deep learning framework to regress the estimated DVL velocity vector that improves the accuracy of the velocity vector estimate, and could replace the model-based approach. Two versions of BeamsNet, differing in their input to the network, are suggested. The first uses the current DVL beam measurements and inertial sensors data, while the other utilizes only DVL data, taking the current and past DVL measurements for the regression process. Both simulation and sea experiments were made to validate the proposed learning approach relative to the model-based approach. Sea experiments were made with the Snapir AUV in the Mediterranean Sea, collecting approximately four hours of DVL and inertial sensor data. Our results show that the proposed approach achieved an improvement of more than 60% in estimating the DVL velocity vector." 646,Molecular Geometry Pretraining with SE(3)-Invariant Denoising Distance Matching,"Pretraining molecular representations is critical in a variety of applications in drug and material discovery due to the limited number of labeled molecules, yet most of existing work focuses on pretraining on 2D molecular graphs. The power of pretraining on 3D geometric structures, however, has been less explored, owning to the difficulty of finding a sufficient proxy task to empower the pretraining to effectively extract essential features from the geometric structures. Motivated by the dynamic nature of 3D molecules, where the continuous motion of a molecule in the 3D Euclidean space forms a smooth potential energy surface, we propose a 3D coordinate denoising pretraining framework to model such an energy landscape. Leveraging a SE(3)-invariant score matching method, we propose SE(3)-DDM where the coordinate denoising proxy task is effectively boiled down to the denoising of the pairwise atomic distances in a molecule. Our comprehensive experiments confirm the effectiveness and robustness of our proposed method." 647,Efficient Deep Learning Using Non-Volatile Memory Technology,"Embedded machine learning (ML) systems have now become the dominant platform for deploying ML serving tasks and are projected to become of equal importance for training ML models. With this comes the challenge of overall efficient deployment, in particular low power and high throughput implementations, under stringent memory constraints. In this context, non-volatile memory (NVM) technologies such as STT-MRAM and SOT-MRAM have significant advantages compared to conventional SRAM due to their non-volatility, higher cell density, and scalability features. While prior work has investigated several architectural implications of NVM for generic applications, in this work we present DeepNVM++, a comprehensive framework to characterize, model, and analyze NVM-based caches in GPU architectures for deep learning (DL) applications by combining technology-specific circuit-level models and the actual memory behavior of various DL workloads. DeepNVM++ relies on iso-capacity and iso-area performance and energy models for last-level caches implemented using conventional SRAM and emerging STT-MRAM and SOT-MRAM technologies. In the iso-capacity case, STT-MRAM and SOT-MRAM provide up to 3.8x and 4.7x energy-delay product (EDP) reduction and 2.4x and 2.8x area reduction compared to conventional SRAM, respectively. Under iso-area assumptions, STT-MRAM and SOT-MRAM provide up to 2.2x and 2.4x EDP reduction and accommodate 2.3x and 3.3x cache capacity when compared to SRAM, respectively. We also perform a scalability analysis and show that STT-MRAM and SOT-MRAM achieve orders of magnitude EDP reduction when compared to SRAM for large cache capacities. DeepNVM++ is demonstrated on STT-/SOT-MRAM technologies and can be used for the characterization, modeling, and analysis of any NVM technology for last-level caches in GPUs for DL applications." 648,Challenges and Opportunities in Multi-device Speech Processing,"We review current solutions and technical challenges for automatic speech recognition, keyword spotting, device arbitration, speech enhancement, and source localization in multidevice home environments to provide context for the INTERSPEECH 2022 special session, ""Challenges and opportunities for signal processing and machine learning for multiple smart devices"". We also identify the datasets needed to support these research areas. Based on the review and our research experience in the multi-device domain, we conclude with an outlook on the future evolution" 649,Reduced Optimal Power Flow Using Graph Neural Network,"OPF problems are formulated and solved for power system operations, especially for determining generation dispatch points in real-time. For large and complex power system networks with large numbers of variables and constraints, finding the optimal solution for real-time OPF in a timely manner requires a massive amount of computing power. This paper presents a new method to reduce the number of constraints in the original OPF problem using a graph neural network (GNN). GNN is an innovative machine learning model that utilizes features from nodes, edges, and network topology to maximize its performance. In this paper, we proposed a GNN model to predict which lines would be heavily loaded or congested with given load profiles and generation capacities. Only these critical lines will be monitored in an OPF problem, creating a reduced OPF (ROPF) problem. Significant saving in computing time is expected from the proposed ROPF model. A comprehensive analysis of predictions from the GNN model was also made. It is concluded that the application of GNN for ROPF is able to reduce computing time while retaining solution quality." 650,Heterogeneous mixtures of dictionary functions to approximate subspace invariance in Koopman operators,"Koopman operators model nonlinear dynamics as a linear dynamic system acting on a nonlinear function as the state. This nonstandard state is often called a Koopman observable and is usually approximated numerically by a superposition of functions drawn from a \textit{dictionary}. A widely used algorithm, is \textit{Extended Dynamic Mode Decomposition}, where the dictionary functions are drawn from a fixed, homogeneous class of functions. Recently, deep learning combined with EDMD has been used to learn novel dictionary functions in an algorithm called deep dynamic mode decomposition (deepDMD). The learned representation both (1) accurately models and (2) scales well with the dimension of the original nonlinear system. In this paper we analyze the learned dictionaries from deepDMD and explore the theoretical basis for their strong performance. We discover a novel class of dictionary functions to approximate Koopman observables. Error analysis of these dictionary functions show they satisfy a property of subspace approximation, which we define as uniform finite approximate closure. We discover that structured mixing of heterogeneous dictionary functions drawn from different classes of nonlinear functions achieve the same accuracy and dimensional scaling as deepDMD. This mixed dictionary does so with an order of magnitude reduction in parameters, while maintaining geometric interpretability. Our results provide a hypothesis to explain the success of deep neural networks in learning numerical approximations to Koopman operators." 651,Exact Spectral Norm Regularization for Neural Networks,"We pursue a line of research that seeks to regularize the spectral norm of the Jacobian of the input-output mapping for deep neural networks. While previous work rely on upper bounding techniques, we provide a scheme that targets the exact spectral norm. We showcase that our algorithm achieves an improved generalization performance compared to previous spectral regularization techniques while simultaneously maintaining a strong safeguard against natural and adversarial noise. Moreover, we further explore some previous reasoning concerning the strong adversarial protection that Jacobian regularization provides and show that it can be misleading." 652,Rankings from multimodal pairwise comparisons,"The task of ranking individuals or teams, based on a set of comparisons between pairs, arises in various contexts, including sporting competitions and the analysis of dominance hierarchies among animals and humans. Given data on which competitors beat which others, the challenge is to rank the competitors from best to worst. Here we study the problem of computing rankings when there are multiple, potentially conflicting modes of comparison, such as multiple types of dominance behaviors among animals. We assume that we do not know a priori what information each behavior conveys about the ranking, or even whether they convey any information at all. Nonetheless we show that it is possible to compute a ranking in this situation and present a fast method for doing so, based on a combination of an expectation-maximization algorithm and a modified Bradley-Terry model. We give a selection of example applications to both animal and human competition." 653,Materials Transformers Language Models for Generative Materials Design: a benchmark study,"Pre-trained transformer language models on large unlabeled corpus have produced state-of-the-art results in natural language processing, organic molecule design, and protein sequence generation. However, no such models have been applied to learn the composition patterns of inorganic materials. Here we train a series of seven modern transformer language models (GPT, GPT-2, GPT-Neo, GPT-J, BLMM, BART, and RoBERTa) using the expanded formulas from material deposited in the ICSD, OQMD, and Materials Projects databases. Six different datasets with/out non-charge-neutral or balanced electronegativity samples are used to benchmark the performances and uncover the generation biases of modern transformer models for the generative design of materials compositions. Our extensive experiments showed that the causal language models based materials transformers can generate chemically valid materials compositions with as high as 97.54\% to be charge neutral and 91.40\% to be electronegativity balanced, which has more than 6 times higher enrichment compared to a baseline pseudo-random sampling algorithm. These models also demonstrate high novelty and their potential in new materials discovery has been proved by their capability to recover the leave-out materials. We also find that the properties of the generated samples can be tailored by training the models with selected training sets such as high-bandgap materials. Our experiments also showed that different models each have their own preference in terms of the properties of the generated samples and their running time complexity varies a lot. We have applied our materials transformer models to discover a set of new materials as validated using DFT calculations." 654,A View Independent Classification Framework for Yoga Postures,"Yoga is a globally acclaimed and widely recommended practice for a healthy living. Maintaining correct posture while performing a Yogasana is of utmost importance. In this work, we employ transfer learning from Human Pose Estimation models for extracting 136 key-points spread all over the body to train a Random Forest classifier which is used for estimation of the Yogasanas. The results are evaluated on an in-house collected extensive yoga video database of 51 subjects recorded from 4 different camera angles. We propose a 3 step scheme for evaluating the generalizability of a Yoga classifier by testing it on 1) unseen frames, 2) unseen subjects, and 3) unseen camera angles. We argue that for most of the applications, validation accuracies on unseen subjects and unseen camera angles would be most important. We empirically analyze over three public datasets, the advantage of transfer learning and the possibilities of target leakage. We further demonstrate that the classification accuracies critically depend on the cross validation method employed and can often be misleading. To promote further research, we have made key-points dataset and code publicly available." 655,AutoInit: Automatic Initialization via Jacobian Tuning,"Good initialization is essential for training Deep Neural Networks (DNNs). Oftentimes such initialization is found through a trial and error approach, which has to be applied anew every time an architecture is substantially modified, or inherited from smaller size networks leading to sub-optimal initialization. In this work we introduce a new and cheap algorithm, that allows one to find a good initialization automatically, for general feed-forward DNNs. The algorithm utilizes the Jacobian between adjacent network blocks to tune the network hyperparameters to criticality. We solve the dynamics of the algorithm for fully connected networks with ReLU and derive conditions for its convergence. We then extend the discussion to more general architectures with BatchNorm and residual connections. Finally, we apply our method to ResMLP and VGG architectures, where the automatic one-shot initialization found by our method shows good performance on vision tasks." 656,Programmatic Concept Learning for Human Motion Description and Synthesis,"We introduce Programmatic Motion Concepts, a hierarchical motion representation for human actions that captures both low-level motion and high-level description as motion concepts. This representation enables human motion description, interactive editing, and controlled synthesis of novel video sequences within a single framework. We present an architecture that learns this concept representation from paired video and action sequences in a semi-supervised manner. The compactness of our representation also allows us to present a low-resource training recipe for data-efficient learning. By outperforming established baselines, especially in the small data regime, we demonstrate the efficiency and effectiveness of our framework for multiple applications." 657,Neural Neural Textures Make Sim2Real Consistent,"Unpaired image translation algorithms can be used for sim2real tasks, but many fail to generate temporally consistent results. We present a new approach that combines differentiable rendering with image translation to achieve temporal consistency over indefinite timescales, using surface consistency losses and \emph{neural neural textures}. We call this algorithm TRITON (Texture Recovering Image Translation Network): an unsupervised, end-to-end, stateless sim2real algorithm that leverages the underlying 3D geometry of input scenes by generating realistic-looking learnable neural textures. By settling on a particular texture for the objects in a scene, we ensure consistency between frames statelessly. Unlike previous algorithms, TRITON is not limited to camera movements -- it can handle the movement of objects as well, making it useful for downstream tasks such as robotic manipulation." 658,Prompting Decision Transformer for Few-Shot Policy Generalization,"Humans can leverage prior experience and learn novel tasks from a handful of demonstrations. In contrast to offline meta-reinforcement learning, which aims to achieve quick adaptation through better algorithm design, we investigate the effect of architecture inductive bias on the few-shot learning capability. We propose a Prompt-based Decision Transformer (Prompt-DT), which leverages the sequential modeling ability of the Transformer architecture and the prompt framework to achieve few-shot adaptation in offline RL. We design the trajectory prompt, which contains segments of the few-shot demonstrations, and encodes task-specific information to guide policy generation. Our experiments in five MuJoCo control benchmarks show that Prompt-DT is a strong few-shot learner without any extra finetuning on unseen target tasks. Prompt-DT outperforms its variants and strong meta offline RL baselines by a large margin with a trajectory prompt containing only a few timesteps. Prompt-DT is also robust to prompt length changes and can generalize to out-of-distribution (OOD) environments." 659,Auditing Visualizations: Transparency Methods Struggle to Detect Anomalous Behavior,"Transparency methods such as model visualizations provide information that outputs alone might miss, since they describe the internals of neural networks. But can we trust that model explanations reflect model behavior? For instance, can they diagnose abnormal behavior such as backdoors or shape bias? To evaluate model explanations, we define a model as anomalous if it differs from a reference set of normal models, and we test whether transparency methods assign different explanations to anomalous and normal models. We find that while existing methods can detect stark anomalies such as shape bias or adversarial training, they struggle to identify more subtle anomalies such as models trained on incomplete data. Moreover, they generally fail to distinguish the inputs that induce anomalous behavior, e.g. images containing a backdoor trigger. These results reveal new blind spots in existing model explanations, pointing to the need for further method development." 660,Robustness Implies Generalization via Data-Dependent Generalization Bounds,"This paper proves that robustness implies generalization via data-dependent generalization bounds. As a result, robustness and generalization are shown to be connected closely in a data-dependent manner. Our bounds improve previous bounds in two directions, to solve an open problem that has seen little development since 2010. The first is to reduce the dependence on the covering number. The second is to remove the dependence on the hypothesis space. We present several examples, including ones for lasso and deep learning, in which our bounds are provably preferable. The experiments on real-world data and theoretical models demonstrate near-exponential improvements in various situations. To achieve these improvements, we do not require additional assumptions on the unknown distribution; instead, we only incorporate an observable and computable property of the training samples. A key technical innovation is an improved concentration bound for multinomial random variables that is of independent interest beyond robustness and generalization." 661,ProGen2: Exploring the Boundaries of Protein Language Models,"Attention-based models trained on protein sequences have demonstrated incredible success at classification and generation tasks relevant for artificial intelligence-driven protein design. However, we lack a sufficient understanding of how very large-scale models and data play a role in effective protein model development. We introduce a suite of protein language models, named ProGen2, that are scaled up to 6.4B parameters and trained on different sequence datasets drawn from over a billion proteins from genomic, metagenomic, and immune repertoire databases. ProGen2 models show state-of-the-art performance in capturing the distribution of observed evolutionary sequences, generating novel viable sequences, and predicting protein fitness without additional finetuning. As large model sizes and raw numbers of protein sequences continue to become more widely accessible, our results suggest that a growing emphasis needs to be placed on the data distribution provided to a protein sequence model. We release the ProGen2 models and code at https://github.com/salesforce/progen." 662,Effective training-time stacking for ensembling of deep neural networks,"Ensembling is a popular and effective method for improving machine learning (ML) models. It proves its value not only in classical ML but also for deep learning. Ensembles enhance the quality and trustworthiness of ML solutions, and allow uncertainty estimation. However, they come at a price: training ensembles of deep learning models eat a huge amount of computational resources. A snapshot ensembling collects models in the ensemble along a single training path. As it runs training only one time, the computational time is similar to the training of one model. However, the quality of models along the training path is different: typically, later models are better if no overfitting occurs. So, the models are of varying utility. Our method improves snapshot ensembling by selecting and weighting ensemble members along the training path. It relies on training-time likelihoods without looking at validation sample errors that standard stacking methods do. Experimental evidence for Fashion MNIST, CIFAR-10, and CIFAR-100 datasets demonstrates the superior quality of the proposed weighted ensembles c.t. vanilla ensembling of deep learning models." 663,Supply-Side Equilibria in Recommender Systems,"Digital recommender systems such as Spotify and Netflix affect not only consumer behavior but also producer incentives: producers seek to supply content that will be recommended by the system. But what content will be produced? In this paper, we investigate the supply-side equilibria in content recommender systems. We model users and content as $D$-dimensional vectors, and recommend the content that has the highest dot product with each user. The main features of our model are that the producer decision space is high-dimensional and the user base is heterogeneous. This gives rise to new qualitative phenomena at equilibrium: First, the formation of genres, where producers specialize to compete for subsets of users. Using a duality argument, we derive necessary and sufficient conditions for this specialization to occur. Second, we show that producers can achieve positive profit at equilibrium, which is typically impossible under perfect competition. We derive sufficient conditions for this to occur, and show it is closely connected to specialization of content. In both results, the interplay between the geometry of the users and the structure of producer costs influences the structure of the supply-side equilibria. At a conceptual level, our work serves as a starting point to investigate how recommender systems shape supply-side competition between producers." 664,Positive-definite parametrization of mixed quantum states with deep neural networks,"We introduce the Gram-Hadamard Density Operator (GHDO), a new deep neural-network architecture that can encode positive semi-definite density operators of exponential rank with polynomial resources. We then show how to embed an autoregressive structure in the GHDO to allow direct sampling of the probability distribution. These properties are especially important when representing and variationally optimizing the mixed quantum state of a system interacting with an environment. Finally, we benchmark this architecture by simulating the steady state of the dissipative transverse-field Ising model. Estimating local observables and the R\'enyi entropy, we show significant improvements over previous state-of-the-art variational approaches." 665,Understanding Benign Overfitting in Nested Meta Learning,"Meta learning has demonstrated tremendous success in few-shot learning with limited supervised data. In those settings, the meta model is usually overparameterized. While the conventional statistical learning theory suggests that overparameterized models tend to overfit, empirical evidence reveals that overparameterized meta learning methods still work well -- a phenomenon often called ``benign overfitting.'' To understand this phenomenon, we focus on the meta learning settings with a challenging nested structure that we term the nested meta learning, and analyze its generalization performance under an overparameterized meta learning model. While our analysis uses the relatively tractable linear models, our theory contributes to understanding the delicate interplay among data heterogeneity, model adaptation and benign overfitting in nested meta learning tasks. We corroborate our theoretical claims through numerical simulations." 666,Impact of Acoustic Event Tagging on Scene Classification in a Multi-Task Learning Framework,"Acoustic events are sounds with well-defined spectro-temporal characteristics which can be associated with the physical objects generating them. Acoustic scenes are collections of such acoustic events in no specific temporal order. Given this natural linkage between events and scenes, a common belief is that the ability to classify events must help in the classification of scenes. This has led to several efforts attempting to do well on Acoustic Event Tagging (AET) and Acoustic Scene Classification (ASC) using a multi-task network. However, in these efforts, improvement in one task does not guarantee an improvement in the other, suggesting a tension between ASC and AET. It is unclear if improvements in AET translates to improvements in ASC. We explore this conundrum through an extensive empirical study and show that under certain conditions, using AET as an auxiliary task in the multi-task network consistently improves ASC performance. Additionally, ASC performance further improves with the AET data-set size and is not sensitive to the choice of events or the number of events in the AET data-set. We conclude that this improvement in ASC performance comes from the regularization effect of using AET and not from the network's improved ability to discern between acoustic events." 667,Thermodynamics of Interpretation,"Over the past few years, different types of data-driven Artificial Intelligence (AI) techniques have been widely adopted in various domains of science for generating predictive black-box models. However, because of their black-box nature, it is crucial to establish trust in these models before accepting them as accurate. One way of achieving this goal is through the implementation of a post-hoc interpretation scheme that can put forward the reasons behind a black-box model prediction. In this work, we propose a classical thermodynamics inspired approach for this purpose: Thermodynamically Explainable Representations of AI and other black-box Paradigms (TERP). TERP works by constructing a linear, local surrogate model that approximates the behaviour of the black-box model within a small neighborhood around the instance being explained. By employing a simple forward feature selection Monte Carlo algorithm, TERP assigns an interpretability free energy score to all the possible surrogate models in order to choose an optimal interpretation. Additionally, we validate TERP as a generally applicable method by successfully interpreting four different classes of black-box models trained on datasets coming from relevant domains, including classifying images, predicting heart disease and classifying biomolecular conformations." 668,Variational Autoencoder Assisted Neural Network Likelihood RSRP Prediction Model,"Measuring customer experience on mobile data is of utmost importance for global mobile operators. The reference signal received power (RSRP) is one of the important indicators for current mobile network management, evaluation and monitoring. Radio data gathered through the minimization of drive test (MDT), a 3GPP standard technique, is commonly used for radio network analysis. Collecting MDT data in different geographical areas is inefficient and constrained by the terrain conditions and user presence, hence is not an adequate technique for dynamic radio environments. In this paper, we study a generative model for RSRP prediction, exploiting MDT data and a digital twin (DT), and propose a data-driven, two-tier neural network (NN) model. In the first tier, environmental information related to user equipment (UE), base stations (BS) and network key performance indicators (KPI) are extracted through a variational autoencoder (VAE). The second tier is designed as a likelihood model. Here, the environmental features and real MDT data features are adopted, formulating an integrated training process. On validation, our proposed model that uses real-world data demonstrates an accuracy improvement of about 20% or more compared with the empirical model and about 10% when compared with a fully connected prediction network." 669,Iso-CapsNet: Isomorphic Capsule Network for Brain Graph Representation Learning,"Brain graph representation learning serves as the fundamental technique for brain diseases diagnosis. Great efforts from both the academic and industrial communities have been devoted to brain graph representation learning in recent years. The isomorphic neural network (IsoNN) introduced recently can automatically learn the existence of sub-graph patterns in brain graphs, which is also the state-of-the-art brain graph representation learning method by this context so far. However, IsoNN fails to capture the orientations of sub-graph patterns, which may render the learned representations to be useless for many cases. In this paper, we propose a new Iso-CapsNet (Isomorphic Capsule Net) model by introducing the graph isomorphic capsules for effective brain graph representation learning. Based on the capsule dynamic routing, besides the subgraph pattern existence confidence scores, Iso-CapsNet can also learn other sub-graph rich properties, including position, size and orientation, for calculating the class-wise digit capsules. We have compared Iso-CapsNet with both classic and state-of-the-art brain graph representation approaches with extensive experiments on four brain graph benchmark datasets. The experimental results also demonstrate the effectiveness of Iso-CapsNet, which can out-perform the baseline methods with significant improvements." 670,When to Trust Your Simulator: Dynamics-Aware Hybrid Offline-and-Online Reinforcement Learning,"Learning effective reinforcement learning (RL) policies to solve real-world complex tasks can be quite challenging without a high-fidelity simulation environment. In most cases, we are only given imperfect simulators with simplified dynamics, which inevitably lead to severe sim-to-real gaps in RL policy learning. The recently emerged field of offline RL provides another possibility to learn policies directly from pre-collected historical data. However, to achieve reasonable performance, existing offline RL algorithms need impractically large offline data with sufficient state-action space coverage for training. This brings up a new question: is it possible to combine learning from limited real data in offline RL and unrestricted exploration through imperfect simulators in online RL to address the drawbacks of both approaches? In this study, we propose the Dynamics-Aware Hybrid Offline-and-Online Reinforcement Learning (H2O) framework to provide an affirmative answer to this question. H2O introduces a dynamics-aware policy evaluation scheme, which adaptively penalizes the Q function learning on simulated state-action pairs with large dynamics gaps, while also simultaneously allowing learning from a fixed real-world dataset. Through extensive simulation and real-world tasks, as well as theoretical analysis, we demonstrate the superior performance of H2O against other cross-domain online and offline RL algorithms. H2O provides a brand new hybrid offline-and-online RL paradigm, which can potentially shed light on future RL algorithm design for solving practical real-world tasks." 671,"""Double vaccinated, 5G boosted!"": Learning Attitudes towards COVID-19 Vaccination from Social Media","To address the vaccine hesitancy which impairs the efforts of the COVID-19 vaccination campaign, it is imperative to understand public vaccination attitudes and timely grasp their changes. In spite of reliability and trustworthiness, conventional attitude collection based on surveys is time-consuming and expensive, and cannot follow the fast evolution of vaccination attitudes. We leverage the textual posts on social media to extract and track users' vaccination stances in near real time by proposing a deep learning framework. To address the impact of linguistic features such as sarcasm and irony commonly used in vaccine-related discourses, we integrate into the framework the recent posts of a user's social network neighbours to help detect the user's genuine attitude. Based on our annotated dataset from Twitter, the models instantiated from our framework can increase the performance of attitude extraction by up to 23% compared to state-of-the-art text-only models. Using this framework, we successfully validate the feasibility of using social media to track the evolution of vaccination attitudes in real life. We further show one practical use of our framework by validating the possibility to forecast a user's vaccine hesitancy changes with information perceived from social media." 672,Causal Dynamics Learning for Task-Independent State Abstraction,"Learning dynamics models accurately is an important goal for Model-Based Reinforcement Learning (MBRL), but most MBRL methods learn a dense dynamics model which is vulnerable to spurious correlations and therefore generalizes poorly to unseen states. In this paper, we introduce Causal Dynamics Learning for Task-Independent State Abstraction (CDL), which first learns a theoretically proved causal dynamics model that removes unnecessary dependencies between state variables and the action, thus generalizing well to unseen states. A state abstraction can then be derived from the learned dynamics, which not only improves sample efficiency but also applies to a wider range of tasks than existing state abstraction methods. Evaluated on two simulated environments and downstream tasks, both the dynamics model and policies learned by the proposed method generalize well to unseen states and the derived state abstraction improves sample efficiency compared to learning without it." 673,Distinguishing Learning Rules with Brain Machine Interfaces,"Despite extensive theoretical work on biologically plausible learning rules, it has been difficult to obtain clear evidence about whether and how such rules are implemented in the brain. We consider biologically plausible supervised- and reinforcement-learning rules and ask whether changes in network activity during learning can be used to determine which learning rule is being used. Supervised learning requires a credit-assignment model estimating the mapping from neural activity to behavior, and, in a biological organism, this model will inevitably be an imperfect approximation of the ideal mapping, leading to a bias in the direction of the weight updates relative to the true gradient. Reinforcement learning, on the other hand, requires no credit-assignment model and tends to make weight updates following the true gradient direction. We derive a metric to distinguish between learning rules by observing changes in the network activity during learning, given that the mapping from brain to behavior is known by the experimenter. Because brain-machine interface (BMI) experiments allow for perfect knowledge of this mapping, we focus on modeling a cursor-control BMI task using recurrent neural networks, showing that learning rules can be distinguished in simulated experiments using only observations that a neuroscience experimenter would plausibly have access to." 674,Pen and Paper Exercises in Machine Learning,"This is a collection of (mostly) pen-and-paper exercises in machine learning. The exercises are on the following topics: linear algebra, optimisation, directed graphical models, undirected graphical models, expressive power of graphical models, factor graphs and message passing, inference for hidden Markov models, model-based learning (including ICA and unnormalised models), sampling and Monte-Carlo integration, and variational inference." 675,ContraReg: Contrastive Learning of Multi-modality Unsupervised Deformable Image Registration,"Establishing voxelwise semantic correspondence across distinct imaging modalities is a foundational yet formidable computer vision task. Current multi-modality registration techniques maximize hand-crafted inter-domain similarity functions, are limited in modeling nonlinear intensity-relationships and deformations, and may require significant re-engineering or underperform on new tasks, datasets, and domain pairs. This work presents ContraReg, an unsupervised contrastive representation learning approach to multi-modality deformable registration. By projecting learned multi-scale local patch features onto a jointly learned inter-domain embedding space, ContraReg obtains representations useful for non-rigid multi-modality alignment. Experimentally, ContraReg achieves accurate and robust results with smooth and invertible deformations across a series of baselines and ablations on a neonatal T1-T2 brain MRI registration task with all methods validated over a wide range of deformation regularization strengths." 676,Interpretable Hidden Markov Model-Based Deep Reinforcement Learning Hierarchical Framework for Predictive Maintenance of Turbofan Engines,"An open research question in deep reinforcement learning is how to focus the policy learning of key decisions within a sparse domain. This paper emphasizes combining the advantages of inputoutput hidden Markov models and reinforcement learning towards interpretable maintenance decisions. We propose a novel hierarchical-modeling methodology that, at a high level, detects and interprets the root cause of a failure as well as the health degradation of the turbofan engine, while, at a low level, it provides the optimal replacement policy. It outperforms the baseline performance of deep reinforcement learning methods applied directly to the raw data or when using a hidden Markov model without such a specialized hierarchy. It also provides comparable performance to prior work, however, with the additional benefit of interpretability." 677,"Benchopt: Reproducible, efficient and collaborative optimization benchmarks","Numerical validation is at the core of machine learning research as it allows to assess the actual impact of new methods, and to confirm the agreement between theory and practice. Yet, the rapid development of the field poses several challenges: researchers are confronted with a profusion of methods to compare, limited transparency and consensus on best practices, as well as tedious re-implementation work. As a result, validation is often very partial, which can lead to wrong conclusions that slow down the progress of research. We propose Benchopt, a collaborative framework to automate, reproduce and publish optimization benchmarks in machine learning across programming languages and hardware architectures. Benchopt simplifies benchmarking for the community by providing an off-the-shelf tool for running, sharing and extending experiments. To demonstrate its broad usability, we showcase benchmarks on three standard learning tasks: $\ell_2$-regularized logistic regression, Lasso, and ResNet18 training for image classification. These benchmarks highlight key practical findings that give a more nuanced view of the state-of-the-art for these problems, showing that for practical evaluation, the devil is in the details. We hope that Benchopt will foster collaborative work in the community hence improving the reproducibility of research findings." 678,DeStripe: A Self2Self Spatio-Spectral Graph Neural Network with Unfolded Hessian for Stripe Artifact Removal in Light-sheet Microscopy,"Light-sheet fluorescence microscopy (LSFM) is a cutting-edge volumetric imaging technique that allows for three-dimensional imaging of mesoscopic samples with decoupled illumination and detection paths. Although the selective excitation scheme of such a microscope provides intrinsic optical sectioning that minimizes out-of-focus fluorescence background and sample photodamage, it is prone to light absorption and scattering effects, which results in uneven illumination and striping artifacts in the images adversely. To tackle this issue, in this paper, we propose a blind stripe artifact removal algorithm in LSFM, called DeStripe, which combines a self-supervised spatio-spectral graph neural network with unfolded Hessian prior. Specifically, inspired by the desirable properties of Fourier transform in condensing striping information into isolated values in the frequency domain, DeStripe firstly localizes the potentially corrupted Fourier coefficients by exploiting the structural difference between unidirectional stripe artifacts and more isotropic foreground images. Affected Fourier coefficients can then be fed into a graph neural network for recovery, with a Hessian regularization unrolled to further ensure structures in the standard image space are well preserved. Since in realistic, stripe-free LSFM barely exists with a standard image acquisition protocol, DeStripe is equipped with a Self2Self denoising loss term, enabling artifact elimination without access to stripe-free ground truth images. Competitive experimental results demonstrate the efficacy of DeStripe in recovering corrupted biomarkers in LSFM with both synthetic and real stripe artifacts." 679,Learning To Cut By Looking Ahead: Cutting Plane Selection via Imitation Learning,"Cutting planes are essential for solving mixed-integer linear problems (MILPs), because they facilitate bound improvements on the optimal solution value. For selecting cuts, modern solvers rely on manually designed heuristics that are tuned to gauge the potential effectiveness of cuts. We show that a greedy selection rule explicitly looking ahead to select cuts that yield the best bound improvement delivers strong decisions for cut selection - but is too expensive to be deployed in practice. In response, we propose a new neural architecture (NeuralCut) for imitation learning on the lookahead expert. Our model outperforms standard baselines for cut selection on several synthetic MILP benchmarks. Experiments with a B&C solver for neural network verification further validate our approach, and exhibit the potential of learning methods in this setting." 680,Explicitly incorporating spatial information to recurrent networks for agriculture,"In agriculture, the majority of vision systems perform still image classification. Yet, recent work has highlighted the potential of spatial and temporal cues as a rich source of information to improve the classification performance. In this paper, we propose novel approaches to explicitly capture both spatial and temporal information to improve the classification of deep convolutional neural networks. We leverage available RGB-D images and robot odometry to perform inter-frame feature map spatial registration. This information is then fused within recurrent deep learnt models, to improve their accuracy and robustness. We demonstrate that this can considerably improve the classification performance with our best performing spatial-temporal model (ST-Atte) achieving absolute performance improvements for intersection-over-union (IoU[%]) of 4.7 for crop-weed segmentation and 2.6 for fruit (sweet pepper) segmentation. Furthermore, we show that these approaches are robust to variable framerates and odometry errors, which are frequently observed in real-world applications." 681,Utilizing Class Separation Distance for the Evaluation of Corruption Robustness of Machine Learning Classifiers,"Robustness is a fundamental pillar of Machine Learning (ML) classifiers, substantially determining their reliability. Methods for assessing classifier robustness are therefore essential. In this work, we address the challenge of evaluating corruption robustness in a way that allows comparability and interpretability on a given dataset. We propose a test data augmentation method that uses a robustness distance $\epsilon$ derived from the datasets minimal class separation distance. The resulting MSCR (mean statistical corruption robustness) metric allows a dataset-specific comparison of different classifiers with respect to their corruption robustness. The MSCR value is interpretable, as it represents the classifiers avoidable loss of accuracy due to statistical corruptions. On 2D and image data, we show that the metric reflects different levels of classifier robustness. Furthermore, we observe unexpected optima in classifiers robust accuracy through training and testing classifiers with different levels of noise. While researchers have frequently reported on a significant tradeoff on accuracy when training robust models, we strengthen the view that a tradeoff between accuracy and corruption robustness is not inherent. Our results indicate that robustness training through simple data augmentation can already slightly improve accuracy." 682,Transfer Learning via Test-Time Neural Networks Aggregation,"It has been demonstrated that deep neural networks outperform traditional machine learning. However, deep networks lack generalisability, that is, they will not perform as good as in a new (testing) set drawn from a different distribution due to the domain shift. In order to tackle this known issue, several transfer learning approaches have been proposed, where the knowledge of a trained model is transferred into another to improve performance with different data. However, most of these approaches require additional training steps, or they suffer from catastrophic forgetting that occurs when a trained model has overwritten previously learnt knowledge. We address both problems with a novel transfer learning approach that uses network aggregation. We train dataset-specific networks together with an aggregation network in a unified framework. The loss function includes two main components: a task-specific loss (such as cross-entropy) and an aggregation loss. The proposed aggregation loss allows our model to learn how trained deep network parameters can be aggregated with an aggregation operator. We demonstrate that the proposed approach learns model aggregation at test time without any further training step, reducing the burden of transfer learning to a simple arithmetical operation. The proposed approach achieves comparable performance w.r.t. the baseline. Besides, if the aggregation operator has an inverse, we will show that our model also inherently allows for selective forgetting, i.e., the aggregated model can forget one of the datasets it was trained on, retaining information on the others." 683,Guillotine Regularization: Improving Deep Networks Generalization by Removing their Head,"One unexpected technique that emerged in recent years consists in training a Deep Network (DN) with a Self-Supervised Learning (SSL) method, and using this network on downstream tasks but with its last few layers entirely removed. This usually skimmed-over trick is actually critical for SSL methods to display competitive performances. For example, on ImageNet classification, more than 30 points of percentage can be gained that way. This is a little vexing, as one would hope that the network layer at which invariance is explicitly enforced by the SSL criterion during training (the last layer) should be the one to use for best generalization performance downstream. But it seems not to be, and this study sheds some light on why. This trick, which we name Guillotine Regularization (GR), is in fact a generically applicable form of regularization that has also been used to improve generalization performance in transfer learning scenarios. In this work, through theory and experiments, we formalize GR and identify the underlying reasons behind its success in SSL methods. Our study shows that the use of this trick is essential to SSL performance for two main reasons: (i) improper data-augmentations to define the positive pairs used during training, and/or (ii) suboptimal selection of the hyper-parameters of the SSL loss." 684,Stability Verification of Neural Network Controllers using Mixed-Integer Programming,"We propose a framework for the stability verification of Mixed-Integer Linear Programming (MILP) representable control policies. This framework compares a fixed candidate policy, which admits an efficient parameterization and can be evaluated at a low computational cost, against a fixed baseline policy, which is known to be stable but expensive to evaluate. We provide sufficient conditions for the closed-loop stability of the candidate policy in terms of the worst-case approximation error with respect to the baseline policy, and we show that these conditions can be checked by solving a Mixed-Integer Quadratic Program (MIQP). Additionally, we demonstrate that an outer approximation of the stability region of the candidate policy can be computed by solving an MILP. The proposed framework is sufficiently general to accommodate a broad range of candidate policies including ReLU Neural Networks (NNs), optimal solution maps of parametric quadratic programs, and Model Predictive Control (MPC) policies. We also present an open-source toolbox in Python based on the proposed framework, which allows for the easy verification of custom NN architectures and MPC formulations. We showcase the flexibility and reliability of our framework in the context of a DC-DC power convertor case study and investigate the computational complexity." 685,Interpretable Acoustic Representation Learning on Breathing and Speech Signals for COVID-19 Detection,"In this paper, we describe an approach for representation learning of audio signals for the task of COVID-19 detection. The raw audio samples are processed with a bank of 1-D convolutional filters that are parameterized as cosine modulated Gaussian functions. The choice of these kernels allows the interpretation of the filterbanks as smooth band-pass filters. The filtered outputs are pooled, log-compressed and used in a self-attention based relevance weighting mechanism. The relevance weighting emphasizes the key regions of the time-frequency decomposition that are important for the downstream task. The subsequent layers of the model consist of a recurrent architecture and the models are trained for a COVID-19 detection task. In our experiments on the Coswara data set, we show that the proposed model achieves significant performance improvements over the baseline system as well as other representation learning approaches. Further, the approach proposed is shown to be uniformly applicable for speech and breathing signals and for transfer learning from a larger data set." 686,A Simple and Scalable Tensor Completion Algorithm via Latent Invariant Constraint for Recommendation System,"In this paper we provide a latent-variable formulation and solution to the recommender system (RS) problem in terms of a fundamental property that any reasonable solution should be expected to satisfy. Specifically, we examine a novel tensor completion method to efficiently and accurately learn parameters of a model for the unobservable personal preferences that underly user ratings. By regularizing the tensor decomposition with a single latent invariant, we achieve three properties for a reliable recommender system: (1) uniqueness of the tensor completion result with minimal assumptions, (2) unit consistency that is independent of arbitrary preferences of users, and (3) a consensus ordering guarantee that provides consistent ranking between observed and unobserved rating scores. Our algorithm leads to a simple and elegant recommendation framework that has linear computational complexity and with no hyperparameter tuning. We provide empirical results demonstrating that the approach significantly outperforms current state-of-the-art methods." 687,Benign overfitting and adaptive nonparametric regression,"In the nonparametric regression setting, we construct an estimator which is a continuous function interpolating the data points with high probability, while attaining minimax optimal rates under mean squared risk on the scale of H\""older classes adaptively to the unknown smoothness." 688,Distributional Gaussian Processes Layers for Out-of-Distribution Detection,"Machine learning models deployed on medical imaging tasks must be equipped with out-of-distribution detection capabilities in order to avoid erroneous predictions. It is unsure whether out-of-distribution detection models reliant on deep neural networks are suitable for detecting domain shifts in medical imaging. Gaussian Processes can reliably separate in-distribution data points from out-of-distribution data points via their mathematical construction. Hence, we propose a parameter efficient Bayesian layer for hierarchical convolutional Gaussian Processes that incorporates Gaussian Processes operating in Wasserstein-2 space to reliably propagate uncertainty. This directly replaces convolving Gaussian Processes with a distance-preserving affine operator on distributions. Our experiments on brain tissue-segmentation show that the resulting architecture approaches the performance of well-established deterministic segmentation algorithms (U-Net), which has not been achieved with previous hierarchical Gaussian Processes. Moreover, by applying the same segmentation model to out-of-distribution data (i.e., images with pathology such as brain tumors), we show that our uncertainty estimates result in out-of-distribution detection that outperforms the capabilities of previous Bayesian networks and reconstruction-based approaches that learn normative distributions. To facilitate future work our code is publicly available." 689,Continual Learning of Dynamical Systems with Competitive Federated Reservoir Computing,"Machine learning recently proved efficient in learning differential equations and dynamical systems from data. However, the data is commonly assumed to originate from a single never-changing system. In contrast, when modeling real-world dynamical processes, the data distribution often shifts due to changes in the underlying system dynamics. Continual learning of these processes aims to rapidly adapt to abrupt system changes without forgetting previous dynamical regimes. This work proposes an approach to continual learning based on reservoir computing, a state-of-the-art method for training recurrent neural networks on complex spatiotemporal dynamical systems. Reservoir computing fixes the recurrent network weights - hence these cannot be forgotten - and only updates linear projection heads to the output. We propose to train multiple competitive prediction heads concurrently. Inspired by neuroscience's predictive coding, only the most predictive heads activate, laterally inhibiting and thus protecting the inactive heads from forgetting induced by interfering parameter updates. We show that this multi-head reservoir minimizes interference and catastrophic forgetting on several dynamical systems, including the Van-der-Pol oscillator, the chaotic Lorenz attractor, and the high-dimensional Lorenz-96 weather model. Our results suggest that reservoir computing is a promising candidate framework for the continual learning of dynamical systems. We provide our code for data generation, method, and comparisons at \url{https://github.com/leonardbereska/multiheadreservoir}." 690,Accurate and fast identification of minimally prepared bacteria phenotypes using Raman spectroscopy assisted by machine learning,"The worldwide increase of antimicrobial resistance (AMR) is a serious threat to human health. To avert the spread of AMR, fast reliable diagnostics tools that facilitate optimal antibiotic stewardship are an unmet need. In this regard, Raman spectroscopy promises rapid label- and culture-free identification and antimicrobial susceptibility testing (AST) in a single step. However, even though many Raman-based bacteria-identification and AST studies have demonstrated impressive results, some shortcomings must be addressed. To bridge the gap between proof-of-concept studies and clinical application, we have developed machine learning techniques in combination with a novel data-augmentation algorithm, for fast identification of minimally prepared bacteria phenotypes and the distinctions of methicillin-resistant (MR) from methicillin-susceptible (MS) bacteria. For this we have implemented a spectral transformer model for hyper-spectral Raman images of bacteria. We show that our model outperforms the standard convolutional neural network models on a multitude of classification problems, both in terms of accuracy and in terms of training time. We attain more than 96$\%$ classification accuracy on a dataset consisting of 15 different classes and 95.6$\%$ classification accuracy for six MR-MS bacteria species. More importantly, our results are obtained using only fast and easy-to-produce training and test data" 691,A penalisation method for batch multi-objective Bayesian optimisation with application in heat exchanger design,"We present HIghly Parallelisable Pareto Optimisation (HIPPO) -- a batch acquisition function that enables multi-objective Bayesian optimisation methods to efficiently exploit parallel processing resources. Multi-Objective Bayesian Optimisation (MOBO) is a very efficient tool for tackling expensive black-box problems. However, most MOBO algorithms are designed as purely sequential strategies, and existing batch approaches are prohibitively expensive for all but the smallest of batch sizes. We show that by encouraging batch diversity through penalising evaluations with similar predicted objective values, HIPPO is able to cheaply build large batches of informative points. Our extensive experimental validation demonstrates that HIPPO is at least as efficient as existing alternatives whilst incurring an order of magnitude lower computational overhead and scaling easily to batch sizes considerably higher than currently supported in the literature. Additionally, we demonstrate the application of HIPPO to a challenging heat exchanger design problem, stressing the real-world utility of our highly parallelisable approach to MOBO." 692,Path Integral Stochastic Optimal Control for Sampling Transition Paths,"We consider the problem of Sampling Transition Paths. Given two metastable conformational states of a molecular system, eg. a folded and unfolded protein, we aim to sample the most likely transition path between the two states. Sampling such a transition path is computationally expensive due to the existence of high free energy barriers between the two states. To circumvent this, previous work has focused on simplifying the trajectories to occur along specific molecular descriptors called Collective Variables (CVs). However, finding CVs is not trivial and requires chemical intuition. For larger molecules, where intuition is not sufficient, using these CV-based methods biases the transition along possibly irrelevant dimensions. Instead, this work proposes a method for sampling transition paths that consider the entire geometry of the molecules. To achieve this, we first relate the problem to recent work on the Schrodinger bridge problem and stochastic optimal control. Using this relation, we construct a method that takes into account important characteristics of molecular systems such as second-order dynamics and invariance to rotations and translations. We demonstrate our method on the commonly studied Alanine Dipeptide, but also consider larger proteins such as Polyproline and Chignolin." 693,Humans are not Boltzmann Distributions: Challenges and Opportunities for Modelling Human Feedback and Interaction in Reinforcement Learning,"Reinforcement learning (RL) commonly assumes access to well-specified reward functions, which many practical applications do not provide. Instead, recently, more work has explored learning what to do from interacting with humans. So far, most of these approaches model humans as being (nosily) rational and, in particular, giving unbiased feedback. We argue that these models are too simplistic and that RL researchers need to develop more realistic human models to design and evaluate their algorithms. In particular, we argue that human models have to be personal, contextual, and dynamic. This paper calls for research from different disciplines to address key questions about how humans provide feedback to AIs and how we can build more robust human-in-the-loop RL systems." 694,Insights into Deep Non-linear Filters for Improved Multi-channel Speech Enhancement,"The key advantage of using multiple microphones for speech enhancement is that spatial filtering can be used to complement the tempo-spectral processing. In a traditional setting, linear spatial filtering (beamforming) and single-channel post-filtering are commonly performed separately. In contrast, there is a trend towards employing deep neural networks (DNNs) to learn a joint spatial and tempo-spectral non-linear filter, which means that the restriction of a linear processing model and that of a separate processing of spatial and tempo-spectral information can potentially be overcome. However, the internal mechanisms that lead to good performance of such data-driven filters for multi-channel speech enhancement are not well understood. Therefore, in this work, we analyse the properties of a non-linear spatial filter realized by a DNN as well as its interdependency with temporal and spectral processing by carefully controlling the information sources (spatial, spectral, and temporal) available to the network. We confirm the superiority of a non-linear spatial processing model, which outperforms an oracle linear spatial filter in a challenging speaker extraction scenario for a low number of microphones by 0.24 POLQA score. Our analyses reveal that in particular spectral information should be processed jointly with spatial information as this increases the spatial selectivity of the filter. Our systematic evaluation then leads to a simple network architecture, that outperforms state-of-the-art network architectures on a speaker extraction task by 0.22 POLQA score and by 0.32 POLQA score on the CHiME3 data." 695,Supernova Light Curves Approximation based on Neural Network Models,"Photometric data-driven classification of supernovae becomes a challenge due to the appearance of real-time processing of big data in astronomy. Recent studies have demonstrated the superior quality of solutions based on various machine learning models. These models learn to classify supernova types using their light curves as inputs. Preprocessing these curves is a crucial step that significantly affects the final quality. In this talk, we study the application of multilayer perceptron (MLP), bayesian neural network (BNN), and normalizing flows (NF) to approximate observations for a single light curve. We use these approximations as inputs for supernovae classification models and demonstrate that the proposed methods outperform the state-of-the-art based on Gaussian processes applying to the Zwicky Transient Facility Bright Transient Survey light curves. MLP demonstrates similar quality as Gaussian processes and speed increase. Normalizing Flows exceeds Gaussian processes in terms of approximation quality as well." 696,PARTICUL: Part Identification with Confidence measure using Unsupervised Learning,"In this paper, we present PARTICUL, a novel algorithm for unsupervised learning of part detectors from datasets used in fine-grained recognition. It exploits the macro-similarities of all images in the training set in order to mine for recurring patterns in the feature space of a pre-trained convolutional neural network. We propose new objective functions enforcing the locality and unicity of the detected parts. Additionally, we embed our detectors with a confidence measure based on correlation scores, allowing the system to estimate the visibility of each part. We apply our method on two public fine-grained datasets (Caltech-UCSD Bird 200 and Stanford Cars) and show that our detectors can consistently highlight parts of the object while providing a good measure of the confidence in their prediction. We also demonstrate that these detectors can be directly used to build part-based fine-grained classifiers that provide a good compromise between the transparency of prototype-based approaches and the performance of non-interpretable methods." 697,A Multilingual Dataset of COVID-19 Vaccination Attitudes on Twitter,"Vaccine hesitancy is considered as one main cause of the stagnant uptake ratio of COVID-19 vaccines in Europe and the US where vaccines are sufficiently supplied. Fast and accurate grasp of public attitudes toward vaccination is critical to address vaccine hesitancy, and social media platforms have proved to be an effective source of public opinions. In this paper, we describe the collection and release of a dataset of tweets related to COVID-19 vaccines. This dataset consists of the IDs of 2,198,090 tweets collected from Western Europe, 17,934 of which are annotated with the originators' vaccination stances. Our annotation will facilitate using and developing data-driven models to extract vaccination attitudes from social media posts and thus further confirm the power of social media in public health surveillance. To lay the groundwork for future research, we not only perform statistical analysis and visualisation of our dataset, but also evaluate and compare the performance of established text-based benchmarks in vaccination stance extraction. We demonstrate one potential use of our data in practice in tracking the temporal changes of public COVID-19 vaccination attitudes." 698,Consistency-preserving Visual Question Answering in Medical Imaging,"Visual Question Answering (VQA) models take an image and a natural-language question as input and infer the answer to the question. Recently, VQA systems in medical imaging have gained popularity thanks to potential advantages such as patient engagement and second opinions for clinicians. While most research efforts have been focused on improving architectures and overcoming data-related limitations, answer consistency has been overlooked even though it plays a critical role in establishing trustworthy models. In this work, we propose a novel loss function and corresponding training procedure that allows the inclusion of relations between questions into the training process. Specifically, we consider the case where implications between perception and reasoning questions are known a-priori. To show the benefits of our approach, we evaluate it on the clinically relevant task of Diabetic Macular Edema (DME) staging from fundus imaging. Our experiments show that our method outperforms state-of-the-art baselines, not only by improving model consistency, but also in terms of overall model accuracy. Our code and data are available at https://github.com/sergiotasconmorales/consistency_vqa." 699,Diffusion Deformable Model for 4D Temporal Medical Image Generation,"Temporal volume images with 3D+t (4D) information are often used in medical imaging to statistically analyze temporal dynamics or capture disease progression. Although deep-learning-based generative models for natural images have been extensively studied, approaches for temporal medical image generation such as 4D cardiac volume data are limited. In this work, we present a novel deep learning model that generates intermediate temporal volumes between source and target volumes. Specifically, we propose a diffusion deformable model (DDM) by adapting the denoising diffusion probabilistic model that has recently been widely investigated for realistic image generation. Our proposed DDM is composed of the diffusion and the deformation modules so that DDM can learn spatial deformation information between the source and target volumes and provide a latent code for generating intermediate frames along a geodesic path. Once our model is trained, the latent code estimated from the diffusion module is simply interpolated and fed into the deformation module, which enables DDM to generate temporal frames along the continuous trajectory while preserving the topology of the source image. We demonstrate the proposed method with the 4D cardiac MR image generation between the diastolic and systolic phases for each subject. Compared to the existing deformation methods, our DDM achieves high performance on temporal volume generation." 700,Theoretical analysis of Adam using hyperparameters close to one without Lipschitz smoothness,"Convergence and convergence rate analyses of adaptive methods, such as Adaptive Moment Estimation (Adam) and its variants, have been widely studied for nonconvex optimization. The analyses are based on assumptions that the expected or empirical average loss function is Lipschitz smooth (i.e., its gradient is Lipschitz continuous) and the learning rates depend on the Lipschitz constant of the Lipschitz continuous gradient. Meanwhile, numerical evaluations of Adam and its variants have clarified that using small constant learning rates without depending on the Lipschitz constant and hyperparameters ($\beta_1$ and $\beta_2$) close to one is advantageous for training deep neural networks. Since computing the Lipschitz constant is NP-hard, the Lipschitz smoothness condition would be unrealistic. This paper provides theoretical analyses of Adam without assuming the Lipschitz smoothness condition in order to bridge the gap between theory and practice. The main contribution is to show theoretical evidence that Adam using small learning rates and hyperparameters close to one performs well, whereas the previous theoretical results were all for hyperparameters close to zero. Our analysis also leads to the finding that Adam performs well with large batch sizes. Moreover, we show that Adam performs well when it uses diminishing learning rates and hyperparameters close to one." 701,Sum-of-Squares Relaxations for Information Theory and Variational Inference,"We consider extensions of the Shannon relative entropy, referred to as f-divergences. Three classical related computational problems are typically associated with these divergences: (a) estimation from moments, (b) computing normalizing integrals, and (c) variational inference in probabilistic models. These problems are related to one another through convex duality, and for all them, there are many applications throughout data science, and we aim for computationally tractable approximation algorithms that preserve properties of the original problem such as potential convexity or monotonicity. In order to achieve this, we derive a sequence of convex relaxations for computing these divergences from non-centered covariance matrices associated with a given feature vector: starting from the typically non-tractable optimal lower-bound, we consider an additional relaxation based on ''sums-of-squares'', which is is now computable in polynomial time as a semidefinite program, as well as further computationally more efficient relaxations based on spectral information divergences from quantum information theory. For all of the tasks above, beyond proposing new relaxations, we derive tractable algorithms based on augmented Lagrangians and first-order methods, and we present illustrations on multivariate trigonometric polynomials and functions on the Boolean hypercube." 702,Deep-Learning vs Regression: Prediction of Tourism Flow with Limited Data,"Modern tourism in the 21st century is facing numerous challenges. One of these challenges is the rapidly growing number of tourists in space limited regions such as historical city centers, museums or geographical bottlenecks like narrow valleys. In this context, a proper and accurate prediction of tourism volume and tourism flow within a certain area is important and critical for visitor management tasks such as visitor flow control and prevention of overcrowding. Static flow control methods like limiting access to hotspots or using conventional low level controllers could not solve the problem yet. In this paper, we empirically evaluate the performance of several state-of-the-art deep-learning methods in the field of visitor flow prediction with limited data by using available granular data supplied by a tourism region and comparing the results to ARIMA, a classical statistical method. Our results show that deep-learning models yield better predictions compared to the ARIMA method, while both featuring faster inference times and being able to incorporate additional input features." 703,"Wideband Audio Waveform Evaluation Networks: Efficient, Accurate Estimation of Speech Qualities","Wideband Audio Waveform Evaluation Networks (WAWEnets) are convolutional neural networks that operate directly on wideband audio waveforms in order to produce evaluations of those waveforms. In the present work these evaluations give qualities of telecommunications speech (e.g., noisiness, intelligibility, overall speech quality). WAWEnets are no-reference networks because they do not require ``reference'' (original or undistorted) versions of the waveforms they evaluate. Our initial WAWEnet publication introduced four WAWEnets and each emulated the output of an established full-reference speech quality or intelligibility estimation algorithm. We have updated the WAWEnet architecture to be more efficient and effective. Here we present a single WAWEnet that closely tracks seven different quality and intelligibility values. We create a second network that additionally tracks four subjective speech quality dimensions. We offer a third network that focuses on just subjective quality scores and achieves very high levels of agreement. This work has leveraged 334 hours of speech in 13 languages, over two million full-reference target values and over 93,000 subjective mean opinion scores. We also interpret the operation of WAWEnets and identify the key to their operation using the language of signal processing: ReLUs strategically move spectral information from non-DC components into the DC component. The DC values of 96 output signals define a vector in a 96-D latent space and this vector is then mapped to a quality or intelligibility value for the input waveform." 704,Multifamily Malware Models,"When training a machine learning model, there is likely to be a tradeoff between accuracy and the diversity of the dataset. Previous research has shown that if we train a model to detect one specific malware family, we generally obtain stronger results as compared to a case where we train a single model on multiple diverse families. However, during the detection phase, it would be more efficient to have a single model that can reliably detect multiple families, rather than having to score each sample against multiple models. In this research, we conduct experiments based on byte $n$-gram features to quantify the relationship between the generality of the training dataset and the accuracy of the corresponding machine learning models, all within the context of the malware detection problem. We find that neighborhood-based algorithms generalize surprisingly well, far outperforming the other machine learning techniques considered." 705,The Performance of Wasserstein Distributionally Robust M-Estimators in High Dimensions,"Wasserstein distributionally robust optimization has recently emerged as a powerful framework for robust estimation, enjoying good out-of-sample performance guarantees, well-understood regularization effects, and computationally tractable dual reformulations. In such framework, the estimator is obtained by minimizing the worst-case expected loss over all probability distributions which are close, in a Wasserstein sense, to the empirical distribution. In this paper, we propose a Wasserstein distributionally robust M-estimation framework to estimate an unknown parameter from noisy linear measurements, and we focus on the important and challenging task of analyzing the squared error performance of such estimators. Our study is carried out in the modern high-dimensional proportional regime, where both the ambient dimension and the number of samples go to infinity, at a proportional rate which encodes the under/over-parametrization of the problem. Under an isotropic Gaussian features assumption, we show that the squared error can be recover as the solution of a convex-concave optimization problem which, surprinsingly, involves at most four scalar variables. To the best of our knowledge, this is the first work to study this problem in the context of Wasserstein distributionally robust M-estimation." 706,Finite Littlestone Dimension Implies Finite Information Complexity,"We prove that every online learnable class of functions of Littlestone dimension $d$ admits a learning algorithm with finite information complexity. Towards this end, we use the notion of a globally stable algorithm. Generally, the information complexity of such a globally stable algorithm is large yet finite, roughly exponential in $d$. We also show there is room for improvement; for a canonical online learnable class, indicator functions of affine subspaces of dimension $d$, the information complexity can be upper bounded logarithmically in $d$." 707,Knowledge-aware Neural Collective Matrix Factorization for Cross-domain Recommendation,"Cross-domain recommendation (CDR) can help customers find more satisfying items in different domains. Existing CDR models mainly use common users or mapping functions as bridges between domains but have very limited exploration in fully utilizing extra knowledge across domains. In this paper, we propose to incorporate the knowledge graph (KG) for CDR, which enables items in different domains to share knowledge. To this end, we first construct a new dataset AmazonKG4CDR from the Freebase KG and a subset (two domain pairs: movies-music, movie-book) of Amazon Review Data. This new dataset facilitates linking knowledge to bridge within- and cross-domain items for CDR. Then we propose a new framework, KG-aware Neural Collective Matrix Factorization (KG-NeuCMF), leveraging KG to enrich item representations. It first learns item embeddings by graph convolutional autoencoder to capture both domain-specific and domain-general knowledge from adjacent and higher-order neighbours in the KG. Then, we maximize the mutual information between item embeddings learned from the KG and user-item matrix to establish cross-domain relationships for better CDR. Finally, we conduct extensive experiments on the newly constructed dataset and demonstrate that our model significantly outperforms the best-performing baselines." 708,Sample compression schemes for balls in graphs,"One of the open problems in machine learning is whether any set-family of VC-dimension $d$ admits a sample compression scheme of size~$O(d)$. In this paper, we study this problem for balls in graphs. For balls of arbitrary radius $r$, we design proper sample compression schemes of size $2$ for trees, of size $3$ for cycles, of size $4$ for interval graphs, of size $6$ for trees of cycles, and of size $22$ for cube-free median graphs. For balls of a given radius, we design proper labeled sample compression schemes of size $2$ for trees and of size $4$ for interval graphs. We also design approximate sample compression schemes of size 2 for balls of $\delta$-hyperbolic graphs." 709,Attack Agnostic Dataset: Towards Generalization and Stabilization of Audio DeepFake Detection,"Audio DeepFakes allow the creation of high-quality, convincing utterances and therefore pose a threat due to its potential applications such as impersonation or fake news. Methods for detecting these manipulations should be characterized by good generalization and stability leading to robustness against attacks conducted with techniques that are not explicitly included in the training. In this work, we introduce Attack Agnostic Dataset - a combination of two audio DeepFakes and one anti-spoofing datasets that, thanks to the disjoint use of attacks, can lead to better generalization of detection methods. We present a thorough analysis of current DeepFake detection methods and consider different audio features (front-ends). In addition, we propose a model based on LCNN with LFCC and mel-spectrogram front-end, which not only is characterized by a good generalization and stability results but also shows improvement over LFCC-based mode - we decrease standard deviation on all folds and EER in two folds by up to 5%." 710,Cracking nuts with a sledgehammer: when modern graph neural networks do worse than classical greedy algorithms,"The recent work ``Combinatorial Optimization with Physics-Inspired Graph Neural Networks'' [Nat Mach Intell 4 (2022) 367] introduces a physics-inspired unsupervised Graph Neural Network (GNN) to solve combinatorial optimization problems on sparse graphs. To test the performances of these GNNs, the authors of the work show numerical results for two fundamental problems: maximum cut and maximum independent set (MIS). They conclude that ""the graph neural network optimizer performs on par or outperforms existing solvers, with the ability to scale beyond the state of the art to problems with millions of variables."" In this comment, we show that a simple greedy algorithm, running in almost linear time, can find solutions for the MIS problem of much better quality than the GNN. The greedy algorithm is faster by a factor of $10^4$ with respect to the GNN for problems with a million variables. We do not see any good reason for solving the MIS with these GNN, as well as for using a sledgehammer to crack nuts. In general, many claims of superiority of neural networks in solving combinatorial problems are at risk of being not solid enough, since we lack standard benchmarks based on really hard problems. We propose one of such hard benchmarks, and we hope to see future neural network optimizers tested on these problems before any claim of superiority is made." 711,Human-AI Collaboration in Decision-Making: Beyond Learning to Defer,"Human-AI collaboration (HAIC) in decision-making aims to create synergistic teaming between human decision-makers and AI systems. Learning to Defer (L2D) has been presented as a promising framework to determine who among humans and AI should take which decisions in order to optimize the performance and fairness of the combined system. Nevertheless, L2D entails several often unfeasible requirements, such as the availability of predictions from humans for every instance or ground-truth labels independent from said decision-makers. Furthermore, neither L2D nor alternative approaches tackle fundamental issues of deploying HAIC in real-world settings, such as capacity management or dealing with dynamic environments. In this paper, we aim to identify and review these and other limitations, pointing to where opportunities for future research in HAIC may lie." 712,Few-Shot Cross-Lingual TTS Using Transferable Phoneme Embedding,"This paper studies a transferable phoneme embedding framework that aims to deal with the cross-lingual text-to-speech (TTS) problem under the few-shot setting. Transfer learning is a common approach when it comes to few-shot learning since training from scratch on few-shot training data is bound to overfit. Still, we find that the naive transfer learning approach fails to adapt to unseen languages under extremely few-shot settings, where less than 8 minutes of data is provided. We deal with the problem by proposing a framework that consists of a phoneme-based TTS model and a codebook module to project phonemes from different languages into a learned latent space. Furthermore, by utilizing phoneme-level averaged self-supervised learned features, we effectively improve the quality of synthesized speeches. Experiments show that using 4 utterances, which is about 30 seconds of data, is enough to synthesize intelligible speech when adapting to an unseen language using our framework." 713,Differentially Private Federated Combinatorial Bandits with Constraints,"There is a rapid increase in the cooperative learning paradigm in online learning settings, i.e., federated learning (FL). Unlike most FL settings, there are many situations where the agents are competitive. Each agent would like to learn from others, but the part of the information it shares for others to learn from could be sensitive; thus, it desires its privacy. This work investigates a group of agents working concurrently to solve similar combinatorial bandit problems while maintaining quality constraints. Can these agents collectively learn while keeping their sensitive information confidential by employing differential privacy? We observe that communicating can reduce the regret. However, differential privacy techniques for protecting sensitive information makes the data noisy and may deteriorate than help to improve regret. Hence, we note that it is essential to decide when to communicate and what shared data to learn to strike a functional balance between regret and privacy. For such a federated combinatorial MAB setting, we propose a Privacy-preserving Federated Combinatorial Bandit algorithm, P-FCB. We illustrate the efficacy of P-FCB through simulations. We further show that our algorithm provides an improvement in terms of regret while upholding quality threshold and meaningful privacy guarantees." 714,An Empirical Study of Personalized Federated Learning,"Federated learning is a distributed machine learning approach in which a single server and multiple clients collaboratively build machine learning models without sharing datasets on clients. A challenging issue of federated learning is data heterogeneity (i.e., data distributions may differ across clients). To cope with this issue, numerous federated learning methods aim at personalized federated learning and build optimized models for clients. Whereas existing studies empirically evaluated their own methods, the experimental settings (e.g., comparison methods, datasets, and client setting) in these studies differ from each other, and it is unclear which personalized federate learning method achieves the best performance and how much progress can be made by using these methods instead of standard (i.e., non-personalized) federated learning. In this paper, we benchmark the performance of existing personalized federated learning through comprehensive experiments to evaluate the characteristics of each method. Our experimental study shows that (1) there are no champion methods, (2) large data heterogeneity often leads to high accurate predictions, and (3) standard federated learning methods (e.g. FedAvg) with fine-tuning often outperform personalized federated learning methods. We open our benchmark tool FedBench for researchers to conduct experimental studies with various experimental settings." 715,Prisoners of Their Own Devices: How Models Induce Data Bias in Performative Prediction,"The unparalleled ability of machine learning algorithms to learn patterns from data also enables them to incorporate biases embedded within. A biased model can then make decisions that disproportionately harm certain groups in society. Much work has been devoted to measuring unfairness in static ML environments, but not in dynamic, performative prediction ones, in which most real-world use cases operate. In the latter, the predictive model itself plays a pivotal role in shaping the distribution of the data. However, little attention has been heeded to relating unfairness to these interactions. Thus, to further the understanding of unfairness in these settings, we propose a taxonomy to characterize bias in the data, and study cases where it is shaped by model behaviour. Using a real-world account opening fraud detection case study as an example, we study the dangers to both performance and fairness of two typical biases in performative prediction: distribution shifts, and the problem of selective labels." 716,Discrete Morse Sandwich: Fast Computation of Persistence Diagrams for Scalar Data -- An Algorithm and A Benchmark,"This paper introduces an efficient algorithm for persistence diagram computation, given an input piecewise linear scalar field f defined on a d-dimensional simplicial complex K, with $d \leq 3$. Our method extends the seminal ""PairCells"" algorithm by introducing three main accelerations. First, we express this algorithm within the setting of discrete Morse theory, which considerably reduces the number of input simplices to consider. Second, we introduce a stratification approach to the problem, that we call ""sandwiching"". Specifically, minima-saddle persistence pairs ($D_0(f)$) and saddle-maximum persistence pairs ($D_{d-1}(f)$) are efficiently computed by respectively processing with a Union-Find the unstable sets of 1-saddles and the stable sets of (d-1)-saddles. This fast processing of the dimensions 0 and (d-1) further reduces, and drastically, the number of critical simplices to consider for the computation of $D_1(f)$, the intermediate layer of the sandwich. Third, we document several performance improvements via shared-memory parallelism. We provide an open-source implementation of our algorithm for reproducibility purposes. We also contribute a reproducible benchmark package, which exploits three-dimensional data from a public repository and compares our algorithm to a variety of publicly available implementations. Extensive experiments indicate that our algorithm improves by two orders of magnitude the time performance of the seminal ""PairCells"" algorithm it extends. Moreover, it also improves memory footprint and time performance over a selection of 14 competing approaches, with a substantial gain over the fastest available approaches, while producing a strictly identical output. We illustrate the utility of our contributions with an application to the fast and robust extraction of persistent 1-dimensional generators on surfaces, volume data and high-dimensional point clouds." 717,Learning to Control Local Search for Combinatorial Optimization,"Combinatorial optimization problems are encountered in many practical contexts such as logistics and production, but exact solutions are particularly difficult to find and usually NP-hard for considerable problem sizes. To compute approximate solutions, a zoo of generic as well as problem-specific variants of local search is commonly used. However, which variant to apply to which particular problem is difficult to decide even for experts. In this paper we identify three independent algorithmic aspects of such local search algorithms and formalize their sequential selection over an optimization process as Markov Decision Process (MDP). We design a deep graph neural network as policy model for this MDP, yielding a learned controller for local search called NeuroLS. Ample experimental evidence shows that NeuroLS is able to outperform both, well-known general purpose local search controllers from Operations Research as well as latest machine learning-based approaches." 718,A Representation Learning Framework for Property Graphs,"Representation learning on graphs, also called graph embedding, has demonstrated its significant impact on a series of machine learning applications such as classification, prediction and recommendation. However, existing work has largely ignored the rich information contained in the properties (or attributes) of both nodes and edges of graphs in modern applications, e.g., those represented by property graphs. To date, most existing graph embedding methods either focus on plain graphs with only the graph topology, or consider properties on nodes only. We propose PGE, a graph representation learning framework that incorporates both node and edge properties into the graph embedding procedure. PGE uses node clustering to assign biases to differentiate neighbors of a node and leverages multiple data-driven matrices to aggregate the property information of neighbors sampled based on a biased strategy. PGE adopts the popular inductive model for neighborhood aggregation. We provide detailed analyses on the efficacy of our method and validate the performance of PGE by showing how PGE achieves better embedding results than the state-of-the-art graph embedding methods on benchmark applications such as node classification and link prediction over real-world datasets." 719,Measuring and Improving the Use of Graph Information in Graph Neural Networks,"Graph neural networks (GNNs) have been widely used for representation learning on graph data. However, there is limited understanding on how much performance GNNs actually gain from graph data. This paper introduces a context-surrounding GNN framework and proposes two smoothness metrics to measure the quantity and quality of information obtained from graph data. A new GNN model, called CS-GNN, is then designed to improve the use of graph information based on the smoothness values of a graph. CS-GNN is shown to achieve better performance than existing methods in different types of real graphs." 720,Local Evaluation of Time Series Anomaly Detection Algorithms,"In recent years, specific evaluation metrics for time series anomaly detection algorithms have been developed to handle the limitations of the classical precision and recall. However, such metrics are heuristically built as an aggregate of multiple desirable aspects, introduce parameters and wipe out the interpretability of the output. In this article, we first highlight the limitations of the classical precision/recall, as well as the main issues of the recent event-based metrics -- for instance, we show that an adversary algorithm can reach high precision and recall on almost any dataset under weak assumption. To cope with the above problems, we propose a theoretically grounded, robust, parameter-free and interpretable extension to precision/recall metrics, based on the concept of ``affiliation'' between the ground truth and the prediction sets. Our metrics leverage measures of duration between ground truth and predictions, and have thus an intuitive interpretation. By further comparison against random sampling, we obtain a normalized precision/recall, quantifying how much a given set of results is better than a random baseline prediction. By construction, our approach keeps the evaluation local regarding ground truth events, enabling fine-grained visualization and interpretation of algorithmic results. We compare our proposal against various public time series anomaly detection datasets, algorithms and metrics. We further derive theoretical properties of the affiliation metrics that give explicit expectations about their behavior and ensure robustness against adversary strategies." 721,Evaluating resampling methods on a real-life highly imbalanced online credit card payments dataset,"Various problems of any credit card fraud detection based on machine learning come from the imbalanced aspect of transaction datasets. Indeed, the number of frauds compared to the number of regular transactions is tiny and has been shown to damage learning performances, e.g., at worst, the algorithm can learn to classify all the transactions as regular. Resampling methods and cost-sensitive approaches are known to be good candidates to leverage this issue of imbalanced datasets. This paper evaluates numerous state-of-the-art resampling methods on a large real-life online credit card payments dataset. We show they are inefficient because methods are intractable or because metrics do not exhibit substantial improvements. Our work contributes to this domain in (1) that we compare many state-of-the-art resampling methods on a large-scale dataset and in (2) that we use a real-life online credit card payments dataset." 722,Compressing Features for Learning with Noisy Labels,"Supervised learning can be viewed as distilling relevant information from input data into feature representations. This process becomes difficult when supervision is noisy as the distilled information might not be relevant. In fact, recent research shows that networks can easily overfit all labels including those that are corrupted, and hence can hardly generalize to clean datasets. In this paper, we focus on the problem of learning with noisy labels and introduce compression inductive bias to network architectures to alleviate this over-fitting problem. More precisely, we revisit one classical regularization named Dropout and its variant Nested Dropout. Dropout can serve as a compression constraint for its feature dropping mechanism, while Nested Dropout further learns ordered feature representations w.r.t. feature importance. Moreover, the trained models with compression regularization are further combined with Co-teaching for performance boost. Theoretically, we conduct bias-variance decomposition of the objective function under compression regularization. We analyze it for both single model and Co-teaching. This decomposition provides three insights: (i) it shows that over-fitting is indeed an issue for learning with noisy labels; (ii) through an information bottleneck formulation, it explains why the proposed feature compression helps in combating label noise; (iii) it gives explanations on the performance boost brought by incorporating compression regularization into Co-teaching. Experiments show that our simple approach can have comparable or even better performance than the state-of-the-art methods on benchmarks with real-world label noise including Clothing1M and ANIMAL-10N. Our implementation is available at https://yingyichen-cyy.github.io/CompressFeatNoisyLabels/." 723,Extracting Weighted Finite Automata from Recurrent Neural Networks for Natural Languages,"Recurrent Neural Networks (RNNs) have achieved tremendous success in sequential data processing. However, it is quite challenging to interpret and verify RNNs' behaviors directly. To this end, many efforts have been made to extract finite automata from RNNs. Existing approaches such as exact learning are effective in extracting finite-state models to characterize the state dynamics of RNNs for formal languages, but are limited in the scalability to process natural languages. Compositional approaches that are scablable to natural languages fall short in extraction precision. In this paper, we identify the transition sparsity problem that heavily impacts the extraction precision. To address this problem, we propose a transition rule extraction approach, which is scalable to natural language processing models and effective in improving extraction precision. Specifically, we propose an empirical method to complement the missing rules in the transition diagram. In addition, we further adjust the transition matrices to enhance the context-aware ability of the extracted weighted finite automaton (WFA). Finally, we propose two data augmentation tactics to track more dynamic behaviors of the target RNN. Experiments on two popular natural language datasets show that our method can extract WFA from RNN for natural language processing with better precision than existing approaches." 724,Revisiting Architecture-aware Knowledge Distillation: Smaller Models and Faster Search,"Knowledge Distillation (KD) has recently emerged as a popular method for compressing neural networks. In recent studies, generalized distillation methods that find parameters and architectures of student models at the same time have been proposed. Still, this search method requires a lot of computation to search for architectures and has the disadvantage of considering only convolutional blocks in their search space. This paper introduces a new algorithm, coined as Trust Region Aware architecture search to Distill knowledge Effectively (TRADE), that rapidly finds effective student architectures from several state-of-the-art architectures using trust region Bayesian optimization approach. Experimental results show our proposed TRADE algorithm consistently outperforms both the conventional NAS approach and pre-defined architecture under KD training." 725,Transfer learning for ensembles: reducing computation time and keeping the diversity,"Transferring a deep neural network trained on one problem to another requires only a small amount of data and little additional computation time. The same behaviour holds for ensembles of deep learning models typically superior to a single model. However, a transfer of deep neural networks ensemble demands relatively high computational expenses. The probability of overfitting also increases. Our approach for the transfer learning of ensembles consists of two steps: (a) shifting weights of encoders of all models in the ensemble by a single shift vector and (b) doing a tiny fine-tuning for each individual model afterwards. This strategy leads to a speed-up of the training process and gives an opportunity to add models to an ensemble with significantly reduced training time using the shift vector. We compare different strategies by computation time, the accuracy of an ensemble, uncertainty estimation and disagreement and conclude that our approach gives competitive results using the same computation complexity in comparison with the traditional approach. Also, our method keeps the ensemble's models' diversity higher." 726,Dynamic-Group-Aware Networks for Multi-Agent Trajectory Prediction with Relational Reasoning,"Demystifying the interactions among multiple agents from their past trajectories is fundamental to precise and interpretable trajectory prediction. However, previous works mainly consider static, pair-wise interactions with limited relational reasoning. To promote more comprehensive interaction modeling and relational reasoning, we propose DynGroupNet, a dynamic-group-aware network, which can i) model time-varying interactions in highly dynamic scenes; ii) capture both pair-wise and group-wise interactions; and iii) reason both interaction strength and category without direct supervision. Based on DynGroupNet, we further design a prediction system to forecast socially plausible trajectories with dynamic relational reasoning. The proposed prediction system leverages the Gaussian mixture model, multiple sampling and prediction refinement to promote prediction diversity, training stability and trajectory smoothness, respectively. Extensive experiments show that: 1)DynGroupNet can capture time-varying group behaviors, infer time-varying interaction category and interaction strength during trajectory prediction without any relation supervision on physical simulation datasets; 2)DynGroupNet outperforms the state-of-the-art trajectory prediction methods by a significant improvement of 22.6%/28.0%, 26.9%/34.9%, 5.1%/13.0% in ADE/FDE on the NBA, NFL Football and SDD datasets and achieve the state-of-the-art performance on the ETH-UCY dataset." 727,Enhancing Stochastic Petri Net-based Remaining Time Prediction using k-Nearest Neighbors,"Reliable remaining time prediction of ongoing business processes is a highly relevant topic. One example is order delivery, a key competitive factor in e.g. retailing as it is a main driver of customer satisfaction. For realising timely delivery, an accurate prediction of the remaining time of the delivery process is crucial. Within the field of process mining, a wide variety of remaining time prediction techniques have already been proposed. In this work, we extend remaining time prediction based on stochastic Petri nets with generally distributed transitions with k-nearest neighbors. The k-nearest neighbors algorithm is performed on simple vectors storing the time passed to complete previous activities. By only taking a subset of instances, a more representative and stable stochastic Petri Net is obtained, leading to more accurate time predictions. We discuss the technique and its basic implementation in Python and use different real world data sets to evaluate the predictive power of our extension. These experiments show clear advantages in combining both techniques with regard to predictive power." 728,AdaSparse: Learning Adaptively Sparse Structures for Multi-Domain Click-Through Rate Prediction,"Click-through rate (CTR) prediction is a fundamental technique in recommendation and advertising systems. Recent studies have proved that learning a unified model to serve multiple domains is effective to improve the overall performance. However, it is still challenging to improve generalization across domains under limited training data, and hard to deploy current solutions due to their computational complexity. In this paper, we propose a simple yet effective framework AdaSparse for multi-domain CTR prediction, which learns adaptively sparse structure for each domain, achieving better generalization across domains with lower computational cost. In AdaSparse, we introduce domain-aware neuron-level weighting factors to measure the importance of neurons, with that for each domain our model can prune redundant neurons to improve generalization. We further add flexible sparsity regularizations to control the sparsity ratio of learned structures. Offline and online experiments show that AdaSparse outperforms previous multi-domain CTR models significantly." 729,A mixed formulation for physics-informed neural networks as a potential solver for engineering problems in heterogeneous domains: comparison with finite element method,"Physics-informed neural networks (PINNs) are capable of finding the solution for a given boundary value problem. We employ several ideas from the finite element method (FEM) to enhance the performance of existing PINNs in engineering problems. The main contribution of the current work is to promote using the spatial gradient of the primary variable as an output from separated neural networks. Later on, the strong form which has a higher order of derivatives is applied to the spatial gradients of the primary variable as the physical constraint. In addition, the so-called energy form of the problem is applied to the primary variable as an additional constraint for training. The proposed approach only required up to first-order derivatives to construct the physical loss functions. We discuss why this point is beneficial through various comparisons between different models. The mixed formulation-based PINNs and FE methods share some similarities. While the former minimizes the PDE and its energy form at given collocation points utilizing a complex nonlinear interpolation through a neural network, the latter does the same at element nodes with the help of shape functions. We focus on heterogeneous solids to show the capability of deep learning for predicting the solution in a complex environment under different boundary conditions. The performance of the proposed PINN model is checked against the solution from FEM on two prototype problems: elasticity and the Poisson equation (steady-state diffusion problem). We concluded that by properly designing the network architecture in PINN, the deep learning model has the potential to solve the unknowns in a heterogeneous domain without any available initial data from other sources. Finally, discussions are provided on the combination of PINN and FEM for a fast and accurate design of composite materials in future developments." 730,Modeling Content Creator Incentives on Algorithm-Curated Platforms,"Content creators compete for user attention. Their reach crucially depends on algorithmic choices made by developers on online platforms. To maximize exposure, many creators adapt strategically, as evidenced by examples like the sprawling search engine optimization industry. This begets competition for the finite user attention pool. We formalize these dynamics in what we call an exposure game, a model of incentives induced by algorithms including modern factorization and (deep) two-tower architectures. We prove that seemingly innocuous algorithmic choices -- e.g., non-negative vs. unconstrained factorization -- significantly affect the existence and character of (Nash) equilibria in exposure games. We proffer use of creator behavior models like ours for an (ex-ante) pre-deployment audit. Such an audit can identify misalignment between desirable and incentivized content, and thus complement post-hoc measures like content filtering and moderation. To this end, we propose tools for numerically finding equilibria in exposure games, and illustrate results of an audit on the MovieLens and LastFM datasets. Among else, we find that the strategically produced content exhibits strong dependence between algorithmic exploration and content diversity, and between model expressivity and bias towards gender-based user and creator groups." 731,SpeechEQ: Speech Emotion Recognition based on Multi-scale Unified Datasets and Multitask Learning,"Speech emotion recognition (SER) has many challenges, but one of the main challenges is that each framework does not have a unified standard. In this paper, we propose SpeechEQ, a framework for unifying SER tasks based on a multi-scale unified metric. This metric can be trained by Multitask Learning (MTL), which includes two emotion recognition tasks of Emotion States Category (EIS) and Emotion Intensity Scale (EIS), and two auxiliary tasks of phoneme recognition and gender recognition. For this framework, we build a Mandarin SER dataset - SpeechEQ Dataset (SEQD). We conducted experiments on the public CASIA and ESD datasets in Mandarin, which exhibit that our method outperforms baseline methods by a relatively large margin, yielding 8.0\% and 6.5\% improvement in accuracy respectively. Additional experiments on IEMOCAP with four emotion categories (i.e., angry, happy, sad, and neutral) also show the proposed method achieves a state-of-the-art of both weighted accuracy (WA) of 78.16% and unweighted accuracy (UA) of 77.47%." 732,Zero Stability Well Predicts Performance of Convolutional Neural Networks,"The question of what kind of convolutional neural network (CNN) structure performs well is fascinating. In this work, we move toward the answer with one more step by connecting zero stability and model performance. Specifically, we found that if a discrete solver of an ordinary differential equation is zero stable, the CNN corresponding to that solver performs well. We first give the interpretation of zero stability in the context of deep learning and then investigate the performance of existing first- and second-order CNNs under different zero-stable circumstances. Based on the preliminary observation, we provide a higher-order discretization to construct CNNs and then propose a zero-stable network (ZeroSNet). To guarantee zero stability of the ZeroSNet, we first deduce a structure that meets consistency conditions and then give a zero stable region of a training-free parameter. By analyzing the roots of a characteristic equation, we theoretically obtain the optimal coefficients of feature maps. Empirically, we present our results from three aspects: We provide extensive empirical evidence of different depth on different datasets to show that the moduli of the characteristic equation's roots are the keys for the performance of CNNs that require historical features; Our experiments show that ZeroSNet outperforms existing CNNs which is based on high-order discretization; ZeroSNets show better robustness against noises on the input. The source code is available at \url{https://github.com/LongJin-lab/ZeroSNet}." 733,A Zero-Shot Classification Approach for a Word-Guessing Challenge,"The Taboo Challenge competition, a task based on the well-known Taboo game, has been proposed to stimulate research in the AI field. The challenge requires building systems able to comprehend the implied inferences between the exchanged messages of guesser and describer agents. A describer sends pre-determined hints to guessers indirectly describing cities, and guessers are required to return the matching cities implied by the hints. Climbing up the scoring ledger requires the resolving of the highest amount of cities with the smallest amount of hints in a specified time frame. Here, we present TabooLM, a language-model approach that tackles the challenge based on a zero-shot setting. We start by presenting and comparing the results of this approach with three studies from the literature. The results show that our method achieves SOTA results on the Taboo challenge, suggesting that TabooLM can guess the implied cities faster and more accurately than existing approaches." 734,Learning Deep Input-Output Stable Dynamics,"Learning stable dynamics from observed time-series data is an essential problem in robotics, physical modeling, and systems biology. Many of these dynamics are represented as an inputs-output system to communicate with the external environment. In this study, we focus on input-output stable systems, exhibiting robustness against unexpected stimuli and noise. We propose a method to learn nonlinear systems guaranteeing the input-output stability. Our proposed method utilizes the differentiable projection onto the space satisfying the Hamilton-Jacobi inequality to realize the input-output stability. The problem of finding this projection can be formulated as a quadratic constraint quadratic programming problem, and we derive the particular solution analytically. Also, we apply our method to a toy bistable model and the task of training a benchmark generated from a glucose-insulin simulator. The results show that the nonlinear system with neural networks by our method achieves the input-output stability, unlike naive neural networks. Our code is available at https://github.com/clinfo/DeepIOStability." 735,Split Localized Conformal Prediction,"Conformal prediction is a simple and powerful tool that can quantify uncertainty without any distributional assumptions. However, existing methods can only provide an average coverage guarantee, which is not ideal compared to the stronger conditional coverage guarantee. Although achieving exact conditional coverage is proven to be impossible, approximating conditional coverage is still an important research direction. In this paper, we propose a modified non-conformity score by leveraging local approximation of the conditional distribution. The modified score inherits the spirit of split conformal methods, which is simple and efficient compared with full conformal methods but better approximates conditional coverage guarantee. Empirical results on various datasets, including a high dimension age regression on image, demonstrate that our method provides tighter intervals compared to existing methods." 736,Agreement-on-the-Line: Predicting the Performance of Neural Networks under Distribution Shift,"Recently, Miller et al. showed that a model's in-distribution (ID) accuracy has a strong linear correlation with its out-of-distribution (OOD) accuracy on several OOD benchmarks -- a phenomenon they dubbed ''accuracy-on-the-line''. While a useful tool for model selection (i.e., the model most likely to perform the best OOD is the one with highest ID accuracy), this fact does not help estimate the actual OOD performance of models without access to a labeled OOD validation set. In this paper, we show a similar but surprising phenomenon also holds for the agreement between pairs of neural network classifiers: whenever accuracy-on-the-line holds, we observe that the OOD agreement between the predictions of any two pairs of neural networks (with potentially different architectures) also observes a strong linear correlation with their ID agreement. Furthermore, we observe that the slope and bias of OOD vs ID agreement closely matches that of OOD vs ID accuracy. This phenomenon, which we call agreement-on-the-line, has important practical applications: without any labeled data, we can predict the OOD accuracy of classifiers}, since OOD agreement can be estimated with just unlabeled data. Our prediction algorithm outperforms previous methods both in shifts where agreement-on-the-line holds and, surprisingly, when accuracy is not on the line. This phenomenon also provides new insights into deep neural networks: unlike accuracy-on-the-line, agreement-on-the-line appears to only hold for neural network classifiers." 737,RankSEG: A Consistent Ranking-based Framework for Segmentation,"Segmentation has emerged as a fundamental field of computer vision and natural language processing, which assigns a label to every pixel/feature to extract regions of interest from an image/text. To evaluate the performance of segmentation, the Dice and IoU metrics are used to measure the degree of overlap between the ground truth and the predicted segmentation. In this paper, we establish a theoretical foundation of segmentation with respect to the Dice/IoU metrics, including the Bayes rule and Dice/IoU-calibration, analogous to classification-calibration or Fisher consistency in classification. We prove that the existing thresholding-based framework with most operating losses are not consistent with respect to the Dice/IoU metrics, and thus may lead to a suboptimal solution. To address this pitfall, we propose a novel consistent ranking-based framework, namely RankDice/RankIoU, inspired by plug-in rules of the Bayes segmentation rule. Three numerical algorithms with GPU parallel execution are developed to implement the proposed framework in large-scale and high-dimensional segmentation. We study statistical properties of the proposed framework. We show it is Dice-/IoU-calibrated, and its excess risk bounds and the rate of convergence are also provided. The numerical effectiveness of RankDice/mRankDice is demonstrated in various simulated examples and Fine-annotated CityScapes and Pascal VOC datasets with state-of-the-art deep learning architectures." 738,Adversarial Example Detection in Deployed Tree Ensembles,"Tree ensembles are powerful models that are widely used. However, they are susceptible to adversarial examples, which are examples that purposely constructed to elicit a misprediction from the model. This can degrade performance and erode a user's trust in the model. Typically, approaches try to alleviate this problem by verifying how robust a learned ensemble is or robustifying the learning process. We take an alternative approach and attempt to detect adversarial examples in a post-deployment setting. We present a novel method for this task that works by analyzing an unseen example's output configuration, which is the set of predictions made by an ensemble's constituent trees. Our approach works with any additive tree ensemble and does not require training a separate model. We evaluate our approach on three different tree ensemble learners. We empirically show that our method is currently the best adversarial detection method for tree ensembles." 739,Improving Clinical Efficiency and Reducing Medical Errors through NLP-enabled diagnosis of Health Conditions from Transcription Reports,"Misdiagnosis rates are one of the leading causes of medical errors in hospitals, affecting over 12 million adults across the US. To address the high rate of misdiagnosis, this study utilizes 4 NLP-based algorithms to determine the appropriate health condition based on an unstructured transcription report. From the Logistic Regression, Random Forest, LSTM, and CNNLSTM models, the CNN-LSTM model performed the best with an accuracy of 97.89%. We packaged this model into a authenticated web platform for accessible assistance to clinicians. Overall, by standardizing health care diagnosis and structuring transcription reports, our NLP platform drastically improves the clinical efficiency and accuracy of hospitals worldwide." 740,Leveraging Language for Accelerated Learning of Tool Manipulation,"Robust and generalized tool manipulation requires an understanding of the properties and affordances of different tools. We investigate whether linguistic information about a tool (e.g., its geometry, common uses) can help control policies adapt faster to new tools for a given task. We obtain diverse descriptions of various tools in natural language and use pre-trained language models to generate their feature representations. We then perform language-conditioned meta-learning to learn policies that can efficiently adapt to new tools given their corresponding text descriptions. Our results demonstrate that combining linguistic information and meta-learning significantly accelerates tool learning in several manipulation tasks including pushing, lifting, sweeping, and hammering." 741,Uncertainty Calibration for Deep Audio Classifiers,"Although deep Neural Networks (DNNs) have achieved tremendous success in audio classification tasks, their uncertainty calibration are still under-explored. A well-calibrated model should be accurate when it is certain about its prediction and indicate high uncertainty when it is likely to be inaccurate. In this work, we investigate the uncertainty calibration for deep audio classifiers. In particular, we empirically study the performance of popular calibration methods: (i) Monte Carlo Dropout, (ii) ensemble, (iii) focal loss, and (iv) spectral-normalized Gaussian process (SNGP), on audio classification datasets. To this end, we evaluate (i-iv) for the tasks of environment sound and music genre classification. Results indicate that uncalibrated deep audio classifiers may be over-confident, and SNGP performs the best and is very efficient on the two datasets of this paper." 742,On the Complexity of Adversarial Decision Making,"A central problem in online learning and decision making -- from bandits to reinforcement learning -- is to understand what modeling assumptions lead to sample-efficient learning guarantees. We consider a general adversarial decision making framework that encompasses (structured) bandit problems with adversarial rewards and reinforcement learning problems with adversarial dynamics. Our main result is to show -- via new upper and lower bounds -- that the Decision-Estimation Coefficient, a complexity measure introduced by Foster et al. in the stochastic counterpart to our setting, is necessary and sufficient to obtain low regret for adversarial decision making. However, compared to the stochastic setting, one must apply the Decision-Estimation Coefficient to the convex hull of the class of models (or, hypotheses) under consideration. This establishes that the price of accommodating adversarial rewards or dynamics is governed by the behavior of the model class under convexification, and recovers a number of existing results -- both positive and negative. En route to obtaining these guarantees, we provide new structural results that connect the Decision-Estimation Coefficient to variants of other well-known complexity measures, including the Information Ratio of Russo and Van Roy and the Exploration-by-Optimization objective of Lattimore and Gy\""{o}rgy." 743,DPOAD: Differentially Private Outsourcing of Anomaly Detection through Iterative Sensitivity Learning,"Outsourcing anomaly detection to third-parties can allow data owners to overcome resource constraints (e.g., in lightweight IoT devices), facilitate collaborative analysis (e.g., under distributed or multi-party scenarios), and benefit from lower costs and specialized expertise (e.g., of Managed Security Service Providers). Despite such benefits, a data owner may feel reluctant to outsource anomaly detection without sufficient privacy protection. To that end, most existing privacy solutions would face a novel challenge, i.e., preserving privacy usually requires the difference between data entries to be eliminated or reduced, whereas anomaly detection critically depends on that difference. Such a conflict is recently resolved under a local analysis setting with trusted analysts (where no outsourcing is involved) through moving the focus of differential privacy (DP) guarantee from ""all"" to only ""benign"" entries. In this paper, we observe that such an approach is not directly applicable to the outsourcing setting, because data owners do not know which entries are ""benign"" prior to outsourcing, and hence cannot selectively apply DP on data entries. Therefore, we propose a novel iterative solution for the data owner to gradually ""disentangle"" the anomalous entries from the benign ones such that the third-party analyst can produce accurate anomaly results with sufficient DP guarantee. We design and implement our Differentially Private Outsourcing of Anomaly Detection (DPOAD) framework, and demonstrate its benefits over baseline Laplace and PainFree mechanisms through experiments with real data from different application domains." 744,Automated Systems For Diagnosis of Dysgraphia in Children: A Survey and Novel Framework,"Learning disabilities, which primarily interfere with the basic learning skills such as reading, writing and math, are known to affect around 10% of children in the world. The poor motor skills and motor coordination as part of the neurodevelopmental disorder can become a causative factor for the difficulty in learning to write (dysgraphia), hindering the academic track of an individual. The signs and symptoms of dysgraphia include but are not limited to irregular handwriting, improper handling of writing medium, slow or labored writing, unusual hand position, etc. The widely accepted assessment criterion for all the types of learning disabilities is the examination performed by medical experts. The few available artificial intelligence-powered screening systems for dysgraphia relies on the distinctive features of handwriting from the corresponding images.This work presents a review of the existing automated dysgraphia diagnosis systems for children in the literature. The main focus of the work is to review artificial intelligence-based systems for dysgraphia diagnosis in children. This work discusses the data collection method, important handwriting features, machine learning algorithms employed in the literature for the diagnosis of dysgraphia. Apart from that, this article discusses some of the non-artificial intelligence-based automated systems also. Furthermore, this article discusses the drawbacks of existing systems and proposes a novel framework for dysgraphia diagnosis." 745,Haul Road Mapping from GPS Traces,"Automation in mining requires accurate maps of road networks on site. Because roads on open-cut mines are dynamic in nature and continuously changing, manually updating road maps is tedious and error-prone. This paper investigates the possibility of automatically deriving an accurate representation of the road network using GPS data available from haul trucks operating on site. We present an overview of approaches proposed in literature and test the performance of publicly available methods on GPS data collected from trucks operating on site. Based on shortcomings seen in all tested algorithms, a post-processing step is developed which geometrically analyses the created road map for artefacts typical of free-drive areas on mine sites and significantly improves the quality of the final road network graph." 746,A General Recipe for Likelihood-free Bayesian Optimization,"The acquisition function, a critical component in Bayesian optimization (BO), can often be written as the expectation of a utility function under a surrogate model. However, to ensure that acquisition functions are tractable to optimize, restrictions must be placed on the surrogate model and utility function. To extend BO to a broader class of models and utilities, we propose likelihood-free BO (LFBO), an approach based on likelihood-free inference. LFBO directly models the acquisition function without having to separately perform inference with a probabilistic surrogate model. We show that computing the acquisition function in LFBO can be reduced to optimizing a weighted classification problem, where the weights correspond to the utility being chosen. By choosing the utility function for expected improvement (EI), LFBO outperforms various state-of-the-art black-box optimization methods on several real-world optimization problems. LFBO can also effectively leverage composite structures of the objective function, which further improves its regret by several orders of magnitude." 747,Monitoring Shortcut Learning using Mutual Information,"The failure of deep neural networks to generalize to out-of-distribution data is a well-known problem and raises concerns about the deployment of trained networks in safety-critical domains such as healthcare, finance and autonomous vehicles. We study a particular kind of distribution shift $\unicode{x2013}$ shortcuts or spurious correlations in the training data. Shortcut learning is often only exposed when models are evaluated on real-world data that does not contain the same spurious correlations, posing a serious dilemma for AI practitioners to properly assess the effectiveness of a trained model for real-world applications. In this work, we propose to use the mutual information (MI) between the learned representation and the input as a metric to find where in training, the network latches onto shortcuts. Experiments demonstrate that MI can be used as a domain-agnostic metric for monitoring shortcut learning." 748,Normalized/Clipped SGD with Perturbation for Differentially Private Non-Convex Optimization,"By ensuring differential privacy in the learning algorithms, one can rigorously mitigate the risk of large models memorizing sensitive training data. In this paper, we study two algorithms for this purpose, i.e., DP-SGD and DP-NSGD, which first clip or normalize \textit{per-sample} gradients to bound the sensitivity and then add noise to obfuscate the exact information. We analyze the convergence behavior of these two algorithms in the non-convex optimization setting with two common assumptions and achieve a rate $\mathcal{O}\left(\sqrt[4]{\frac{d\log(1/\delta)}{N^2\epsilon^2}}\right)$ of the gradient norm for a $d$-dimensional model, $N$ samples and $(\epsilon,\delta)$-DP, which improves over previous bounds under much weaker assumptions. Specifically, we introduce a regularizing factor in DP-NSGD and show that it is crucial in the convergence proof and subtly controls the bias and noise trade-off. Our proof deliberately handles the per-sample gradient clipping and normalization that are specified for the private setting. Empirically, we demonstrate that these two algorithms achieve similar best accuracy while DP-NSGD is comparatively easier to tune than DP-SGD and hence may help further save the privacy budget when accounting the tuning effort." 749,Towards Harnessing Feature Embedding for Robust Learning with Noisy Labels,"The memorization effect of deep neural networks (DNNs) plays a pivotal role in recent label noise learning methods. To exploit this effect, the model prediction-based methods have been widely adopted, which aim to exploit the outputs of DNNs in the early stage of learning to correct noisy labels. However, we observe that the model will make mistakes during label prediction, resulting in unsatisfactory performance. By contrast, the produced features in the early stage of learning show better robustness. Inspired by this observation, in this paper, we propose a novel feature embedding-based method for deep learning with label noise, termed LabEl NoiseDilution (LEND). To be specific, we first compute a similarity matrix based on current embedded features to capture the local structure of training data. Then, the noisy supervision signals carried by mislabeled data are overwhelmed by nearby correctly labeled ones (\textit{i.e.}, label noise dilution), of which the effectiveness is guaranteed by the inherent robustness of feature embedding. Finally, the training data with diluted labels are further used to train a robust classifier. Empirically, we conduct extensive experiments on both synthetic and real-world noisy datasets by comparing our LEND with several representative robust learning approaches. The results verify the effectiveness of our LEND." 750,Long Range Language Modeling via Gated State Spaces,"State space models have shown to be effective at modeling long range dependencies, specially on sequence classification tasks. In this work we focus on autoregressive sequence modeling over English books, Github source code and ArXiv mathematics articles. Based on recent developments around the effectiveness of gated activation functions, we propose a new layer named Gated State Space (GSS) and show that it trains significantly faster than the diagonal version of S4 (i.e. DSS) on TPUs, is fairly competitive with several well-tuned Transformer-based baselines and exhibits zero-shot generalization to longer inputs while being straightforward to implement. Finally, we show that leveraging self-attention to model local dependencies improves the performance of GSS even further." 751,Efficient Private SCO for Heavy-Tailed Data via Clipping,"We consider stochastic convex optimization for heavy-tailed data with the guarantee of being differentially private (DP). Prior work on this problem is restricted to the gradient descent (GD) method, which is inefficient for large-scale problems. In this paper, we resolve this issue and derive the first high-probability bounds for private stochastic method with clipping. For general convex problems, we derive excess population risks $\Tilde{O}\left(\frac{d^{1/7}\sqrt{\ln\frac{(n \epsilon)^2}{\beta d}}}{(n\epsilon)^{2/7}}\right)$ and $\Tilde{O}\left(\frac{d^{1/7}\ln\frac{(n\epsilon)^2}{\beta d}}{(n\epsilon)^{2/7}}\right)$ under bounded or unbounded domain assumption, respectively (here $n$ is the sample size, $d$ is the dimension of the data, $\beta$ is the confidence level and $\epsilon$ is the private level). Then, we extend our analysis to the strongly convex case and non-smooth case (which works for generalized smooth objectives with H$\ddot{\text{o}}$lder-continuous gradients). We establish new excess risk bounds without bounded domain assumption. The results above achieve lower excess risks and gradient complexities than existing methods in their corresponding cases. Numerical experiments are conducted to justify the theoretical improvement." 752,FlowX: Towards Explainable Graph Neural Networks via Message Flows,"We investigate the explainability of graph neural networks (GNNs) as a step towards elucidating their working mechanisms. While most current methods focus on explaining graph nodes, edges, or features, we argue that, as the inherent functional mechanism of GNNs, message flows are more natural for performing explainability. To this end, we propose a novel method here, known as FlowX, to explain GNNs by identifying important message flows. To quantify the importance of flows, we propose to follow the philosophy of Shapley values from cooperative game theory. To tackle the complexity of computing all coalitions' marginal contributions, we propose an approximation scheme to compute Shapley-like values as initial assessments of further redistribution training. We then propose a learning algorithm to train flow scores and improve explainability. Experimental studies on both synthetic and real-world datasets demonstrate that our proposed FlowX leads to improved explainability of GNNs." 753,Explaining the root causes of unit-level changes,"Existing methods of explainable AI and interpretable ML cannot explain change in the values of an output variable for a statistical unit in terms of the change in the input values and the change in the ""mechanism"" (the function transforming input to output). We propose two methods based on counterfactuals for explaining unit-level changes at various input granularities using the concept of Shapley values from game theory. These methods satisfy two key axioms desirable for any unit-level change attribution method. Through simulations, we study the reliability and the scalability of the proposed methods. We get sensible results from a case study on identifying the drivers of the change in the earnings for individuals in the US." 754,Improving Policy Optimization with Generalist-Specialist Learning,"Generalization in deep reinforcement learning over unseen environment variations usually requires policy learning over a large set of diverse training variations. We empirically observe that an agent trained on many variations (a generalist) tends to learn faster at the beginning, yet its performance plateaus at a less optimal level for a long time. In contrast, an agent trained only on a few variations (a specialist) can often achieve high returns under a limited computational budget. To have the best of both worlds, we propose a novel generalist-specialist training framework. Specifically, we first train a generalist on all environment variations; when it fails to improve, we launch a large population of specialists with weights cloned from the generalist, each trained to master a selected small subset of variations. We finally resume the training of the generalist with auxiliary rewards induced by demonstrations of all specialists. In particular, we investigate the timing to start specialist training and compare strategies to learn generalists with assistance from specialists. We show that this framework pushes the envelope of policy learning on several challenging and popular benchmarks including Procgen, Meta-World and ManiSkill." 755,Explainable and High-Performance Hate and Offensive Speech Detection,"The spread of information through social media platforms can create environments possibly hostile to vulnerable communities and silence certain groups in society. To mitigate such instances, several models have been developed to detect hate and offensive speech. Since detecting hate and offensive speech in social media platforms could incorrectly exclude individuals from social media platforms, which can reduce trust, there is a need to create explainable and interpretable models. Thus, we build an explainable and interpretable high performance model based on the XGBoost algorithm, trained on Twitter data. For unbalanced Twitter data, XGboost outperformed the LSTM, AutoGluon, and ULMFiT models on hate speech detection with an F1 score of 0.75 compared to 0.38 and 0.37, and 0.38 respectively. When we down-sampled the data to three separate classes of approximately 5000 tweets, XGBoost performed better than LSTM, AutoGluon, and ULMFiT; with F1 scores for hate speech detection of 0.79 vs 0.69, 0.77, and 0.66 respectively. XGBoost also performed better than LSTM, AutoGluon, and ULMFiT in the down-sampled version for offensive speech detection with F1 score of 0.83 vs 0.88, 0.82, and 0.79 respectively. We use Shapley Additive Explanations (SHAP) on our XGBoost models' outputs to makes it explainable and interpretable compared to LSTM, AutoGluon and ULMFiT that are black-box models." 756,Adversarially Robust Learning of Real-Valued Functions,"We study robustness to test-time adversarial attacks in the regression setting with $\ell_p$ losses and arbitrary perturbation sets. We address the question of which function classes are PAC learnable in this setting. We show that classes of finite fat-shattering dimension are learnable. Moreover, for convex function classes, they are even properly learnable. In contrast, some non-convex function classes provably require improper learning algorithms. We also discuss extensions to agnostic learning. Our main technique is based on a construction of an adversarially robust sample compression scheme of a size determined by the fat-shattering dimension." 757,RF Signal Classification with Synthetic Training Data and its Real-World Performance,"Neural nets are a powerful method for the classification of radio signals in the electromagnetic spectrum. These neural nets are often trained with synthetically generated data due to the lack of diverse and plentiful real RF data. However, it is often unclear how neural nets trained on synthetic data perform in real-world applications. This paper investigates the impact of different RF signal impairments (such as phase, frequency and sample rate offsets, receiver filters, noise and channel models) modeled in synthetic training data with respect to the real-world performance. For that purpose, this paper trains neural nets with various synthetic training datasets with different signal impairments. After training, the neural nets are evaluated against real-world RF data collected by a software defined radio receiver in the field. This approach reveals which modeled signal impairments should be included in carefully designed synthetic datasets. The investigated showcase example can classify RF signals into one of 20 different radio signal types from the shortwave bands. It achieves an accuracy of up to 95 % in real-world operation by using carefully designed synthetic training data only." 758,Self-Healing Robust Neural Networks via Closed-Loop Control,"Despite the wide applications of neural networks, there have been increasing concerns about their vulnerability issue. While numerous attack and defense techniques have been developed, this work investigates the robustness issue from a new angle: can we design a self-healing neural network that can automatically detect and fix the vulnerability issue by itself? A typical self-healing mechanism is the immune system of a human body. This biology-inspired idea has been used in many engineering designs but is rarely investigated in deep learning. This paper considers the post-training self-healing of a neural network, and proposes a closed-loop control formulation to automatically detect and fix the errors caused by various attacks or perturbations. We provide a margin-based analysis to explain how this formulation can improve the robustness of a classifier. To speed up the inference of the proposed self-healing network, we solve the control problem via improving the Pontryagin Maximum Principle-based solver. Lastly, we present an error estimation of the proposed framework for neural networks with nonlinear activation functions. We validate the performance on several network architectures against various perturbations. Since the self-healing method does not need a-priori information about data perturbations/attacks, it can handle a broad class of unforeseen perturbations." 759,Probabilistic PolarGMM: Unsupervised Cluster Learning of Very Noisy Projection Images of Unknown Pose,"A crucial step in single particle analysis (SPA) of cryogenic electron microscopy (Cryo-EM), 2D classification and alignment takes a collection of noisy particle images to infer orientations and group similar images together. Averaging these aligned and clustered noisy images produces a set of clean images, ready for further analysis such as 3D reconstruction. Fourier-Bessel steerable principal component analysis (FBsPCA) enables an efficient, adaptable, low-rank rotation operator. We extend the FBsPCA to additionally handle translations. In this extended FBsPCA representation, we use a probabilistic polar-coordinate Gaussian mixture model to learn soft clusters in an unsupervised fashion using an expectation maximization (EM) algorithm. The obtained rotational clusters are thus additionally robust to the presence of pairwise alignment imperfections. Multiple benchmarks from simulated Cryo-EM datasets show probabilistic PolarGMM's improved performance in comparisons with standard single-particle Cryo-EM tools, EMAN2 and RELION, in terms of various clustering metrics and alignment errors." 760,Nonwatertight Mesh Reconstruction,"Reconstructing 3D non-watertight mesh from an unoriented point cloud is an unexplored area in computer vision and computer graphics. In this project, we tried to tackle this problem by extending the learning-based watertight mesh reconstruction pipeline presented in the paper 'Shape as Points'. The core of our approach is to cast the problem as a semantic segmentation problem that identifies the region in the 3D volume where the mesh surface lies and extracts the surfaces from the detected regions. Our approach achieves compelling results compared to the baseline techniques." 761,Cross-Silo Federated Learning: Challenges and Opportunities,"Federated learning (FL) is an emerging technology that enables the training of machine learning models from multiple clients while keeping the data distributed and private. Based on the participating clients and the model training scale, federated learning can be classified into two types: cross-device FL where clients are typically mobile devices and the client number can reach up to a scale of millions; cross-silo FL where clients are organizations or companies and the client number is usually small (e.g., within a hundred). While existing studies mainly focus on cross-device FL, this paper aims to provide an overview of the cross-silo FL. More specifically, we first discuss applications of cross-silo FL and outline its major challenges. We then provide a systematic overview of the existing approaches to the challenges in cross-silo FL by focusing on their connections and differences to cross-device FL. Finally, we discuss future directions and open issues that merit research efforts from the community." 762,PROTOtypical Logic Tensor Networks (PROTO-LTN) for Zero Shot Learning,"Semantic image interpretation can vastly benefit from approaches that combine sub-symbolic distributed representation learning with the capability to reason at a higher level of abstraction. Logic Tensor Networks (LTNs) are a class of neuro-symbolic systems based on a differentiable, first-order logic grounded into a deep neural network. LTNs replace the classical concept of training set with a knowledge base of fuzzy logical axioms. By defining a set of differentiable operators to approximate the role of connectives, predicates, functions and quantifiers, a loss function is automatically specified so that LTNs can learn to satisfy the knowledge base. We focus here on the subsumption or \texttt{isOfClass} predicate, which is fundamental to encode most semantic image interpretation tasks. Unlike conventional LTNs, which rely on a separate predicate for each class (e.g., dog, cat), each with its own set of learnable weights, we propose a common \texttt{isOfClass} predicate, whose level of truth is a function of the distance between an object embedding and the corresponding class prototype. The PROTOtypical Logic Tensor Networks (PROTO-LTN) extend the current formulation by grounding abstract concepts as parametrized class prototypes in a high-dimensional embedding space, while reducing the number of parameters required to ground the knowledge base. We show how this architecture can be effectively trained in the few and zero-shot learning scenarios. Experiments on Generalized Zero Shot Learning benchmarks validate the proposed implementation as a competitive alternative to traditional embedding-based approaches. The proposed formulation opens up new opportunities in zero shot learning settings, as the LTN formalism allows to integrate background knowledge in the form of logical axioms to compensate for the lack of labelled examples." 763,Latent Augmentation Improves Graph Self-Supervised Learning,"Graph self-supervised learning has been vastly employed to learn representations from unlabeled graphs. Existing methods can be roughly divided into predictive learning and contrastive learning, where the latter one attracts more research attention with better empirical performance. We argue that, however, predictive models weaponed with latent augmentations and powerful decoder could achieve comparable or even better representation power than contrastive models. In this work, we introduce data augmentations into latent space for superior generalization and better efficiency. A novel graph decoder named Wiener Graph Deconvolutional Network is correspondingly designed to perform information reconstruction from augmented latent representations. Theoretical analysis proves the superior reconstruction ability of graph wiener filter. Extensive experimental results on various datasets demonstrate the effectiveness of our approach." 764,Learning neural state-space models: do we need a state estimator?,"In recent years, several algorithms for system identification with neural state-space models have been introduced. Most of the proposed approaches are aimed at reducing the computational complexity of the learning problem, by splitting the optimization over short sub-sequences extracted from a longer training dataset. Different sequences are then processed simultaneously within a minibatch, taking advantage of modern parallel hardware for deep learning. An issue arising in these methods is the need to assign an initial state for each of the sub-sequences, which is required to run simulations and thus to evaluate the fitting loss. In this paper, we provide insights for calibration of neural state-space training algorithms based on extensive experimentation and analyses performed on two recognized system identification benchmarks. Particular focus is given to the choice and the role of the initial state estimation. We demonstrate that advanced initial state estimation techniques are really required to achieve high performance on certain classes of dynamical systems, while for asymptotically stable ones basic procedures such as zero or random initialization already yield competitive performance." 765,Vision Transformer for Contrastive Clustering,"Vision Transformer (ViT) has shown its advantages over the convolutional neural network (CNN) with its ability to capture global long-range dependencies for visual representation learning. Besides ViT, contrastive learning is another popular research topic recently. While previous contrastive learning works are mostly based on CNNs, some latest studies have attempted to jointly model the ViT and the contrastive learning for enhanced self-supervised learning. Despite the considerable progress, these combinations of ViT and contrastive learning mostly focus on the instance-level contrastiveness, which often overlook the contrastiveness of the global clustering structures and also lack the ability to directly learn the clustering result (e.g., for images). In view of this, this paper presents an end-to-end deep image clustering approach termed Vision Transformer for Contrastive Clustering (VTCC), which for the first time, to the best of our knowledge, unifies the Transformer and the contrastive learning for the image clustering task. Specifically, with two random augmentations performed on each image in a mini-batch, we utilize a ViT encoder with two weight-sharing views as the backbone to learn the representations for the augmented samples. To remedy the potential instability of the ViT, we incorporate a convolutional stem, which uses multiple stacked small convolutions instead of a big convolution in the patch projection layer, to split each augmented sample into a sequence of patches. With representations learned via the backbone, an instance projector and a cluster projector are further utilized for the instance-level contrastive learning and the global clustering structure learning, respectively. Extensive experiments on eight image datasets demonstrate the stability (during the training-from-scratch) and the superiority (in clustering performance) of VTCC over the state-of-the-art." 766,TAM: Topology-Aware Margin Loss for Class-Imbalanced Node Classification,"Learning unbiased node representations under class-imbalanced graph data is challenging due to interactions between adjacent nodes. Existing studies have in common that they compensate the minor class nodes `as a group' according to their overall quantity (ignoring node connections in graph), which inevitably increase the false positive cases for major nodes. We hypothesize that the increase in these false positive cases is highly affected by the label distribution around each node and confirm it experimentally. In addition, in order to handle this issue, we propose Topology-Aware Margin (TAM) to reflect local topology on the learning objective. Our method compares the connectivity pattern of each node with the class-averaged counter-part and adaptively adjusts the margin accordingly based on that. Our method consistently exhibits superiority over the baselines on various node classification benchmark datasets with representative GNN architectures." 767,Video Anomaly Detection via Prediction Network with Enhanced Spatio-Temporal Memory Exchange,"Video anomaly detection is a challenging task because most anomalies are scarce and non-deterministic. Many approaches investigate the reconstruction difference between normal and abnormal patterns, but neglect that anomalies do not necessarily correspond to large reconstruction errors. To address this issue, we design a Convolutional LSTM Auto-Encoder prediction framework with enhanced spatio-temporal memory exchange using bi-directionalilty and a higher-order mechanism. The bi-directional structure promotes learning the temporal regularity through forward and backward predictions. The unique higher-order mechanism further strengthens spatial information interaction between the encoder and the decoder. Considering the limited receptive fields in Convolutional LSTMs, we also introduce an attention module to highlight informative features for prediction. Anomalies are eventually identified by comparing the frames with their corresponding predictions. Evaluations on three popular benchmarks show that our framework outperforms most existing prediction-based anomaly detection methods." 768,Batch-Ensemble Stochastic Neural Networks for Out-of-Distribution Detection,"Out-of-distribution (OOD) detection has recently received much attention from the machine learning community due to its importance in deploying machine learning models in real-world applications. In this paper we propose an uncertainty quantification approach by modelling the distribution of features. We further incorporate an efficient ensemble mechanism, namely batch-ensemble, to construct the batch-ensemble stochastic neural networks (BE-SNNs) and overcome the feature collapse problem. We compare the performance of the proposed BE-SNNs with the other state-of-the-art approaches and show that BE-SNNs yield superior performance on several OOD benchmarks, such as the Two-Moons dataset, the FashionMNIST vs MNIST dataset, FashionMNIST vs NotMNIST dataset, and the CIFAR10 vs SVHN dataset." 769,Noise-aware Physics-informed Machine Learning for Robust PDE Discovery,"This work is concerned with discovering the governing partial differential equation (PDE) of a physical system. Existing methods have demonstrated the PDE identification from finite observations but failed to maintain satisfying performance against noisy data, partly owing to suboptimal estimated derivatives and found PDE coefficients. We address the issues by introducing a noise-aware physics-informed machine learning (nPIML) framework to discover the governing PDE from data following arbitrary distributions. Our proposals are twofold. First, we propose a couple of neural networks, namely solver and preselector, which yield an interpretable neural representation of the hidden physical constraint. After they are jointly trained, the solver network approximates potential candidates, e.g., partial derivatives, which are then fed to the sparse regression algorithm that initially unveils the most likely parsimonious PDE, decided according to the information criterion. Second, we propose the denoising physics-informed neural networks (dPINNs), based on Discrete Fourier Transform (DFT), to deliver a set of the optimal finetuned PDE coefficients respecting the noise-reduced variables. The denoising PINNs' structures are compartmentalized into forefront projection networks and a PINN, by which the formerly learned solver initializes. Our extensive experiments on five canonical PDEs affirm that the proposed framework presents a robust and interpretable approach for PDE discovery, applicable to a wide range of systems, possibly complicated by noise." 770,FingerGAN: A Constrained Fingerprint Generation Scheme for Latent Fingerprint Enhancement,"Latent fingerprint enhancement is an essential pre-processing step for latent fingerprint identification. Most latent fingerprint enhancement methods try to restore corrupted gray ridges/valleys. In this paper, we propose a new method that formulates the latent fingerprint enhancement as a constrained fingerprint generation problem within a generative adversarial network (GAN) framework. We name the proposed network as FingerGAN. It can enforce its generated fingerprint (i.e, enhanced latent fingerprint) indistinguishable from the corresponding ground-truth instance in terms of the fingerprint skeleton map weighted by minutia locations and the orientation field regularized by the FOMFE model. Because minutia is the primary feature for fingerprint recognition and minutia can be retrieved directly from the fingerprint skeleton map, we offer a holistic framework which can perform latent fingerprint enhancement in the context of directly optimizing minutia information. This will help improve latent fingerprint identification performance significantly. Experimental results on two public latent fingerprint databases demonstrate that our method outperforms the state of the arts significantly. The codes will be available for non-commercial purposes from \url{https://github.com/HubYZ/LatentEnhancement}." 771,fETSmcs: Feature-based ETS model component selection,"The well-developed ETS (ExponenTial Smoothing or Error, Trend, Seasonality) method incorporating a family of exponential smoothing models in state space representation has been widely used for automatic forecasting. The existing ETS method uses information criteria for model selection by choosing an optimal model with the smallest information criterion among all models fitted to a given time series. The ETS method under such a model selection scheme suffers from computational complexity when applied to large-scale time series data. To tackle this issue, we propose an efficient approach for ETS model selection by training classifiers on simulated data to predict appropriate model component forms for a given time series. We provide a simulation study to show the model selection ability of the proposed approach on simulated data. We evaluate our approach on the widely used forecasting competition data set M4, in terms of both point forecasts and prediction intervals. To demonstrate the practical value of our method, we showcase the performance improvements from our approach on a monthly hospital data set." 772,Data Augmentation for Dementia Detection in Spoken Language,"Dementia is a growing problem as our society ages, and detection methods are often invasive and expensive. Recent deep-learning techniques can offer a faster diagnosis and have shown promising results. However, they require large amounts of labelled data which is not easily available for the task of dementia detection. One effective solution to sparse data problems is data augmentation, though the exact methods need to be selected carefully. To date, there has been no empirical study of data augmentation on Alzheimer's disease (AD) datasets for NLP and speech processing. In this work, we investigate data augmentation techniques for the task of AD detection and perform an empirical evaluation of the different approaches on two kinds of models for both the text and audio domains. We use a transformer-based model for both domains, and SVM and Random Forest models for the text and audio domains, respectively. We generate additional samples using traditional as well as deep learning based methods and show that data augmentation improves performance for both the text- and audio-based models and that such results are comparable to state-of-the-art results on the popular ADReSS set, with carefully crafted architectures and features." 773,Estimating Link Flows in Road Networks with Synthetic Trajectory Data Generation: Reinforcement Learning-based Approaches,"This paper addresses the problem of estimating link flows in a road network by combining limited traffic volume and vehicle trajectory data. While traffic volume data from loop detectors have been the common data source for link flow estimation, the detectors only cover a subset of links. Vehicle trajectory data collected from vehicle tracking sensors are also incorporated these days. However, trajectory data are often sparse in that the observed trajectories only represent a small subset of the whole population, where the exact sampling rate is unknown and may vary over space and time. This study proposes a novel generative modelling framework, where we formulate the link-to-link movements of a vehicle as a sequential decision-making problem using the Markov Decision Process framework and train an agent to make sequential decisions to generate realistic synthetic vehicle trajectories. We use Reinforcement Learning (RL)-based methods to find the best behaviour of the agent, based on which synthetic population vehicle trajectories can be generated to estimate link flows across the whole network. To ensure the generated population vehicle trajectories are consistent with the observed traffic volume and trajectory data, two methods based on Inverse Reinforcement Learning and Constrained Reinforcement Learning are proposed. The proposed generative modelling framework solved by either of these RL-based methods is validated by solving the link flow estimation problem in a real road network. Additionally, we perform comprehensive experiments to compare the performance with two existing methods. The results show that the proposed framework has higher estimation accuracy and robustness under realistic scenarios where certain behavioural assumptions about drivers are not met or the network coverage and penetration rate of trajectory data are low." 774,Edge Direction-invariant Graph Neural Networks for Molecular Dipole Moments Prediction,"The dipole moment is a physical quantity indicating the polarity of a molecule and is determined by reflecting the electrical properties of constituent atoms and the geometric properties of the molecule. Most embeddings used to represent graph representations in traditional graph neural network methodologies treat molecules as topological graphs, creating a significant barrier to the goal of recognizing geometric information. Unlike existing embeddings dealing with equivariance, which have been proposed to handle the 3D structure of molecules properly, our proposed embeddings directly express the physical implications of the local contribution of dipole moments. We show that the developed model works reasonably even for molecules with extended geometries and captures more interatomic interaction information, significantly improving the prediction results with accuracy comparable to ab-initio calculations." 775,Two-Stage Neural Contextual Bandits for Personalised News Recommendation,"We consider the problem of personalised news recommendation where each user consumes news in a sequential fashion. Existing personalised news recommendation methods focus on exploiting user interests and ignores exploration in recommendation, which leads to biased feedback loops and hurt recommendation quality in the long term. We build on contextual bandits recommendation strategies which naturally address the exploitation-exploration trade-off. The main challenges are the computational efficiency for exploring the large-scale item space and utilising the deep representations with uncertainty. We propose a two-stage hierarchical topic-news deep contextual bandits framework to efficiently learn user preferences when there are many news items. We use deep learning representations for users and news, and generalise the neural upper confidence bound (UCB) policies to generalised additive UCB and bilinear UCB. Empirical results on a large-scale news recommendation dataset show that our proposed policies are efficient and outperform the baseline bandit policies." 776,Semantic Role Aware Correlation Transformer for Text to Video Retrieval,"With the emergence of social media, voluminous video clips are uploaded every day, and retrieving the most relevant visual content with a language query becomes critical. Most approaches aim to learn a joint embedding space for plain textual and visual contents without adequately exploiting their intra-modality structures and inter-modality correlations. This paper proposes a novel transformer that explicitly disentangles the text and video into semantic roles of objects, spatial contexts and temporal contexts with an attention scheme to learn the intra- and inter-role correlations among the three roles to discover discriminative features for matching at different levels. The preliminary results on popular YouCook2 indicate that our approach surpasses a current state-of-the-art method, with a high margin in all metrics. It also overpasses two SOTA methods in terms of two metrics." 777,Analysis of Stochastic Processes through Replay Buffers,"Replay buffers are a key component in many reinforcement learning schemes. Yet, their theoretical properties are not fully understood. In this paper we analyze a system where a stochastic process X is pushed into a replay buffer and then randomly sampled to generate a stochastic process Y from the replay buffer. We provide an analysis of the properties of the sampled process such as stationarity, Markovity and autocorrelation in terms of the properties of the original process. Our theoretical analysis sheds light on why replay buffer may be a good de-correlator. Our analysis provides theoretical tools for proving the convergence of replay buffer based algorithms which are prevalent in reinforcement learning schemes." 778,RoME: Role-aware Mixture-of-Expert Transformer for Text-to-Video Retrieval,"Seas of videos are uploaded daily with the popularity of social channels; thus, retrieving the most related video contents with user textual queries plays a more crucial role. Most methods consider only one joint embedding space between global visual and textual features without considering the local structures of each modality. Some other approaches consider multiple embedding spaces consisting of global and local features separately, ignoring rich inter-modality correlations. We propose a novel mixture-of-expert transformer RoME that disentangles the text and the video into three levels; the roles of spatial contexts, temporal contexts, and object contexts. We utilize a transformer-based attention mechanism to fully exploit visual and text embeddings at both global and local levels with mixture-of-experts for considering inter-modalities and structures' correlations. The results indicate that our method outperforms the state-of-the-art methods on the YouCook2 and MSR-VTT datasets, given the same visual backbone without pre-training. Finally, we conducted extensive ablation studies to elucidate our design choices." 779,Benchmarking Bayesian Improved Surname Geocoding Against Machine Learning Methods,"Bayesian Improved Surname Geocoding (BISG) is the most popular method for proxying race/ethnicity in voter registration files that do not contain it. This paper benchmarks BISG against a range of previously untested machine learning alternatives, using voter files with self-reported race/ethnicity from California, Florida, North Carolina, and Georgia. This analysis yields three key findings. First, when given the exact same inputs, BISG and machine learning perform similarly for estimating aggregate racial/ethnic composition. Second, machine learning outperforms BISG at individual classification of race/ethnicity. Third, the performance of all methods varies substantially across states. These results suggest that pre-trained machine learning models are preferable to BISG for individual classification. Furthermore, mixed results at the precinct level and across states underscore the need for researchers to empirically validate their chosen race/ethnicity proxy in their populations of interest." 780,Your Autoregressive Generative Model Can be Better If You Treat It as an Energy-Based One,"Autoregressive generative models are commonly used, especially for those tasks involving sequential data. They have, however, been plagued by a slew of inherent flaws due to the intrinsic characteristics of chain-style conditional modeling (e.g., exposure bias or lack of long-range coherence), severely limiting their ability to model distributions properly. In this paper, we propose a unique method termed E-ARM for training autoregressive generative models that takes advantage of a well-designed energy-based learning objective. By leveraging the extra degree of freedom of the softmax operation, we are allowed to make the autoregressive model itself be an energy-based model for measuring the likelihood of input without introducing any extra parameters. Furthermore, we show that E-ARM can be trained efficiently and is capable of alleviating the exposure bias problem and increase temporal coherence for autoregressive generative models. Extensive empirical results, covering benchmarks like language modeling, neural machine translation, and image generation, demonstrate the effectiveness of the proposed approach." 781,Repository-Level Prompt Generation for Large Language Models of Code,"With the success of large language models (LLMs) of code and their use as code assistants (e.g. Codex used in GitHub Copilot), techniques for introducing domain-specific knowledge in the prompt design process become important. In this work, we propose a framework called Repo-Level Prompt Generator that learns to generate example-specific prompts using a set of rules. These rules take context from the entire repository, thereby incorporating both the structure of the repository and the context from other relevant files (e.g. imports, parent class files). Our technique doesn't require any access to the weights of the LLM, making it applicable in cases where we only have black-box access to the LLM. We conduct experiments on the task of single-line code-autocompletion using code repositories taken from Google Code archives. We demonstrate that an oracle constructed from our proposed rules gives up to 36% relative improvement over Codex, showing the quality of the rules. Further, we show that when we train a model to select the best rule, we can achieve significant performance gains over Codex. The code for our work can be found at: https://github.com/shrivastavadisha/repo_level_prompt_generation." 782,Prediction Errors for Penalized Regressions based on Generalized Approximate Message Passing,"We discuss the prediction accuracy of assumed statistical models in terms of prediction errors for the generalized linear model and penalized maximum likelihood methods. We derive the forms of estimators for the prediction errors: $C_p$ criterion, information criteria, and leave-one-out cross validation (LOOCV) error, using the generalized approximate message passing (GAMP) algorithm and replica method. These estimators coincide with each other when the number of model parameters is sufficiently small; however, there is a discrepancy between them in particular in the overparametrized region where the number of model parameters is larger than the data dimension. In this paper, we review the prediction errors and corresponding estimators, and discuss their differences. In the framework of GAMP, we show that the information criteria can be expressed by using the variance of the estimates. Further, we demonstrate how to approach LOOCV error from the information criteria by utilizing the expression provided by GAMP." 783,On Comparison of Encoders for Attention based End to End Speech Recognition in Standalone and Rescoring Mode,"The streaming automatic speech recognition (ASR) models are more popular and suitable for voice-based applications. However, non-streaming models provide better performance as they look at the entire audio context. To leverage the benefits of the non-streaming model in streaming applications like voice search, it is commonly used in second pass re-scoring mode. The candidate hypothesis generated using steaming models is re-scored using a non-streaming model. In this work, we evaluate the non-streaming attention-based end-to-end ASR models on the Flipkart voice search task in both standalone and re-scoring modes. These models are based on Listen-Attend-Spell (LAS) encoder-decoder architecture. We experiment with different encoder variations based on LSTM, Transformer, and Conformer. We compare the latency requirements of these models along with their performance. Overall we show that the Transformer model offers acceptable WER with the lowest latency requirements. We report a relative WER improvement of around 16% with the second pass LAS re-scoring with latency overhead under 5ms. We also highlight the importance of CNN front-end with Transformer architecture to achieve comparable word error rates (WER). Moreover, we observe that in the second pass re-scoring mode all the encoders provide similar benefits whereas the difference in performance is prominent in standalone text generation mode." 784,Breast Cancer Classification using Deep Learned Features Boosted with Handcrafted Features,"Breast cancer is one of the leading causes of death among women across the globe. It is difficult to treat if detected at advanced stages, however, early detection can significantly increase chances of survival and improves lives of millions of women. Given the widespread prevalence of breast cancer, it is of utmost importance for the research community to come up with the framework for early detection, classification and diagnosis. Artificial intelligence research community in coordination with medical practitioners are developing such frameworks to automate the task of detection. With the surge in research activities coupled with availability of large datasets and enhanced computational powers, it expected that AI framework results will help even more clinicians in making correct predictions. In this article, a novel framework for classification of breast cancer using mammograms is proposed. The proposed framework combines robust features extracted from novel Convolutional Neural Network (CNN) features with handcrafted features including HOG (Histogram of Oriented Gradients) and LBP (Local Binary Pattern). The obtained results on CBIS-DDSM dataset exceed state of the art." 785,Memory-Guided Multi-View Multi-Domain Fake News Detection,"The wide spread of fake news is increasingly threatening both individuals and society. Great efforts have been made for automatic fake news detection on a single domain (e.g., politics). However, correlations exist commonly across multiple news domains, and thus it is promising to simultaneously detect fake news of multiple domains. Based on our analysis, we pose two challenges in multi-domain fake news detection: 1) domain shift, caused by the discrepancy among domains in terms of words, emotions, styles, etc. 2) domain labeling incompleteness, stemming from the real-world categorization that only outputs one single domain label, regardless of topic diversity of a news piece. In this paper, we propose a Memory-guided Multi-view Multi-domain Fake News Detection Framework (M$^3$FEND) to address these two challenges. We model news pieces from a multi-view perspective, including semantics, emotion, and style. Specifically, we propose a Domain Memory Bank to enrich domain information which could discover potential domain labels based on seen news pieces and model domain characteristics. Then, with enriched domain information as input, a Domain Adapter could adaptively aggregate discriminative information from multiple views for news in various domains. Extensive offline experiments on English and Chinese datasets demonstrate the effectiveness of M$^3$FEND, and online tests verify its superiority in practice. Our code is available at https://github.com/ICTMCG/M3FEND." 786,Bounding the Width of Neural Networks via Coupled Initialization -- A Worst Case Analysis,"A common method in training neural networks is to initialize all the weights to be independent Gaussian vectors. We observe that by instead initializing the weights into independent pairs, where each pair consists of two identical Gaussian vectors, we can significantly improve the convergence analysis. While a similar technique has been studied for random inputs [Daniely, NeurIPS 2020], it has not been analyzed with arbitrary inputs. Using this technique, we show how to significantly reduce the number of neurons required for two-layer ReLU networks, both in the under-parameterized setting with logistic loss, from roughly $\gamma^{-8}$ [Ji and Telgarsky, ICLR 2020] to $\gamma^{-2}$, where $\gamma$ denotes the separation margin with a Neural Tangent Kernel, as well as in the over-parameterized setting with squared loss, from roughly $n^4$ [Song and Yang, 2019] to $n^2$, implicitly also improving the recent running time bound of [Brand, Peng, Song and Weinstein, ITCS 2021]. For the under-parameterized setting we also prove new lower bounds that improve upon prior work, and that under certain assumptions, are best possible." 787,Structural Entropy Guided Graph Hierarchical Pooling,"Following the success of convolution on non-Euclidean space, the corresponding pooling approaches have also been validated on various tasks regarding graphs. However, because of the fixed compression quota and stepwise pooling design, these hierarchical pooling methods still suffer from local structure damage and suboptimal problem. In this work, inspired by structural entropy, we propose a hierarchical pooling approach, SEP, to tackle the two issues. Specifically, without assigning the layer-specific compression quota, a global optimization algorithm is designed to generate the cluster assignment matrices for pooling at once. Then, we present an illustration of the local structure damage from previous methods in the reconstruction of ring and grid synthetic graphs. In addition to SEP, we further design two classification models, SEP-G and SEP-N for graph classification and node classification, respectively. The results show that SEP outperforms state-of-the-art graph pooling methods on graph classification benchmarks and obtains superior performance on node classifications." 788,Class Impression for Data-free Incremental Learning,"Standard deep learning-based classification approaches require collecting all samples from all classes in advance and are trained offline. This paradigm may not be practical in real-world clinical applications, where new classes are incrementally introduced through the addition of new data. Class incremental learning is a strategy allowing learning from such data. However, a major challenge is catastrophic forgetting, i.e., performance degradation on previous classes when adapting a trained model to new data. Prior methodologies to alleviate this challenge save a portion of training data require perpetual storage of such data that may introduce privacy issues. Here, we propose a novel data-free class incremental learning framework that first synthesizes data from the model trained on previous classes to generate a \ours. Subsequently, it updates the model by combining the synthesized data with new class data. Furthermore, we incorporate a cosine normalized Cross-entropy loss to mitigate the adverse effects of the imbalance, a margin loss to increase separation among previous classes and new ones, and an intra-domain contrastive loss to generalize the model trained on the synthesized data to real data. We compare our proposed framework with state-of-the-art methods in class incremental learning, where we demonstrate improvement in accuracy for the classification of 11,062 echocardiography cine series of patients." 789,Transferring Fairness under Distribution Shifts via Fair Consistency Regularization,"The increasing reliance on ML models in high-stakes tasks has raised a major concern on fairness violations. Although there has been a surge of work that improves algorithmic fairness, most of them are under the assumption of an identical training and test distribution. In many real-world applications, however, such an assumption is often violated as previously trained fair models are often deployed in a different environment, and the fairness of such models has been observed to collapse. In this paper, we study how to transfer model fairness under distribution shifts, a widespread issue in practice. We conduct a fine-grained analysis of how the fair model is affected under different types of distribution shifts and find that domain shifts are more challenging than subpopulation shifts. Inspired by the success of self-training in transferring accuracy under domain shifts, we derive a sufficient condition for transferring group fairness. Guided by it, we propose a practical algorithm with a fair consistency regularization as the key component. A synthetic dataset benchmark, which covers all types of distribution shifts, is deployed for experimental verification of the theoretical findings. Experiments on synthetic and real datasets including image and tabular data demonstrate that our approach effectively transfers fairness and accuracy under various distribution shifts." 790,APPFLChain: A Privacy Protection Distributed Artificial-Intelligence Architecture Based on Federated Learning and Consortium Blockchain,"Recent research in Internet of things has been widely applied for industrial practices, fostering the exponential growth of data and connected devices. Henceforth, data-driven AI models would be accessed by different parties through certain data-sharing policies. However, most of the current training procedures rely on the centralized data-collection strategy and a single computational server. However, such a centralized scheme may lead to many issues. Customer data stored in a centralized database may be tampered with so the provenance and authenticity of data cannot be justified. Once the aforementioned security concerns occur, the credibility of the trained AI models would be questionable and even unfavorable outcomes might be produced at the test stage. Lately, blockchain and AI, the two core technologies in Industry 4.0 and Web 3.0, have been explored to facilitate the decentralized AI training strategy. To serve on this very purpose, we propose a new system architecture called APPFLChain, namely an integrated architecture of a Hyperledger Fabric-based blockchain and a federated-learning paradigm. Our proposed new system allows different parties to jointly train AI models and their customers or stakeholders are connected by a consortium blockchain-based network. Our new system can maintain a high degree of security and privacy as users do not need to share sensitive personal information to the server. For numerical evaluation, we simulate a real-world scenario to illustrate the whole operational process of APPFLChain. Simulation results show that taking advantage of the characteristics of consortium blockchain and federated learning, APPFLChain can demonstrate favorable properties including untamperability, traceability, privacy protection, and reliable decision-making." 791,Malware Detection and Prevention using Artificial Intelligence Techniques,"With the rapid technological advancement, security has become a major issue due to the increase in malware activity that poses a serious threat to the security and safety of both computer systems and stakeholders. To maintain stakeholders, particularly, end users security, protecting the data from fraudulent efforts is one of the most pressing concerns. A set of malicious programming code, scripts, active content, or intrusive software that is designed to destroy intended computer systems and programs or mobile and web applications is referred to as malware. According to a study, naive users are unable to distinguish between malicious and benign applications. Thus, computer systems and mobile applications should be designed to detect malicious activities towards protecting the stakeholders. A number of algorithms are available to detect malware activities by utilizing novel concepts including Artificial Intelligence, Machine Learning, and Deep Learning. In this study, we emphasize Artificial Intelligence (AI) based techniques for detecting and preventing malware activity. We present a detailed review of current malware detection technologies, their shortcomings, and ways to improve efficiency. Our study shows that adopting futuristic approaches for the development of malware detection applications shall provide significant advantages. The comprehension of this synthesis shall help researchers for further research on malware detection and prevention using AI." 792,Generalized Beliefs for Cooperative AI,"Self-play is a common paradigm for constructing solutions in Markov games that can yield optimal policies in collaborative settings. However, these policies often adopt highly-specialized conventions that make playing with a novel partner difficult. To address this, recent approaches rely on encoding symmetry and convention-awareness into policy training, but these require strong environmental assumptions and can complicate policy training. We therefore propose moving the learning of conventions to the belief space. Specifically, we propose a belief learning model that can maintain beliefs over rollouts of policies not seen at training time, and can thus decode and adapt to novel conventions at test time. We show how to leverage this model for both search and training of a best response over various pools of policies to greatly improve ad-hoc teamplay. We also show how our setup promotes explainability and interpretability of nuanced agent conventions." 793,Predicting the Need for Blood Transfusion in Intensive Care Units with Reinforcement Learning,"As critically ill patients frequently develop anemia or coagulopathy, transfusion of blood products is a frequent intervention in the Intensive Care Units (ICU). However, inappropriate transfusion decisions made by physicians are often associated with increased risk of complications and higher hospital costs. In this work, we aim to develop a decision support tool that uses available patient information for transfusion decision-making on three common blood products (red blood cells, platelets, and fresh frozen plasma). To this end, we adopt an off-policy batch reinforcement learning (RL) algorithm, namely, discretized Batch Constrained Q-learning, to determine the best action (transfusion or not) given observed patient trajectories. Simultaneously, we consider different state representation approaches and reward design mechanisms to evaluate their impacts on policy learning. Experiments are conducted on two real-world critical care datasets: the MIMIC-III and the UCSF. Results demonstrate that policy recommendations on transfusion achieved comparable matching against true hospital policies via accuracy and weighted importance sampling evaluations on the MIMIC-III dataset. Furthermore, a combination of transfer learning (TL) and RL on the data-scarce UCSF dataset can provide up to $17.02% improvement in terms of accuracy, and up to 18.94% and 21.63% improvement in jump-start and asymptotic performance in terms of weighted importance sampling averaged over three transfusion tasks. Finally, simulations on transfusion decisions suggest that the transferred RL policy could reduce patients' estimated 28-day mortality rate by 2.74% and decreased acuity rate by 1.18% on the UCSF dataset." 794,Spatiotemporal Data Mining: A Survey,"Spatiotemporal data mining aims to discover interesting, useful but non-trivial patterns in big spatial and spatiotemporal data. They are used in various application domains such as public safety, ecology, epidemiology, earth science, etc. This problem is challenging because of the high societal cost of spurious patterns and exorbitant computational cost. Recent surveys of spatiotemporal data mining need update due to rapid growth. In addition, they did not adequately survey parallel techniques for spatiotemporal data mining. This paper provides a more up-to-date survey of spatiotemporal data mining methods. Furthermore, it has a detailed survey of parallel formulations of spatiotemporal data mining." 795,Design and Analysis of Robust Resilient Diffusion over Multi-Task Networks Against Byzantine Attacks,"This paper studies distributed diffusion adaptation over clustered multi-task networks in the presence of impulsive interferences and Byzantine attacks. We develop a robust resilient diffusion least mean Geman-McClure-estimation (RDLMG) algorithm based on the cost function used by the Geman-McClure estimator, which can reduce the sensitivity to large outliers and make the algorithm robust under impulsive interferences. Moreover, the mean sub-sequence reduced method, in which each node discards the extreme value information of cost contributions received from its neighbors, can make the network resilient against Byzantine attacks. In this regard, the proposed RDLMG algorithm ensures that all normal nodes converge to their ideal states with cooperation among nodes. A statistical analysis of the RDLMG algorithm is also carried out in terms of mean and mean-square performances. Numerical results evaluate the proposed RDLMG algorithm in applications to multi-target localization and multi-task spectrum sensing." 796,HyGNN: Drug-Drug Interaction Prediction via Hypergraph Neural Network,"Drug-Drug Interactions (DDIs) may hamper the functionalities of drugs, and in the worst scenario, they may lead to adverse drug reactions (ADRs). Predicting all DDIs is a challenging and critical problem. Most existing computational models integrate drug-centric information from different sources and leverage them as features in machine learning classifiers to predict DDIs. However, these models have a high chance of failure, especially for the new drugs when all the information is not available. This paper proposes a novel Hypergraph Neural Network (HyGNN) model based on only the SMILES string of drugs, available for any drug, for the DDI prediction problem. To capture the drug similarities, we create a hypergraph from drugs' chemical substructures extracted from the SMILES strings. Then, we develop HyGNN consisting of a novel attention-based hypergraph edge encoder to get the representation of drugs as hyperedges and a decoder to predict the interactions between drug pairs. Furthermore, we conduct extensive experiments to evaluate our model and compare it with several state-of-the-art methods. Experimental results demonstrate that our proposed HyGNN model effectively predicts DDIs and impressively outperforms the baselines with a maximum ROC-AUC and PR-AUC of 97.9% and 98.1%, respectively." 797,Modeling Oceanic Variables with Dynamic Graph Neural Networks,"Researchers typically resort to numerical methods to understand and predict ocean dynamics, a key task in mastering environmental phenomena. Such methods may not be suitable in scenarios where the topographic map is complex, knowledge about the underlying processes is incomplete, or the application is time critical. On the other hand, if ocean dynamics are observed, they can be exploited by recent machine learning methods. In this paper we describe a data-driven method to predict environmental variables such as current velocity and sea surface height in the region of Santos-Sao Vicente-Bertioga Estuarine System in the southeastern coast of Brazil. Our model exploits both temporal and spatial inductive biases by joining state-of-the-art sequence models (LSTM and Transformers) and relational models (Graph Neural Networks) in an end-to-end framework that learns both the temporal features and the spatial relationship shared among observation sites. We compare our results with the Santos Operational Forecasting System (SOFS). Experiments show that better results are attained by our model, while maintaining flexibility and little domain knowledge dependency." 798,On how to avoid exacerbating spurious correlations when models are overparameterized,"Overparameterized models fail to generalize well in the presence of data imbalance even when combined with traditional techniques for mitigating imbalances. This paper focuses on imbalanced classification datasets, in which a small subset of the population -- a minority -- may contain features that correlate spuriously with the class label. For a parametric family of cross-entropy loss modifications and a representative Gaussian mixture model, we derive non-asymptotic generalization bounds on the worst-group error that shed light on the role of different hyper-parameters. Specifically, we prove that, when appropriately tuned, the recently proposed VS-loss learns a model that is fair towards minorities even when spurious features are strong. On the other hand, alternative heuristics, such as the weighted CE and the LA-loss, can fail dramatically. Compared to previous works, our bounds hold for more general models, they are non-asymptotic, and, they apply even at scenarios of extreme imbalance." 799,Self-Supervised 3D Monocular Object Detection by Recycling Bounding Boxes,"Modern object detection architectures are moving towards employing self-supervised learning (SSL) to improve performance detection with related pretext tasks. Pretext tasks for monocular 3D object detection have not yet been explored yet in literature. The paper studies the application of established self-supervised bounding box recycling by labeling random windows as the pretext task. The classifier head of the 3D detector is trained to classify random windows containing different proportions of the ground truth objects, thus handling the foreground-background imbalance. We evaluate the pretext task using the RTM3D detection model as baseline, with and without the application of data augmentation. We demonstrate improvements of between 2-3 % in mAP 3D and 0.9-1.5 % BEV scores using SSL over the baseline scores. We propose the inverse class frequency re-weighted (ICFW) mAP score that highlights improvements in detection for low frequency classes in a class imbalanced dataset with long tails. We demonstrate improvements in ICFW both mAP 3D and BEV scores to take into account the class imbalance in the KITTI validation dataset. We see 4-5 % increase in ICFW metric with the pretext task." 800,"Cascading Failures in Smart Grids under Random, Targeted and Adaptive Attacks","We study cascading failures in smart grids, where an attacker selectively compromises the nodes with probabilities proportional to their degrees, betweenness, or clustering coefficient. This implies that nodes with high degrees, betweenness, or clustering coefficients are attacked with higher probability. We mathematically and experimentally analyze the sizes of the giant components of the networks under different types of targeted attacks, and compare the results with the corresponding sizes under random attacks. We show that networks disintegrate faster for targeted attacks compared to random attacks. A targeted attack on a small fraction of high degree nodes disintegrates one or both of the networks, whereas both the networks contain giant components for random attack on the same fraction of nodes. An important observation is that an attacker has an advantage if it compromises nodes based on their betweenness, rather than based on degree or clustering coefficient. We next study adaptive attacks, where an attacker compromises nodes in rounds. Here, some nodes are compromised in each round based on their degree, betweenness or clustering coefficients, instead of compromising all nodes together. In this case, the degree, betweenness, or clustering coefficient is calculated before the start of each round, instead of at the beginning. We show experimentally that an adversary has an advantage in this adaptive approach, compared to compromising the same number of nodes all at once." 801,Aligning Artificial Intelligence with Humans through Public Policy,"Given that Artificial Intelligence (AI) increasingly permeates our lives, it is critical that we systematically align AI objectives with the goals and values of humans. The human-AI alignment problem stems from the impracticality of explicitly specifying the rewards that AI models should receive for all the actions they could take in all relevant states of the world. One possible solution, then, is to leverage the capabilities of AI models to learn those rewards implicitly from a rich source of data describing human values in a wide range of contexts. The democratic policy-making process produces just such data by developing specific rules, flexible standards, interpretable guidelines, and generalizable precedents that synthesize citizens' preferences over potential actions taken in many states of the world. Therefore, computationally encoding public policies to make them legible to AI systems should be an important part of a socio-technical approach to the broader human-AI alignment puzzle. This Essay outlines research on AI that learn structures in policy data that can be leveraged for downstream tasks. As a demonstration of the ability of AI to comprehend policy, we provide a case study of an AI system that predicts the relevance of proposed legislation to any given publicly traded company and its likely effect on that company. We believe this represents the ""comprehension"" phase of AI and policy, but leveraging policy as a key source of human values to align AI requires ""understanding"" policy. Solving the alignment problem is crucial to ensuring that AI is beneficial both individually (to the person or group deploying the AI) and socially. As AI systems are given increasing responsibility in high-stakes contexts, integrating democratically-determined policy into those systems could align their behavior with human goals in a way that is responsive to a constantly evolving society." 802,Cactus Mechanisms: Optimal Differential Privacy Mechanisms in the Large-Composition Regime,"Most differential privacy mechanisms are applied (i.e., composed) numerous times on sensitive data. We study the design of optimal differential privacy mechanisms in the limit of a large number of compositions. As a consequence of the law of large numbers, in this regime the best privacy mechanism is the one that minimizes the Kullback-Leibler divergence between the conditional output distributions of the mechanism given two different inputs. We formulate an optimization problem to minimize this divergence subject to a cost constraint on the noise. We first prove that additive mechanisms are optimal. Since the optimization problem is infinite dimensional, it cannot be solved directly; nevertheless, we quantize the problem to derive near-optimal additive mechanisms that we call ""cactus mechanisms"" due to their shape. We show that our quantization approach can be arbitrarily close to an optimal mechanism. Surprisingly, for quadratic cost, the Gaussian mechanism is strictly sub-optimal compared to this cactus mechanism. Finally, we provide numerical results which indicate that cactus mechanism outperforms the Gaussian mechanism for a finite number of compositions." 803,Defending Multimodal Fusion Models against Single-Source Adversaries,"Beyond achieving high performance across many vision tasks, multimodal models are expected to be robust to single-source faults due to the availability of redundant information between modalities. In this paper, we investigate the robustness of multimodal neural networks against worst-case (i.e., adversarial) perturbations on a single modality. We first show that standard multimodal fusion models are vulnerable to single-source adversaries: an attack on any single modality can overcome the correct information from multiple unperturbed modalities and cause the model to fail. This surprising vulnerability holds across diverse multimodal tasks and necessitates a solution. Motivated by this finding, we propose an adversarially robust fusion strategy that trains the model to compare information coming from all the input sources, detect inconsistencies in the perturbed modality compared to the other modalities, and only allow information from the unperturbed modalities to pass through. Our approach significantly improves on state-of-the-art methods in single-source robustness, achieving gains of 7.8-25.2% on action recognition, 19.7-48.2% on object detection, and 1.6-6.7% on sentiment analysis, without degrading performance on unperturbed (i.e., clean) data." 804,Protoformer: Embedding Prototypes for Transformers,"Transformers have been widely applied in text classification. Unfortunately, real-world data contain anomalies and noisy labels that cause challenges for state-of-art Transformers. This paper proposes Protoformer, a novel self-learning framework for Transformers that can leverage problematic samples for text classification. Protoformer features a selection mechanism for embedding samples that allows us to efficiently extract and utilize anomalies prototypes and difficult class prototypes. We demonstrated such capabilities on datasets with diverse textual structures (e.g., Twitter, IMDB, ArXiv). We also applied the framework to several models. The results indicate that Protoformer can improve current Transformers in various empirical settings." 805,Bayesian Optimization Over Iterative Learners with Structured Responses: A Budget-aware Planning Approach,"The rising growth of deep neural networks (DNNs) and datasets in size motivates the need for efficient solutions for simultaneous model selection and training. Many methods for hyperparameter optimization (HPO) of iterative learners including DNNs attempt to solve this problem by querying and learning a response surface while searching for the optimum of that surface. However, many of these methods make myopic queries, do not consider prior knowledge about the response structure, and/or perform biased cost-aware search, all of which exacerbate identifying the best-performing model when a total cost budget is specified. This paper proposes a novel approach referred to as Budget-Aware Planning for Iterative Learners (BAPI) to solve HPO problems under a constrained cost budget. BAPI is an efficient non-myopic Bayesian optimization solution that accounts for the budget and leverages the prior knowledge about the objective function and cost function to select better configurations and to take more informed decisions during the evaluation (training). Experiments on diverse HPO benchmarks for iterative learners show that BAPI performs better than state-of-the-art baselines in most of the cases." 806,Binary and Multinomial Classification through Evolutionary Symbolic Regression,"We present three evolutionary symbolic regression-based classification algorithms for binary and multinomial datasets: GPLearnClf, CartesianClf, and ClaSyCo. Tested over 162 datasets and compared to three state-of-the-art machine learning algorithms -- XGBoost, LightGBM, and a deep neural network -- we find our algorithms to be competitive. Further, we demonstrate how to find the best method for one's dataset automatically, through the use of a state-of-the-art hyperparameter optimizer." 807,p-Meta: Towards On-device Deep Model Adaptation,"Data collected by IoT devices are often private and have a large diversity across users. Therefore, learning requires pre-training a model with available representative data samples, deploying the pre-trained model on IoT devices, and adapting the deployed model on the device with local data. Such an on-device adaption for deep learning empowered applications demands data and memory efficiency. However, existing gradient-based meta learning schemes fail to support memory-efficient adaptation. To this end, we propose p-Meta, a new meta learning method that enforces structure-wise partial parameter updates while ensuring fast generalization to unseen tasks. Evaluations on few-shot image classification and reinforcement learning tasks show that p-Meta not only improves the accuracy but also substantially reduces the peak dynamic memory by a factor of 2.5 on average compared to state-of-the-art few-shot adaptation methods." 808,Anatomy-Guided Weakly-Supervised Abnormality Localization in Chest X-rays,"Creating a large-scale dataset of abnormality annotation on medical images is a labor-intensive and costly task. Leveraging weak supervision from readily available data such as radiology reports can compensate lack of large-scale data for anomaly detection methods. However, most of the current methods only use image-level pathological observations, failing to utilize the relevant anatomy mentions in reports. Furthermore, Natural Language Processing (NLP)-mined weak labels are noisy due to label sparsity and linguistic ambiguity. We propose an Anatomy-Guided chest X-ray Network (AGXNet) to address these issues of weak annotation. Our framework consists of a cascade of two networks, one responsible for identifying anatomical abnormalities and the second responsible for pathological observations. The critical component in our framework is an anatomy-guided attention module that aids the downstream observation network in focusing on the relevant anatomical regions generated by the anatomy network. We use Positive Unlabeled (PU) learning to account for the fact that lack of mention does not necessarily mean a negative label. Our quantitative and qualitative results on the MIMIC-CXR dataset demonstrate the effectiveness of AGXNet in disease and anatomical abnormality localization. Experiments on the NIH Chest X-ray dataset show that the learned feature representations are transferable and can achieve the state-of-the-art performances in disease classification and competitive disease localization results. Our code is available at https://github.com/batmanlab/AGXNet" 809,Data Augmentation techniques in time series domain: A survey and taxonomy,"With the latest advances in deep learning generative models, it has not taken long to take advantage of their remarkable performance in the area of time series. Deep neural networks used to work with time series depend heavily on the breadth and consistency of the datasets used in training. These types of characteristic are not usually abundant in the real world, where they are usually limited and often with privacy constraints that must be guaranteed. Therefore, an effective way is to increase the number of data using \gls{da} techniques, either by adding noise or permutations and by generating new synthetic data. It is systematically review the current state-of-the-art in the area to provide an overview of all available algorithms and proposes a taxonomy of the most relevant researches. The efficiency of the different variants will be evaluated; as a vital part of the process, the different metrics to evaluate the performance and the main problems concerning each model will be analysed. The ultimate goal of this study is to provide a summary of the evolution and performance of areas that produce better results to guide future researchers in this field." 810,Improving Data-driven Heterogeneous Treatment Effect Estimation Under Structure Uncertainty,"Estimating how a treatment affects units individually, known as heterogeneous treatment effect (HTE) estimation, is an essential part of decision-making and policy implementation. The accumulation of large amounts of data in many domains, such as healthcare and e-commerce, has led to increased interest in developing data-driven algorithms for estimating heterogeneous effects from observational and experimental data. However, these methods often make strong assumptions about the observed features and ignore the underlying causal model structure, which can lead to biased HTE estimation. At the same time, accounting for the causal structure of real-world data is rarely trivial since the causal mechanisms that gave rise to the data are typically unknown. To address this problem, we develop a feature selection method that considers each feature's value for HTE estimation and learns the relevant parts of the causal structure from data. We provide strong empirical evidence that our method improves existing data-driven HTE estimation methods under arbitrary underlying causal structures. Our results on synthetic, semi-synthetic, and real-world datasets show that our feature selection algorithm leads to lower HTE estimation error." 811,Defense against adversarial attacks on deep convolutional neural networks through nonlocal denoising,"Despite substantial advances in network architecture performance, the susceptibility of adversarial attacks makes deep learning challenging to implement in safety-critical applications. This paper proposes a data-centric approach to addressing this problem. A nonlocal denoising method with different luminance values has been used to generate adversarial examples from the Modified National Institute of Standards and Technology database (MNIST) and Canadian Institute for Advanced Research (CIFAR-10) data sets. Under perturbation, the method provided absolute accuracy improvements of up to 9.3% in the MNIST data set and 13% in the CIFAR-10 data set. Training using transformed images with higher luminance values increases the robustness of the classifier. We have shown that transfer learning is disadvantageous for adversarial machine learning. The results indicate that simple adversarial examples can improve resilience and make deep learning easier to apply in various applications." 812,Minority Report: A Graph Network Oracle for In Situ Visualization,"In situ visualization techniques are hampered by a lack of foresight: crucial simulation phenomena can be missed due to a poor sampling rate or insufficient detail at critical timesteps. Keeping a human in the loop is impractical, and defining statistical triggers can be difficult. This paper demonstrates the potential for using a machine-learning-based simulation surrogate as an oracle to identify expected critical regions of a large-scale simulation. These critical regions are used to drive the in situ analysis, providing greater data fidelity and analysis resolution with an equivalent I/O budget to a traditional in situ framework. We develop a distributed asynchronous in situ visualization by integrating TACC Galaxy with CB-Geo MPM for material point simulation of granular flows. We employ a PyTorch-based 3D Graph Network Simulator (GNS) trained on granular flow problems as an oracle to predict the dynamics of granular flows. Critical regions of interests are manually tagged in GNS for in situ rendering in MPM." 813,Topology-aware Generalization of Decentralized SGD,"This paper studies the algorithmic stability and generalizability of decentralized stochastic gradient descent (D-SGD). We prove that the consensus model learned by D-SGD is $\mathcal{O}{(m/N+1/m+\lambda^2)}$-stable in expectation in the non-convex non-smooth setting, where $N$ is the total sample size of the whole system, $m$ is the worker number, and $1-\lambda$ is the spectral gap that measures the connectivity of the communication topology. These results then deliver an $\mathcal{O}{(1/N+{({(m^{-1}\lambda^2)}^{\frac{\alpha}{2}}+ m^{-\alpha})}/{N^{1-\frac{\alpha}{2}}})}$ in-average generalization bound, which is non-vacuous even when $\lambda$ is closed to $1$, in contrast to vacuous as suggested by existing literature on the projected version of D-SGD. Our theory indicates that the generalizability of D-SGD has a positive correlation with the spectral gap, and can explain why consensus control in initial training phase can ensure better generalization. Experiments of VGG-11 and ResNet-18 on CIFAR-10, CIFAR-100 and Tiny-ImageNet justify our theory. To our best knowledge, this is the first work on the topology-aware generalization of vanilla D-SGD. Code is available at https://github.com/Raiden-Zhu/Generalization-of-DSGD." 814,Envelope imbalanced ensemble model with deep sample learning and local-global structure consistency,"The class imbalance problem is important and challenging. Ensemble approaches are widely used to tackle this problem because of their effectiveness. However, existing ensemble methods are always applied into original samples, while not considering the structure information among original samples. The limitation will prevent the imbalanced learning from being better. Besides, research shows that the structure information among samples includes local and global structure information. Based on the analysis above, an imbalanced ensemble algorithm with the deep sample pre-envelope network (DSEN) and local-global structure consistency mechanism (LGSCM) is proposed here to solve the problem.This algorithm can guarantee high-quality deep envelope samples for considering the local manifold and global structures information, which is helpful for imbalance learning. First, the deep sample envelope pre-network (DSEN) is designed to mine structure information among samples.Then, the local manifold structure metric (LMSM) and global structure distribution metric (GSDM) are designed to construct LGSCM to enhance distribution consistency of interlayer samples. Next, the DSEN and LGSCM are put together to form the final deep sample envelope network (DSEN-LG). After that, base classifiers are applied on the layers of deep samples respectively.Finally, the predictive results from base classifiers are fused through bagging ensemble learning mechanism. To demonstrate the effectiveness of the proposed method, forty-four public datasets and more than ten representative relevant algorithms are chosen for verification. The experimental results show that the algorithm is significantly better than other imbalanced ensemble algorithms." 815,Learning to Infer 3D Shape Programs with Differentiable Renderer,"Given everyday artifacts, such as tables and chairs, humans recognize high-level regularities within them, such as the symmetries of a table, the repetition of its legs, while possessing low-level priors of their geometries, e.g., surfaces are smooth and edges are sharp. This kind of knowledge constitutes an important part of human perceptual understanding and reasoning. Representations of and how to reason in such knowledge, and the acquisition thereof, are still open questions in artificial intelligence (AI) and cognitive science. Building on the previous proposal of the \emph{3D shape programs} representation alone with the accompanying neural generator and executor from \citet{tian2019learning}, we propose an analytical yet differentiable executor that is more faithful and controllable in interpreting shape programs (particularly in extrapolation) and more sample efficient (requires no training). These facilitate the generator's learning when ground truth programs are not available, and should be especially useful when new shape-program components are enrolled either by human designers or -- in the context of library learning -- algorithms themselves. Preliminary experiments on using it for adaptation illustrate the aforesaid advantages of the proposed module, encouraging similar methods being explored in building machines that learn to reason with the kind of knowledge described above, and even learn this knowledge itself." 816,Guided Exploration in Reinforcement Learning via Monte Carlo Critic Optimization,"The class of deep deterministic off-policy algorithms is effectively applied to solve challenging continuous control problems. However, current approaches use random noise as a common exploration method that has several weaknesses, such as a need for manual adjusting on a given task and the absence of exploratory calibration during the training process. We address these challenges by proposing a novel guided exploration method that uses a differential directional controller to incorporate scalable exploratory action correction. An ensemble of Monte Carlo Critics that provides exploratory direction is presented as a controller. The proposed method improves the traditional exploration scheme by changing exploration dynamically. We then present a novel algorithm exploiting the proposed directional controller for both policy and critic modification. The presented algorithm outperforms modern reinforcement learning algorithms across a variety of problems from DMControl suite." 817,Trace Recovery from Stochastically Known Logs,"In this work we propose an algorithm for trace recovery from stochastically known logs, a setting that is becoming more common with the increasing number of sensors and predictive models that generate uncertain data. The suggested approach calculates the conformance between a process model and a stochastically known trace and recovers the best alignment within this stochastic trace as the true trace. The paper offers an analysis of the impact of various cost models on trace recovery accuracy and makes use of a product multi-graph to compare alternative trace recovery options. The average accuracy of our approach, evaluated using two publicly available datasets, is impressive, with an average recovery accuracy score of 90-97%, significantly improving a common heuristic that chooses the most likely value for each uncertain activity. We believe that the effectiveness of the proposed algorithm in recovering correct traces from stochastically known logs may be a powerful aid for developing credible decision-making tools in uncertain settings." 818,Evaluation of Semantic Answer Similarity Metrics,"There are several issues with the existing general machine translation or natural language generation evaluation metrics, and question-answering (QA) systems are indifferent in that context. To build robust QA systems, we need the ability to have equivalently robust evaluation systems to verify whether model predictions to questions are similar to ground-truth annotations. The ability to compare similarity based on semantics as opposed to pure string overlap is important to compare models fairly and to indicate more realistic acceptance criteria in real-life applications. We build upon the first to our knowledge paper that uses transformer-based model metrics to assess semantic answer similarity and achieve higher correlations to human judgement in the case of no lexical overlap. We propose cross-encoder augmented bi-encoder and BERTScore models for semantic answer similarity, trained on a new dataset consisting of name pairs of US-American public figures. As far as we are concerned, we provide the first dataset of co-referent name string pairs along with their similarities, which can be used for training." 819,Statistical inference with implicit SGD: proximal Robbins-Monro vs. Polyak-Ruppert,"The implicit stochastic gradient descent (ISGD), a proximal version of SGD, is gaining interest in the literature due to its stability over (explicit) SGD. In this paper, we conduct an in-depth analysis of the two modes of ISGD for smooth convex functions, namely proximal Robbins-Monro (proxRM) and proximal Poylak-Ruppert (proxPR) procedures, for their use in statistical inference on model parameters. Specifically, we derive non-asymptotic point estimation error bounds of both proxRM and proxPR iterates and their limiting distributions, and propose on-line estimators of their asymptotic covariance matrices that require only a single run of ISGD. The latter estimators are used to construct valid confidence intervals for the model parameters. Our analysis is free of the generalized linear model assumption that has limited the preceding analyses, and employs feasible procedures. Our on-line covariance matrix estimators appear to be the first of this kind in the ISGD literature." 820,BackdoorBench: A Comprehensive Benchmark of Backdoor Learning,"Backdoor learning is an emerging and important topic of studying the vulnerability of deep neural networks (DNNs). Many pioneering backdoor attack and defense methods are being proposed successively or concurrently, in the status of a rapid arms race. However, we find that the evaluations of new methods are often unthorough to verify their claims and real performance, mainly due to the rapid development, diverse settings, as well as the difficulties of implementation and reproducibility. Without thorough evaluations and comparisons, it is difficult to track the current progress and design the future development roadmap of the literature. To alleviate this dilemma, we build a comprehensive benchmark of backdoor learning, called BackdoorBench. It consists of an extensible modular based codebase (currently including implementations of 8 state-of-the-art (SOTA) attack and 9 SOTA defense algorithms), as well as a standardized protocol of a complete backdoor learning. We also provide comprehensive evaluations of every pair of 8 attacks against 9 defenses, with 5 poisoning ratios, based on 5 models and 4 datasets, thus 8,000 pairs of evaluations in total. We further present analysis from different perspectives about these 8,000 evaluations, studying the effects of attack against defense algorithms, poisoning ratio, model and dataset in backdoor learning. All codes and evaluations of BackdoorBench are publicly available at \url{https://backdoorbench.github.io}." 821,Review on Social Behavior Analysis of Laboratory Animals: From Methodologies to Applications,"As the bridge between genetic and physiological aspects, animal behaviour analysis is one of the most significant topics in biology and ecological research. However, identifying, tracking and recording animal behaviour are labour intensive works that require professional knowledge. To mitigate the spend for annotating data, researchers turn to computer vision techniques for automatic label algorithms, since most of the data are recorded visually. In this work, we explore a variety of behaviour detection algorithms, covering traditional vision methods, statistical methods and deep learning methods. The objective of this work is to provide a thorough investigation of related work, furnishing biologists with a scratch of efficient animal behaviour detection methods. Apart from that, we also discuss the strengths and weaknesses of those algorithms to provide some insights for those who already delve into this field." 822,Machine Learning-based Biological Ageing Estimation Technologies: A Survey,"In recent years, there are various methods of estimating Biological Age (BA) have been developed. Especially with the development of machine learning (ML), there are more and more types of BA predictions, and the accuracy has been greatly improved. The models for the estimation of BA play an important role in monitoring healthy aging, and could provide new tools to detect health status in the general population and give warnings to sub-healthy people. We will mainly review three age prediction methods by using ML. They are based on blood biomarkers, facial images, and structural neuroimaging features. For now, the model using blood biomarkers is the simplest, most direct, and most accurate method. The face image method is affected by various aspects such as race, environment, etc., the prediction accuracy is not very good, which cannot make a great contribution to the medical field. In summary, we are here to track the way forward in the era of big data for us and other potential general populations and show ways to leverage the vast amounts of data available today." 823,Tensor Recovery Based on A Novel Non-convex Function Minimax Logarithmic Concave Penalty Function,"Non-convex relaxation methods have been widely used in tensor recovery problems, and compared with convex relaxation methods, can achieve better recovery results. In this paper, a new non-convex function, Minimax Logarithmic Concave Penalty (MLCP) function, is proposed, and some of its intrinsic properties are analyzed, among which it is interesting to find that the Logarithmic function is an upper bound of the MLCP function. The proposed function is generalized to tensor cases, yielding tensor MLCP and weighted tensor $L\gamma$-norm. Consider that its explicit solution cannot be obtained when applying it directly to the tensor recovery problem. Therefore, the corresponding equivalence theorems to solve such problem are given, namely, tensor equivalent MLCP theorem and equivalent weighted tensor $L\gamma$-norm theorem. In addition, we propose two EMLCP-based models for classic tensor recovery problems, namely low-rank tensor completion (LRTC) and tensor robust principal component analysis (TRPCA), and design proximal alternate linearization minimization (PALM) algorithms to solve them individually. Furthermore, based on the Kurdyka-{\L}ojasiwicz property, it is proved that the solution sequence of the proposed algorithm has finite length and converges to the critical point globally. Finally, Extensive experiments show that proposed algorithm achieve good results, and it is confirmed that the MLCP function is indeed better than the Logarithmic function in the minimization problem, which is consistent with the analysis of theoretical properties." 824,Multi-Variate Time Series Forecasting on Variable Subsets,"We formulate a new inference task in the domain of multivariate time series forecasting (MTSF), called Variable Subset Forecast (VSF), where only a small subset of the variables is available during inference. Variables are absent during inference because of long-term data loss (eg. sensor failures) or high -> low-resource domain shift between train / test. To the best of our knowledge, robustness of MTSF models in presence of such failures, has not been studied in the literature. Through extensive evaluation, we first show that the performance of state of the art methods degrade significantly in the VSF setting. We propose a non-parametric, wrapper technique that can be applied on top any existing forecast models. Through systematic experiments across 4 datasets and 5 forecast models, we show that our technique is able to recover close to 95\% performance of the models even when only 15\% of the original variables are present." 825,Asymptotic-Preserving Neural Networks for multiscale hyperbolic models of epidemic spread,"When investigating epidemic dynamics through differential models, the parameters needed to understand the phenomenon and to simulate forecast scenarios require a delicate calibration phase, often made even more challenging by the scarcity and uncertainty of the observed data reported by official sources. In this context, Physics-Informed Neural Networks (PINNs), by embedding the knowledge of the differential model that governs the physical phenomenon in the learning process, can effectively address the inverse and forward problem of data-driven learning and solving the corresponding epidemic problem. In many circumstances, however, the spatial propagation of an infectious disease is characterized by movements of individuals at different scales governed by multiscale PDEs. This reflects the heterogeneity of a region or territory in relation to the dynamics within cities and in neighboring zones. In presence of multiple scales, a direct application of PINNs generally leads to poor results due to the multiscale nature of the differential model in the loss function of the neural network. To allow the neural network to operate uniformly with respect to the small scales, it is desirable that the neural network satisfies an Asymptotic-Preservation (AP) property in the learning process. To this end, we consider a new class of AP Neural Networks (APNNs) for multiscale hyperbolic transport models of epidemic spread that, thanks to an appropriate AP formulation of the loss function, is capable to work uniformly at the different scales of the system. A series of numerical tests for different epidemic scenarios confirms the validity of the proposed approach, highlighting the importance of the AP property in the neural network when dealing with multiscale problems especially in presence of sparse and partially observed systems." 826,Language Models as Knowledge Embeddings,"Knowledge embeddings (KE) represent a knowledge graph (KG) by embedding entities and relations into continuous vector spaces. Existing methods are mainly structure-based or description-based. Structure-based methods learn representations that preserve the inherent structure of KGs. They cannot well represent abundant long-tail entities in real-world KGs with limited structural information. Description-based methods leverage textual information and language models. Prior approaches in this direction barely outperform structure-based ones, and suffer from problems like expensive negative sampling and restrictive description demand. In this paper, we propose LMKE, which adopts Language Models to derive Knowledge Embeddings, aiming at both enriching representations of long-tail entities and solving problems of prior description-based methods. We formulate description-based KE learning with a contrastive learning framework to improve efficiency in training and evaluation. Experimental results show that LMKE achieves state-of-the-art performance on KE benchmarks of link prediction and triple classification, especially for long-tail entities." 827,Adversarial Self-Attention for Language Understanding,"An ultimate language system aims at the high generalization and robustness when adapting to diverse scenarios. Unfortunately, the recent white hope pre-trained language models (PrLMs) barely escape from stacking excessive parameters to the over-parameterized Transformer architecture to achieve higher performances. This paper thus proposes \textit{Adversarial Self-Attention} mechanism (ASA), which adversarially reconstructs the Transformer attentions and facilitates model training from contaminated model structures, coupled with a fast and simple implementation for better PrLM building. We conduct comprehensive evaluation across a wide range of tasks on both pre-training and fine-tuning stages. For pre-training, ASA unfolds remarkable performance gain compared to regular training for longer periods. For fine-tuning, ASA-empowered models consistently outweigh naive models by a large margin considering both generalization and robustness." 828,Mitigating sampling bias in risk-based active learning via an EM algorithm,"Risk-based active learning is an approach to developing statistical classifiers for online decision-support. In this approach, data-label querying is guided according to the expected value of perfect information for incipient data points. For SHM applications, the value of information is evaluated with respect to a maintenance decision process, and the data-label querying corresponds to the inspection of a structure to determine its health state. Sampling bias is a known issue within active-learning paradigms; this occurs when an active learning process over- or undersamples specific regions of a feature-space, thereby resulting in a training set that is not representative of the underlying distribution. This bias ultimately degrades decision-making performance, and as a consequence, results in unnecessary costs incurred. The current paper outlines a risk-based approach to active learning that utilises a semi-supervised Gaussian mixture model. The semi-supervised approach counteracts sampling bias by incorporating pseudo-labels for unlabelled data via an EM algorithm. The approach is demonstrated on a numerical example representative of the decision processes found in SHM." 829,Making Look-Ahead Active Learning Strategies Feasible with Neural Tangent Kernels,"We propose a new method for approximating active learning acquisition strategies that are based on retraining with hypothetically-labeled candidate data points. Although this is usually infeasible with deep networks, we use the neural tangent kernel to approximate the result of retraining, and prove that this approximation works asymptotically even in an active learning setup -- approximating ""look-ahead"" selection criteria with far less computation required. This also enables us to conduct sequential active learning, i.e. updating the model in a streaming regime, without needing to retrain the model with SGD after adding each new data point. Moreover, our querying strategy, which better understands how the model's predictions will change by adding new data points in comparison to the standard (""myopic"") criteria, beats other look-ahead strategies by large margins, and achieves equal or better performance compared to state-of-the-art methods on several benchmark datasets in pool-based active learning." 830,Functional Optimization Reinforcement Learning for Real-Time Bidding,"Real-time bidding is the new paradigm of programmatic advertising. An advertiser wants to make the intelligent choice of utilizing a \textbf{Demand-Side Platform} to improve the performance of their ad campaigns. Existing approaches are struggling to provide a satisfactory solution for bidding optimization due to stochastic bidding behavior. In this paper, we proposed a multi-agent reinforcement learning architecture for RTB with functional optimization. We designed four agents bidding environment: three Lagrange-multiplier based functional optimization agents and one baseline agent (without any attribute of functional optimization) First, numerous attributes have been assigned to each agent, including biased or unbiased win probability, Lagrange multiplier, and click-through rate. In order to evaluate the proposed RTB strategy's performance, we demonstrate the results on ten sequential simulated auction campaigns. The results show that agents with functional actions and rewards had the most significant average winning rate and winning surplus, given biased and unbiased winning information respectively. The experimental evaluations show that our approach significantly improve the campaign's efficacy and profitability." 831,Generating Diverse Vocal Bursts with StyleGAN2 and MEL-Spectrograms,"We describe our approach for the generative emotional vocal burst task (ExVo Generate) of the ICML Expressive Vocalizations Competition. We train a conditional StyleGAN2 architecture on mel-spectrograms of preprocessed versions of the audio samples. The mel-spectrograms generated by the model are then inverted back to the audio domain. As a result, our generated samples substantially improve upon the baseline provided by the competition from a qualitative and quantitative perspective for all emotions. More precisely, even for our worst-performing emotion (awe), we obtain an FAD of 1.76 compared to the baseline of 4.81 (as a reference, the FAD between the train/validation sets for awe is 0.776)." 832,PLATON: Pruning Large Transformer Models with Upper Confidence Bound of Weight Importance,"Large Transformer-based models have exhibited superior performance in various natural language processing and computer vision tasks. However, these models contain enormous amounts of parameters, which restrict their deployment to real-world applications. To reduce the model size, researchers prune these models based on the weights' importance scores. However, such scores are usually estimated on mini-batches during training, which incurs large variability/uncertainty due to mini-batch sampling and complicated training dynamics. As a result, some crucial weights could be pruned by commonly used pruning methods because of such uncertainty, which makes training unstable and hurts generalization. To resolve this issue, we propose PLATON, which captures the uncertainty of importance scores by upper confidence bound (UCB) of importance estimation. In particular, for the weights with low importance scores but high uncertainty, PLATON tends to retain them and explores their capacity. We conduct extensive experiments with several Transformer-based models on natural language understanding, question answering and image classification to validate the effectiveness of PLATON. Results demonstrate that PLATON manifests notable improvement under different sparsity levels. Our code is publicly available at https://github.com/QingruZhang/PLATON." 833,Integrating Machine Learning with Discrete Event Simulation for Improving Health Referral Processing in a Care Management Setting,"Post-discharge care management coordinates patients' referrals to improve their health after being discharged from hospitals, especially elderly and chronically ill patients. In a care management setting, health referrals are processed by a specialized unit in the managed care organization (MCO), which interacts with many other entities including inpatient hospitals, insurance companies, and post-discharge care providers. In this paper, a machine-learning-guided discrete event simulation framework to improve health referrals processing is proposed. Random-forest-based prediction models are developed to predict the LOS and referral type. Two simulation models are constructed to represent the as-is configuration of the referral processing system and the intelligent system after incorporating the prediction functionality, respectively. By incorporating a prediction module for the referral processing system to plan and prioritize referrals, the overall performance was enhanced in terms of reducing the average referral creation delay time. This research will emphasize the role of post-discharge care management in improving health quality and reducing associated costs. Also, the paper demonstrates how to use integrated systems engineering methods for process improvement of complex healthcare systems." 834,Geometry Contrastive Learning on Heterogeneous Graphs,"Self-supervised learning (especially contrastive learning) methods on heterogeneous graphs can effectively get rid of the dependence on supervisory data. Meanwhile, most existing representation learning methods embed the heterogeneous graphs into a single geometric space, either Euclidean or hyperbolic. This kind of single geometric view is usually not enough to observe the complete picture of heterogeneous graphs due to their rich semantics and complex structures. Under these observations, this paper proposes a novel self-supervised learning method, termed as Geometry Contrastive Learning (GCL), to better represent the heterogeneous graphs when supervisory data is unavailable. GCL views a heterogeneous graph from Euclidean and hyperbolic perspective simultaneously, aiming to make a strong merger of the ability of modeling rich semantics and complex structures, which is expected to bring in more benefits for downstream tasks. GCL maximizes the mutual information between two geometric views by contrasting representations at both local-local and local-global semantic levels. Extensive experiments on four benchmarks data sets show that the proposed approach outperforms the strong baselines, including both unsupervised methods and supervised methods, on three tasks, including node classification, node clustering and similarity search." 835,"A Fast, Well-Founded Approximation to the Empirical Neural Tangent Kernel","Empirical neural tangent kernels (eNTKs) can provide a good understanding of a given network's representation: they are often far less expensive to compute and applicable more broadly than infinite width NTKs. For networks with O output units (e.g. an O-class classifier), however, the eNTK on N inputs is of size $NO \times NO$, taking $O((NO)^2)$ memory and up to $O((NO)^3)$ computation. Most existing applications have therefore used one of a handful of approximations yielding $N \times N$ kernel matrices, saving orders of magnitude of computation, but with limited to no justification. We prove that one such approximation, which we call ""sum of logits"", converges to the true eNTK at initialization for any network with a wide final ""readout"" layer. Our experiments demonstrate the quality of this approximation for various uses across a range of settings." 836,Value-Consistent Representation Learning for Data-Efficient Reinforcement Learning,"Deep reinforcement learning (RL) algorithms suffer severe performance degradation when the interaction data is scarce, which limits their real-world application. Recently, visual representation learning has been shown to be effective and promising for boosting sample efficiency in RL. These methods usually rely on contrastive learning and data augmentation to train a transition model for state prediction, which is different from how the model is used in RL--performing value-based planning. Accordingly, the learned model may not be able to align well with the environment and generate consistent value predictions, especially when the state transition is not deterministic. To address this issue, we propose a novel method, called value-consistent representation learning (VCR), to learn representations that are directly related to decision-making. More specifically, VCR trains a model to predict the future state (also referred to as the ''imagined state'') based on the current one and a sequence of actions. Instead of aligning this imagined state with a real state returned by the environment, VCR applies a $Q$-value head on both states and obtains two distributions of action values. Then a distance is computed and minimized to force the imagined state to produce a similar action value prediction as that by the real state. We develop two implementations of the above idea for the discrete and continuous action spaces respectively. We conduct experiments on Atari 100K and DeepMind Control Suite benchmarks to validate their effectiveness for improving sample efficiency. It has been demonstrated that our methods achieve new state-of-the-art performance for search-free RL algorithms." 837,Visual Auditor: Interactive Visualization for Detection and Summarization of Model Biases,"As machine learning (ML) systems become increasingly widespread, it is necessary to audit these systems for biases prior to their deployment. Recent research has developed algorithms for effectively identifying intersectional bias in the form of interpretable, underperforming subsets (or slices) of the data. However, these solutions and their insights are limited without a tool for visually understanding and interacting with the results of these algorithms. We propose Visual Auditor, an interactive visualization tool for auditing and summarizing model biases. Visual Auditor assists model validation by providing an interpretable overview of intersectional bias (bias that is present when examining populations defined by multiple features), details about relationships between problematic data slices, and a comparison between underperforming and overperforming data slices in a model. Our open-source tool runs directly in both computational notebooks and web browsers, making model auditing accessible and easily integrated into current ML development workflows. An observational user study in collaboration with domain experts at Fiddler AI highlights that our tool can help ML practitioners identify and understand model biases." 838,Learning the Ranking of Causal Effects with Confounded Data,"Decision makers often want to identify the individuals for whom some intervention or treatment will be most effective in order to decide who to treat. In such cases, decision makers would ideally like to rank potential recipients of the treatment according to their individual causal effects. However, the historical data available to estimate the causal effects could be confounded, and as a result, accurately estimating the effects could be impossible. We propose a new and less restrictive assumption about historical data, called the ranking preservation assumption (RPA), under which the ranking of the individual effects can be consistently estimated even if the effects themselves cannot be accurately estimated. Importantly, we find that confounding can be helpful for the estimation of the causal-effect ranking when the confounding bias is larger for individuals with larger causal effects, and that even when this is not the case, any detrimental impact of confounding can be corrected with larger training data when the RPA is met. We then analytically show that the RPA can be met in a variety of scenarios, including common business applications such as online advertising and customer retention. We support this finding with an empirical example in the context of online advertising. The example also shows how to evaluate the decision making of a confounded model in practice. The main takeaway is that what might traditionally be considered ""good"" data for causal estimation (i.e., unconfounded data) may not be necessary to make good causal decisions, so treatment assignment methods may work better than we give them credit for in the presence of confounding." 839,Infinite Impulse Response Graph Neural Networks for Cyberattack Localization in Smart Grids,"This study employs Infinite Impulse Response (IIR) Graph Neural Networks (GNN) to efficiently model the inherent graph network structure of the smart grid data to address the cyberattack localization problem. First, we numerically analyze the empirical frequency response of the Finite Impulse Response (FIR) and IIR graph filters (GFs) to approximate an ideal spectral response. We show that, for the same filter order, IIR GFs provide a better approximation to the desired spectral response and they also present the same level of approximation to a lower order GF due to their rational type filter response. Second, we propose an IIR GNN model to efficiently predict the presence of cyberattacks at the bus level. Finally, we evaluate the model under various cyberattacks at both sample-wise (SW) and bus-wise (BW) level, and compare the results with the existing architectures. It is experimentally verified that the proposed model outperforms the state-of-the-art FIR GNN model by 9.2% and 14% in terms of SW and BW localization, respectively." 840,Learning to learn online with neuromodulated synaptic plasticity in spiking neural networks,"We propose that in order to harness our understanding of neuroscience toward machine learning, we must first have powerful tools for training brain-like models of learning. Although substantial progress has been made toward understanding the dynamics of learning in the brain, neuroscience-derived models of learning have yet to demonstrate the same performance capabilities as methods in deep learning such as gradient descent. Inspired by the successes of machine learning using gradient descent, we demonstrate that models of neuromodulated synaptic plasticity from neuroscience can be trained in Spiking Neural Networks (SNNs) with a framework of learning to learn through gradient descent to address challenging online learning problems. This framework opens a new path toward developing neuroscience inspired online learning algorithms." 841,Domain Generalization with Relaxed Instance Frequency-wise Normalization for Multi-device Acoustic Scene Classification,"While using two-dimensional convolutional neural networks (2D-CNNs) in image processing, it is possible to manipulate domain information using channel statistics, and instance normalization has been a promising way to get domain-invariant features. However, unlike image processing, we analyze that domain-relevant information in an audio feature is dominant in frequency statistics rather than channel statistics. Motivated by our analysis, we introduce Relaxed Instance Frequency-wise Normalization (RFN): a plug-and-play, explicit normalization module along the frequency axis which can eliminate instance-specific domain discrepancy in an audio feature while relaxing undesirable loss of useful discriminative information. Empirically, simply adding RFN to networks shows clear margins compared to previous domain generalization approaches on acoustic scene classification and yields improved robustness for multiple audio devices. Especially, the proposed RFN won the DCASE2021 challenge TASK1A, low-complexity acoustic scene classification with multiple devices, with a clear margin, and RFN is an extended work of our technical report." 842,FetReg2021: A Challenge on Placental Vessel Segmentation and Registration in Fetoscopy,"Fetoscopy laser photocoagulation is a widely adopted procedure for treating Twin-to-Twin Transfusion Syndrome (TTTS). The procedure involves photocoagulation pathological anastomoses to regulate blood exchange among twins. The procedure is particularly challenging due to the limited field of view, poor manoeuvrability of the fetoscope, poor visibility, and variability in illumination. These challenges may lead to increased surgery time and incomplete ablation. Computer-assisted intervention (CAI) can provide surgeons with decision support and context awareness by identifying key structures in the scene and expanding the fetoscopic field of view through video mosaicking. Research in this domain has been hampered by the lack of high-quality data to design, develop and test CAI algorithms. Through the Fetoscopic Placental Vessel Segmentation and Registration (FetReg2021) challenge, which was organized as part of the MICCAI2021 Endoscopic Vision challenge, we released the first largescale multicentre TTTS dataset for the development of generalized and robust semantic segmentation and video mosaicking algorithms. For this challenge, we released a dataset of 2060 images, pixel-annotated for vessels, tool, fetus and background classes, from 18 in-vivo TTTS fetoscopy procedures and 18 short video clips. Seven teams participated in this challenge and their model performance was assessed on an unseen test dataset of 658 pixel-annotated images from 6 fetoscopic procedures and 6 short clips. The challenge provided an opportunity for creating generalized solutions for fetoscopic scene understanding and mosaicking. In this paper, we present the findings of the FetReg2021 challenge alongside reporting a detailed literature review for CAI in TTTS fetoscopy. Through this challenge, its analysis and the release of multi-centre fetoscopic data, we provide a benchmark for future research in this field." 843,Black Box Optimization Using QUBO and the Cross Entropy Method,"Black box optimization (BBO) can be used to optimize functions whose analytic form is unknown. A common approach to realize BBO is to learn a surrogate model which approximates the target black box function which can then be solved via white box optimization methods. In this paper we present our approach BOX-QUBO, where the surrogate model is a QUBO matrix. However, unlike in previous state-of-the-art approaches, this matrix is not trained entirely by regression, but mostly by classification between 'good' and 'bad' solutions. This better accounts for the low capacity of the QUBO matrix, resulting in significantly better solutions overall. We tested our approach against the state-of-the-art on four domains and in all of them BOX-QUBO showed significantly better results. A second contribution of this paper is the idea to also solve white box problems, i.e. problems which could be directly formulated as QUBO, by means of black box optimization in order to reduce the size of the QUBOs to their information-theoretic minimum. The experiments show that this significantly improves the results for MAX-$k$-SAT." 844,Multitask vocal burst modeling with ResNets and pre-trained paralinguistic Conformers,"This technical report presents the modeling approaches used in our submission to the ICML Expressive Vocalizations Workshop & Competition multitask track (ExVo-MultiTask). We first applied image classification models of various sizes on mel-spectrogram representations of the vocal bursts, as is standard in sound event detection literature. Results from these models show an increase of 21.24% over the baseline system with respect to the harmonic mean of the task metrics, and comprise our team's main submission to the MultiTask track. We then sought to characterize the headroom in the MultiTask track by applying a large pre-trained Conformer model that previously achieved state-of-the-art results on paralinguistic tasks like speech emotion recognition and mask detection. We additionally investigated the relationship between the sub-tasks of emotional expression, country of origin, and age prediction, and discovered that the best performing models are trained as single-task models, questioning whether the problem truly benefits from a multitask setting." 845,RAPid-Learn: A Framework for Learning to Recover for Handling Novelties in Open-World Environments,"We propose RAPid-Learn: Learning to Recover and Plan Again, a hybrid planning and learning method, to tackle the problem of adapting to sudden and unexpected changes in an agent's environment (i.e., novelties). RAPid-Learn is designed to formulate and solve modifications to a task's Markov Decision Process (MDPs) on-the-fly and is capable of exploiting domain knowledge to learn any new dynamics caused by the environmental changes. It is capable of exploiting the domain knowledge to learn action executors which can be further used to resolve execution impasses, leading to a successful plan execution. This novelty information is reflected in its updated domain model. We demonstrate its efficacy by introducing a wide variety of novelties in a gridworld environment inspired by Minecraft, and compare our algorithm with transfer learning baselines from the literature. Our method is (1) effective even in the presence of multiple novelties, (2) more sample efficient than transfer learning RL baselines, and (3) robust to incomplete model information, as opposed to pure symbolic planning approaches." 846,"Arithmetic Circuits, Structured Matrices and (not so) Deep Learning","This survey presents a necessarily incomplete (and biased) overview of results at the intersection of arithmetic circuit complexity, structured matrices and deep learning. Recently there has been some research activity in replacing unstructured weight matrices in neural networks by structured ones (with the aim of reducing the size of the corresponding deep learning models). Most of this work has been experimental and in this survey, we formalize the research question and show how a recent work that combines arithmetic circuit complexity, structured matrices and deep learning essentially answers this question. This survey is targeted at complexity theorists who might enjoy reading about how tools developed in arithmetic circuit complexity helped design (to the best of our knowledge) a new family of structured matrices, which in turn seem well-suited for applications in deep learning. However, we hope that folks primarily interested in deep learning would also appreciate the connections to complexity theory." 847,Variational Bayesian inference for CP tensor completion with side information,"We propose a message passing algorithm, based on variational Bayesian inference, for low-rank tensor completion with automatic rank determination in the canonical polyadic format when additional side information (SI) is given. The SI comes in the form of low-dimensional subspaces the contain the fiber spans of the tensor (columns, rows, tubes, etc.). We validate the regularization properties induced by SI with extensive numerical experiments on synthetic and real-world data and present the results about tensor recovery and rank determination. The results show that the number of samples required for successful completion is significantly reduced in the presence of SI. We also discuss the origin of a bump in the phase transition curves that exists when the dimensionality of SI is comparable with that of the tensor." 848,A Novel Approach For Analysis of Distributed Acoustic Sensing System Based on Deep Transfer Learning,"Distributed acoustic sensors (DAS) are effective apparatus which are widely used in many application areas for recording signals of various events with very high spatial resolution along the optical fiber. To detect and recognize the recorded events properly, advanced signal processing algorithms with high computational demands are crucial. Convolutional neural networks are highly capable tools for extracting spatial information and very suitable for event recognition applications in DAS. Long-short term memory (LSTM) is an effective instrument for processing sequential data. In this study, we proposed a multi-input multi-output, two stage feature extraction methodology that combines the capabilities of these neural network architectures with transfer learning to classify vibrations applied to an optical fiber by a piezo transducer. First, we extracted the differential amplitude and phase information from the Phase-OTDR recordings and stored them in a temporal-spatial data matrix. Then, we used a state-of-the-art pre-trained CNN without dense layers as a feature extractor in the first stage. In the second stage, we used LSTMs to further analyze the features extracted by the CNN. Finally, we used a dense layer to classify the extracted features. To observe the effect of the utilized CNN architecture, we tested our model with five state-of-the art pre-trained models (VGG-16, ResNet-50, DenseNet-121, MobileNet and Inception-v3). The results show that using the VGG-16 architecture in our framework manages to obtain 100% classification accuracy in 50 trainings and got the best results on our Phase-OTDR dataset. Outcomes of this study indicate that the pre-trained CNNs combined with LSTM are very suitable for the analysis of differential amplitude and phase information, represented in a temporal spatial data matrix which is promising for event recognition operations in DAS applications." 849,Analyzing the Effects of Classifier Lipschitzness on Explainers,"Machine learning methods are getting increasingly better at making predictions, but at the same time they are also becoming more complicated and less transparent. As a result, explainers are often relied on to provide interpretability to these black-box prediction models. As crucial diagnostics tools, it is important that these explainers themselves are reliable. In this paper we focus on one particular aspect of reliability, namely that an explainer should give similar explanations for similar data inputs. We formalize this notion by introducing and defining explainer astuteness, analogous to astuteness of classifiers. Our formalism is inspired by the concept of probabilistic Lipschitzness, which captures the probability of local smoothness of a function. For a variety of explainers (e.g., SHAP, RISE, CXPlain), we provide lower bound guarantees on the astuteness of these explainers given the Lipschitzness of the prediction function. These theoretical results imply that locally smooth prediction functions lend themselves to locally robust explanations. We evaluate these results empirically on simulated as well as real datasets." 850,Risk-averse Contextual Multi-armed Bandit Problem with Linear Payoffs,"In this paper we consider the contextual multi-armed bandit problem for linear payoffs under a risk-averse criterion. At each round, contexts are revealed for each arm, and the decision maker chooses one arm to pull and receives the corresponding reward. In particular, we consider mean-variance as the risk criterion, and the best arm is the one with the largest mean-variance reward. We apply the Thompson Sampling algorithm for the disjoint model, and provide a comprehensive regret analysis for a variant of the proposed algorithm. For $T$ rounds, $K$ actions, and $d$-dimensional feature vectors, we prove a regret bound of $O((1+\rho+\frac{1}{\rho}) d\ln T \ln \frac{K}{\delta}\sqrt{d K T^{1+2\epsilon} \ln \frac{K}{\delta} \frac{1}{\epsilon}})$ that holds with probability $1-\delta$ under the mean-variance criterion with risk tolerance $\rho$, for any $0<\epsilon<\frac{1}{2}$, $0<\delta<1$. The empirical performance of our proposed algorithms is demonstrated via a portfolio selection problem." 851,Vibration fault detection in wind turbines based on normal behaviour models without feature engineering,"Most wind turbines are remotely monitored 24/7 to allow for an early detection of operation problems and developing damage. We present a new fault detection method for vibration-monitored drivetrains that does not require any feature engineering. Our method relies on a simple model architecture to enable a straightforward implementation in practice. We propose to apply convolutional autoencoders for identifying and extracting the most relevant features from the half spectrum in an automated manner, saving time and effort. Thereby, a spectral model of the normal vibration response is learnt for the monitored component from past measurements. We demonstrate that the model can successfully distinguish damaged from healthy components and detect a damaged generator bearing and damaged gearbox parts from their vibration responses. Using measurements from commercial wind turbines and a test rig, we show that vibration-based fault detection in wind turbine drivetrains can be performed without the usual upfront definition of spectral features. Another advantage of the presented method is that the entire half spectrum is monitored instead of the usual focus on monitoring individual frequencies and harmonics." 852,Value Function Decomposition for Iterative Design of Reinforcement Learning Agents,"Designing reinforcement learning (RL) agents is typically a difficult process that requires numerous design iterations. Learning can fail for a multitude of reasons, and standard RL methods provide too few tools to provide insight into the exact cause. In this paper, we show how to integrate value decomposition into a broad class of actor-critic algorithms and use it to assist in the iterative agent-design process. Value decomposition separates a reward function into distinct components and learns value estimates for each. These value estimates provide insight into an agent's learning and decision-making process and enable new training methods to mitigate common problems. As a demonstration, we introduce SAC-D, a variant of soft actor-critic (SAC) adapted for value decomposition. SAC-D maintains similar performance to SAC, while learning a larger set of value predictions. We also introduce decomposition-based tools that exploit this information, including a new reward influence metric, which measures each reward component's effect on agent decision-making. Using these tools, we provide several demonstrations of decomposition's use in identifying and addressing problems in the design of both environments and agents. Value decomposition is broadly applicable and easy to incorporate into existing algorithms and workflows, making it a powerful tool in an RL practitioner's toolbox." 853,Gated Domain Units for Multi-source Domain Generalization,"Distribution shift (DS) is a common problem that deteriorates the performance of learning machines. To overcome this problem, we postulate that real-world distributions are composed of elementary distributions that remain invariant across different domains. We call this an invariant elementary distribution (I.E.D.) assumption. This invariance thus enables knowledge transfer to unseen domains. To exploit this assumption in domain generalization (DG), we developed a modular neural network layer that consists of Gated Domain Units (GDUs). Each GDU learns an embedding of an individual elementary domain that allows us to encode the domain similarities during the training. During inference, the GDUs compute similarities between an observation and each of the corresponding elementary distributions which are then used to form a weighted ensemble of learning machines. Because our layer is trained with backpropagation, it can be easily integrated into existing deep learning frameworks. Our evaluation on Digits5, ECG, Camelyon17, iWildCam, and FMoW shows a significant improvement in the performance on out-of-training target domains without any access to data from the target domains. This finding supports the validity of the I.E.D. assumption in real-world data distributions." 854,Joint Representation Training in Sequential Tasks with Shared Structure,"Classical theory in reinforcement learning (RL) predominantly focuses on the single task setting, where an agent learns to solve a task through trial-and-error experience, given access to data only from that task. However, many recent empirical works have demonstrated the significant practical benefits of leveraging a joint representation trained across multiple, related tasks. In this work we theoretically analyze such a setting, formalizing the concept of task relatedness as a shared state-action representation that admits linear dynamics in all the tasks. We introduce the Shared-MatrixRL algorithm for the setting of Multitask MatrixRL. In the presence of $P$ episodic tasks of dimension $d$ sharing a joint $r \ll d$ low-dimensional representation, we show the regret on the the $P$ tasks can be improved from $O(PHd\sqrt{NH})$ to $O((Hd\sqrt{rP} + HP\sqrt{rd})\sqrt{NH})$ over $N$ episodes of horizon $H$. These gains coincide with those observed in other linear models in contextual bandits and RL. In contrast with previous work that have studied multi task RL in other function approximation models, we show that in the presence of bilinear optimization oracle and finite state action spaces there exists a computationally efficient algorithm for multitask MatrixRL via a reduction to quadratic programming. We also develop a simple technique to shave off a $\sqrt{H}$ factor from the regret upper bounds of some episodic linear problems." 855,ZSON: Zero-Shot Object-Goal Navigation using Multimodal Goal Embeddings,"We present a scalable approach for learning open-world object-goal navigation (ObjectNav) -- the task of asking a virtual robot (agent) to find any instance of an object in an unexplored environment (e.g., ""find a sink""). Our approach is entirely zero-shot -- i.e., it does not require ObjectNav rewards or demonstrations of any kind. Instead, we train on the image-goal navigation (ImageNav) task, in which agents find the location where a picture (i.e., goal image) was captured. Specifically, we encode goal images into a multimodal, semantic embedding space to enable training semantic-goal navigation (SemanticNav) agents at scale in unannotated 3D environments (e.g., HM3D). After training, SemanticNav agents can be instructed to find objects described in free-form natural language (e.g., ""sink"", ""bathroom sink"", etc.) by projecting language goals into the same multimodal, semantic embedding space. As a result, our approach enables open-world ObjectNav. We extensively evaluate our agents on three ObjectNav datasets (Gibson, HM3D, and MP3D) and observe absolute improvements in success of 4.2% - 20.0% over existing zero-shot methods. For reference, these gains are similar or better than the 5% improvement in success between the Habitat 2020 and 2021 ObjectNav challenge winners. In an open-world setting, we discover that our agents can generalize to compound instructions with a room explicitly mentioned (e.g., ""Find a kitchen sink"") and when the target room can be inferred (e.g., ""Find a sink and a stove"")." 856,Predicting the Stability of Hierarchical Triple Systems with Convolutional Neural Networks,"Understanding the long-term evolution of hierarchical triple systems is challenging due to its inherent chaotic nature, and it requires computationally expensive simulations. Here we propose a convolutional neural network model to predict the stability of hierarchical triples by looking at their evolution during the first $5 \times 10^5$ inner binary orbits. We employ the regularized few-body code \textsc{tsunami} to simulate $5\times 10^6$ hierarchical triples, from which we generate a large training and test dataset. We develop twelve different network configurations that use different combinations of the triples' orbital elements and compare their performances. Our best model uses 6 time-series, namely, the semimajor axes ratio, the inner and outer eccentricities, the mutual inclination and the arguments of pericenter. This model achieves an area under the curve of over $95\%$ and informs of the relevant parameters to study triple systems stability. All trained models are made publicly available, allowing to predict the stability of hierarchical triple systems $200$ times faster than pure $N$-body methods." 857,Debiasing Learning for Membership Inference Attacks Against Recommender Systems,"Learned recommender systems may inadvertently leak information about their training data, leading to privacy violations. We investigate privacy threats faced by recommender systems through the lens of membership inference. In such attacks, an adversary aims to infer whether a user's data is used to train the target recommender. To achieve this, previous work has used a shadow recommender to derive training data for the attack model, and then predicts the membership by calculating difference vectors between users' historical interactions and recommended items. State-of-the-art methods face two challenging problems: (1) training data for the attack model is biased due to the gap between shadow and target recommenders, and (2) hidden states in recommenders are not observational, resulting in inaccurate estimations of difference vectors. To address the above limitations, we propose a Debiasing Learning for Membership Inference Attacks against recommender systems (DL-MIA) framework that has four main components: (1) a difference vector generator, (2) a disentangled encoder, (3) a weight estimator, and (4) an attack model. To mitigate the gap between recommenders, a variational auto-encoder (VAE) based disentangled encoder is devised to identify recommender invariant and specific features. To reduce the estimation bias, we design a weight estimator, assigning a truth-level score for each difference vector to indicate estimation accuracy. We evaluate DL-MIA against both general recommenders and sequential recommenders on three real-world datasets. Experimental results show that DL-MIA effectively alleviates training and estimation biases simultaneously, and achieves state-of-the-art attack performance." 858,Data Leakage in Federated Averaging,"Recent attacks have shown that user data can be recovered from FedSGD updates, thus breaking privacy. However, these attacks are of limited practical relevance as federated learning typically uses the FedAvg algorithm. Compared to FedSGD, recovering data from FedAvg updates is much harder as: (i) the updates are computed at unobserved intermediate network weights, (ii) a large number of batches are used, and (iii) labels and network weights vary simultaneously across client steps. In this work, we propose a new optimization-based attack which successfully attacks FedAvg by addressing the above challenges. First, we solve the optimization problem using automatic differentiation that forces a simulation of the client's update that generates the unobserved parameters for the recovered labels and inputs to match the received client update. Second, we address the large number of batches by relating images from different epochs with a permutation invariant prior. Third, we recover the labels by estimating the parameters of existing FedSGD attacks at every FedAvg step. On the popular FEMNIST dataset, we demonstrate that on average we successfully recover >45% of the client's images from realistic FedAvg updates computed on 10 local epochs of 10 batches each with 5 images, compared to only <10% using the baseline. Our findings show many real-world federated learning implementations based on FedAvg are vulnerable." 859,On Certifying and Improving Generalization to Unseen Domains,"Domain Generalization (DG) aims to learn models whose performance remains high on unseen domains encountered at test-time by using data from multiple related source domains. Many existing DG algorithms reduce the divergence between source distributions in a representation space to potentially align the unseen domain close to the sources. This is motivated by the analysis that explains generalization to unseen domains using distributional distance (such as the Wasserstein distance) to the sources. However, due to the openness of the DG objective, it is challenging to evaluate DG algorithms comprehensively using a few benchmark datasets. In particular, we demonstrate that the accuracy of the models trained with DG methods varies significantly across unseen domains, generated from popular benchmark datasets. This highlights that the performance of DG methods on a few benchmark datasets may not be representative of their performance on unseen domains in the wild. To overcome this roadblock, we propose a universal certification framework based on distributionally robust optimization (DRO) that can efficiently certify the worst-case performance of any DG method. This enables a data-independent evaluation of a DG method complementary to the empirical evaluations on benchmark datasets. Furthermore, we propose a training algorithm that can be used with any DG method to provably improve their certified performance. Our empirical evaluation demonstrates the effectiveness of our method at significantly improving the worst-case loss (i.e., reducing the risk of failure of these models in the wild) without incurring a significant performance drop on benchmark datasets." 860,From Tensor Network Quantum States to Tensorial Recurrent Neural Networks,"We show that any matrix product state (MPS) can be exactly represented by a recurrent neural network (RNN) with a linear memory update. We generalize this RNN architecture to 2D lattices using a multilinear memory update. It supports perfect sampling and wave function evaluation in polynomial time, and can represent an area law of entanglement entropy. Numerical evidence shows that it can encode the wave function using a bond dimension lower by orders of magnitude when compared to MPS, with an accuracy that can be systematically improved by increasing the bond dimension." 861,Out of distribution robustness with pre-trained Bayesian neural networks,"We develop ShiftMatch, a new training-data-dependent likelihood for out of distribution (OOD) robustness in Bayesian neural networks (BNNs). ShiftMatch is inspired by the training-data-dependent ""EmpCov"" priors from Izmailov et al. (2021a) and efficiently matches test-time spatial correlations to those at training time. Critically, ShiftMatch is designed to leave neural network training unchanged, allowing it to use publically available samples from pretrained BNNs. Using pre-trained HMC samples, ShiftMatch gives strong performance improvements on CIFAR-10-C, outperforms EmpCov priors, and is perhaps the first Bayesian method capable of convincingly outperforming plain deep ensembles. ShiftMatch can be integrated with non-Bayesian methods like deep ensembles, where it offers smaller, but still considerable, performance improvements. Overall, Bayesian ShiftMatch gave slightly better accuracy than ensembles with ShiftMatch, though they both had very similar log-likelihoods." 862,Quantifying Inherent Randomness in Machine Learning Algorithms,"Most machine learning (ML) algorithms have several stochastic elements, and their performances are affected by these sources of randomness. This paper uses an empirical study to systematically examine the effects of two sources: randomness in model training and randomness in the partitioning of a dataset into training and test subsets. We quantify and compare the magnitude of the variation in predictive performance for the following ML algorithms: Random Forests (RFs), Gradient Boosting Machines (GBMs), and Feedforward Neural Networks (FFNNs). Among the different algorithms, randomness in model training causes larger variation for FFNNs compared to tree-based methods. This is to be expected as FFNNs have more stochastic elements that are part of their model initialization and training. We also found that random splitting of datasets leads to higher variation compared to the inherent randomness from model training. The variation from data splitting can be a major issue if the original dataset has considerable heterogeneity. Keywords: Model Training, Reproducibility, Variation" 863,Megapixel Image Generation with Step-Unrolled Denoising Autoencoders,"An ongoing trend in generative modelling research has been to push sample resolutions higher whilst simultaneously reducing computational requirements for training and sampling. We aim to push this trend further via the combination of techniques - each component representing the current pinnacle of efficiency in their respective areas. These include vector-quantized GAN (VQ-GAN), a vector-quantization (VQ) model capable of high levels of lossy - but perceptually insignificant - compression; hourglass transformers, a highly scaleable self-attention model; and step-unrolled denoising autoencoders (SUNDAE), a non-autoregressive (NAR) text generative model. Unexpectedly, our method highlights weaknesses in the original formulation of hourglass transformers when applied to multidimensional data. In light of this, we propose modifications to the resampling mechanism, applicable in any task applying hierarchical transformers to multidimensional data. Additionally, we demonstrate the scalability of SUNDAE to long sequence lengths - four times longer than prior work. Our proposed framework scales to high-resolutions ($1024 \times 1024$) and trains quickly (2-4 days). Crucially, the trained model produces diverse and realistic megapixel samples in approximately 2 seconds on a consumer-grade GPU (GTX 1080Ti). In general, the framework is flexible: supporting an arbitrary number of sampling steps, sample-wise self-stopping, self-correction capabilities, conditional generation, and a NAR formulation that allows for arbitrary inpainting masks. We obtain FID scores of 10.56 on FFHQ256 - close to the original VQ-GAN in less than half the sampling steps - and 21.85 on FFHQ1024 in only 100 sampling steps." 864,Segmentation-free PVC for Cardiac SPECT using a Densely-connected Multi-dimensional Dynamic Network,"In nuclear imaging, limited resolution causes partial volume effects (PVEs) that affect image sharpness and quantitative accuracy. Partial volume correction (PVC) methods incorporating high-resolution anatomical information from CT or MRI have been demonstrated to be effective. However, such anatomical-guided methods typically require tedious image registration and segmentation steps. Accurately segmented organ templates are also hard to obtain, particularly in cardiac SPECT imaging, due to the lack of hybrid SPECT/CT scanners with high-end CT and associated motion artifacts. Slight mis-registration/mis-segmentation would result in severe degradation in image quality after PVC. In this work, we develop a deep-learning-based method for fast cardiac SPECT PVC without anatomical information and associated organ segmentation. The proposed network involves a densely-connected multi-dimensional dynamic mechanism, allowing the convolutional kernels to be adapted based on the input images, even after the network is fully trained. Intramyocardial blood volume (IMBV) is introduced as an additional clinical-relevant loss function for network optimization. The proposed network demonstrated promising performance on 28 canine studies acquired on a GE Discovery NM/CT 570c dedicated cardiac SPECT scanner with a 64-slice CT using Technetium-99m-labeled red blood cells. This work showed that the proposed network with densely-connected dynamic mechanism produced superior results compared with the same network without such mechanism. Results also showed that the proposed network without anatomical information could produce images with statistically comparable IMBV measurements to the images generated by anatomical-guided PVC methods, which could be helpful in clinical translation." 865,HANF: Hyperparameter And Neural Architecture Search in Federated Learning,"Automated machine learning (AutoML) is an important step to make machine learning models being widely applied to solve real world problems. Despite numerous research advancement, machine learning methods are not fully utilized by industries mainly due to their data privacy and security regulations, high cost involved in storing and computing increasing amount of data at central location and most importantly lack of expertise. Hence, we introduce a novel framework, HANF - $\textbf{H}$yperparameter $\textbf{A}$nd $\textbf{N}$eural architecture search in $\textbf{F}$ederated learning as a step towards building an AutoML framework for data distributed across several data owner servers without any need for bringing the data to a central location. HANF jointly optimizes a neural architecture and non-architectural hyperparameters of a learning algorithm using gradient-based neural architecture search and $n$-armed bandit approach respectively in data distributed setting. We show that HANF efficiently finds the optimized neural architecture and also tunes the hyperparameters on data owner servers. Additionally, HANF can be applied in both, federated and non-federated settings. Empirically, we show that HANF converges towards well-suited architectures and non-architectural hyperparameter-sets using image-classification tasks." 866,Achievement and Fragility of Long-term Equitability,"Equipping current decision-making tools with notions of fairness, equitability, or other ethically motivated outcomes, is one of the top priorities in recent research efforts in machine learning, AI, and optimization. In this paper, we investigate how to allocate limited resources to {locally interacting} communities in a way to maximize a pertinent notion of equitability. In particular, we look at the dynamic setting where the allocation is repeated across multiple periods (e.g., yearly), the local communities evolve in the meantime (driven by the provided allocation), and the allocations are modulated by feedback coming from the communities themselves. We employ recent mathematical tools stemming from data-driven feedback online optimization, by which communities can learn their (possibly unknown) evolution, satisfaction, as well as they can share information with the deciding bodies. We design dynamic policies that converge to an allocation that maximize equitability in the long term. We further demonstrate our model and methodology with realistic examples of healthcare and education subsidies design in Sub-Saharian countries. One of the key empirical takeaways from our setting is that long-term equitability is fragile, in the sense that it can be easily lost when deciding bodies weigh in other factors (e.g., equality in allocation) in the allocation strategy. Moreover, a naive compromise, while not providing significant advantage to the communities, can promote inequality in social outcomes." 867,Source Localization of Graph Diffusion via Variational Autoencoders for Graph Inverse Problems,"Graph diffusion problems such as the propagation of rumors, computer viruses, or smart grid failures are ubiquitous and societal. Hence it is usually crucial to identify diffusion sources according to the current graph diffusion observations. Despite its tremendous necessity and significance in practice, source localization, as the inverse problem of graph diffusion, is extremely challenging as it is ill-posed: different sources may lead to the same graph diffusion patterns. Different from most traditional source localization methods, this paper focuses on a probabilistic manner to account for the uncertainty of different candidate sources. Such endeavors require overcoming challenges including 1) the uncertainty in graph diffusion source localization is hard to be quantified; 2) the complex patterns of the graph diffusion sources are difficult to be probabilistically characterized; 3) the generalization under any underlying diffusion patterns is hard to be imposed. To solve the above challenges, this paper presents a generic framework: Source Localization Variational AutoEncoder (SL-VAE) for locating the diffusion sources under arbitrary diffusion patterns. Particularly, we propose a probabilistic model that leverages the forward diffusion estimation model along with deep generative models to approximate the diffusion source distribution for quantifying the uncertainty. SL-VAE further utilizes prior knowledge of the source-observation pairs to characterize the complex patterns of diffusion sources by a learned generative prior. Lastly, a unified objective that integrates the forward diffusion estimation model is derived to enforce the model to generalize under arbitrary diffusion patterns. Extensive experiments are conducted on 7 real-world datasets to demonstrate the superiority of SL-VAE in reconstructing the diffusion sources by excelling other methods on average 20% in AUC score." 868,ModLaNets: Learning Generalisable Dynamics via Modularity and Physical Inductive Bias,"Deep learning models are able to approximate one specific dynamical system but struggle at learning generalisable dynamics, where dynamical systems obey the same laws of physics but contain different numbers of elements (e.g., double- and triple-pendulum systems). To relieve this issue, we proposed the Modular Lagrangian Network (ModLaNet), a structural neural network framework with modularity and physical inductive bias. This framework models the energy of each element using modularity and then construct the target dynamical system via Lagrangian mechanics. Modularity is beneficial for reusing trained networks and reducing the scale of networks and datasets. As a result, our framework can learn from the dynamics of simpler systems and extend to more complex ones, which is not feasible using other relevant physics-informed neural networks. We examine our framework for modelling double-pendulum or three-body systems with small training datasets, where our models achieve the best data efficiency and accuracy performance compared with counterparts. We also reorganise our models as extensions to model multi-pendulum and multi-body systems, demonstrating the intriguing reusable feature of our framework." 869,On the Importance of Application-Grounded Experimental Design for Evaluating Explainable ML Methods,"Machine Learning (ML) models now inform a wide range of human decisions, but using ``black box'' models carries risks such as relying on spurious correlations or errant data. To address this, researchers have proposed methods for supplementing models with explanations of their predictions. However, robust evaluations of these methods' usefulness in real-world contexts have remained elusive, with experiments tending to rely on simplified settings or proxy tasks. We present an experimental study extending a prior explainable ML evaluation experiment and bringing the setup closer to the deployment setting by relaxing its simplifying assumptions. Our empirical study draws dramatically different conclusions than the prior work, highlighting how seemingly trivial experimental design choices can yield misleading results. Beyond the present experiment, we believe this work holds lessons about the necessity of situating the evaluation of any ML method and choosing appropriate tasks, data, users, and metrics to match the intended deployment contexts." 870,How to train accurate BNNs for embedded systems?,"A key enabler of deploying convolutional neural networks on resource-constrained embedded systems is the binary neural network (BNN). BNNs save on memory and simplify computation by binarizing both features and weights. Unfortunately, binarization is inevitably accompanied by a severe decrease in accuracy. To reduce the accuracy gap between binary and full-precision networks, many repair methods have been proposed in the recent past, which we have classified and put into a single overview in this chapter. The repair methods are divided into two main branches, training techniques and network topology changes, which can further be split into smaller categories. The latter category introduces additional cost (energy consumption or additional area) for an embedded system, while the former does not. From our overview, we observe that progress has been made in reducing the accuracy gap, but BNN papers are not aligned on what repair methods should be used to get highly accurate BNNs. Therefore, this chapter contains an empirical review that evaluates the benefits of many repair methods in isolation over the ResNet-20\&CIFAR10 and ResNet-18\&CIFAR100 benchmarks. We found three repair categories most beneficial: feature binarizer, feature normalization, and double residual. Based on this review we discuss future directions and research opportunities. We sketch the benefit and costs associated with BNNs on embedded systems because it remains to be seen whether BNNs will be able to close the accuracy gap while staying highly energy-efficient on resource-constrained embedded systems." 871,DeepAL for Regression Using $ε$-weighted Hybrid Query Strategy,"Designing an inexpensive approximate surrogate model that captures the salient features of an expensive high-fidelity behavior is a prevalent approach in design optimization. In recent times, Deep Learning (DL) models are being used as a promising surrogate computational model for engineering problems. However, the main challenge in creating a DL-based surrogate is to simulate/label a large number of design points, which is time-consuming for computationally costly and/or high-dimensional engineering problems. In the present work, we propose a novel sampling technique by combining the active learning (AL) method with DL. We call this method $\epsilon$-weighted hybrid query strategy ($\epsilon$-HQS) , which focuses on the evaluation of the surrogate at each learning iteration and provides an estimate of the failure probability of the surrogate in the Design Space. By reusing already collected training and test data, the learned failure probability guides the next iteration's sampling process to the region of the high probability of failure. During the empirical evaluation, better accuracy of the surrogate was observed in comparison to other methods of sample selection. We empirically evaluated this method in two different engineering design domains, finite element based static stress analysis of submarine pressure vessel(computationally costly process) and second submarine propeller design( high dimensional problem). https://github.com/vardhah/epsilon_weighted_Hybrid_Query_Strategy" 872,Learning sparse features can lead to overfitting in neural networks,"It is widely believed that the success of deep networks lies in their ability to learn a meaningful representation of the features of the data. Yet, understanding when and how this feature learning improves performance remains a challenge: for example, it is beneficial for modern architectures trained to classify images, whereas it is detrimental for fully-connected networks trained for the same task on the same data. Here we propose an explanation for this puzzle, by showing that feature learning can perform worse than lazy training (via random feature kernel or the NTK) as the former can lead to a sparser neural representation. Although sparsity is known to be essential for learning anisotropic data, it is detrimental when the target function is constant or smooth along certain directions of input space. We illustrate this phenomenon in two settings: (i) regression of Gaussian random functions on the d-dimensional unit sphere and (ii) classification of benchmark datasets of images. For (i), we compute the scaling of the generalization error with number of training points, and show that methods that do not learn features generalize better, even when the dimension of the input space is large. For (ii), we show empirically that learning features can indeed lead to sparse and thereby less smooth representations of the image predictors. This fact is plausibly responsible for deteriorating the performance, which is known to be correlated with smoothness along diffeomorphisms." 873,Bugs in Machine Learning-based Systems: A Faultload Benchmark,"The rapid escalation of applying Machine Learning (ML) in various domains has led to paying more attention to the quality of ML components. There is then a growth of techniques and tools aiming at improving the quality of ML components and integrating them into the ML-based system safely. Although most of these tools use bugs' lifecycle, there is no standard benchmark of bugs to assess their performance, compare them and discuss their advantages and weaknesses. In this study, we firstly investigate the reproducibility and verifiability of the bugs in ML-based systems and show the most important factors in each one. Then, we explore the challenges of generating a benchmark of bugs in ML-based software systems and provide a bug benchmark namely defect4ML that satisfies all criteria of standard benchmark, i.e. relevance, reproducibility, fairness, verifiability, and usability. This faultload benchmark contains 113 bugs reported by ML developers on GitHub and Stack Overflow, using two of the most popular ML frameworks: TensorFlow and Keras. defect4ML also addresses important challenges in Software Reliability Engineering of ML-based software systems, like: 1) fast changes in frameworks, by providing various bugs for different versions of frameworks, 2) code portability, by delivering similar bugs in different ML frameworks, 3) bug reproducibility, by providing fully reproducible bugs with complete information about required dependencies and data, and 4) lack of detailed information on bugs, by presenting links to the bugs' origins. defect4ML can be of interest to ML-based systems practitioners and researchers to assess their testing tools and techniques." 874,Analyzing the impact of SARS-CoV-2 variants on respiratory sound signals,"The COVID-19 outbreak resulted in multiple waves of infections that have been associated with different SARS-CoV-2 variants. Studies have reported differential impact of the variants on respiratory health of patients. We explore whether acoustic signals, collected from COVID-19 subjects, show computationally distinguishable acoustic patterns suggesting a possibility to predict the underlying virus variant. We analyze the Coswara dataset which is collected from three subject pools, namely, i) healthy, ii) COVID-19 subjects recorded during the delta variant dominant period, and iii) data from COVID-19 subjects recorded during the omicron surge. Our findings suggest that multiple sound categories, such as cough, breathing, and speech, indicate significant acoustic feature differences when comparing COVID-19 subjects with omicron and delta variants. The classification areas-under-the-curve are significantly above chance for differentiating subjects infected by omicron from those infected by delta. Using a score fusion from multiple sound categories, we obtained an area-under-the-curve of 89% and 52.4% sensitivity at 95% specificity. Additionally, a hierarchical three class approach was used to classify the acoustic data into healthy and COVID-19 positive, and further COVID-19 subjects into delta and omicron variants providing high level of 3-class classification accuracy. These results suggest new ways for designing sound based COVID-19 diagnosis approaches." 875,PSP: Million-level Protein Sequence Dataset for Protein Structure Prediction,"Proteins are essential component of human life and their structures are important for function and mechanism analysis. Recent work has shown the potential of AI-driven methods for protein structure prediction. However, the development of new models is restricted by the lack of dataset and benchmark training procedure. To the best of our knowledge, the existing open source datasets are far less to satisfy the needs of modern protein sequence-structure related research. To solve this problem, we present the first million-level protein structure prediction dataset with high coverage and diversity, named as PSP. This dataset consists of 570k true structure sequences (10TB) and 745k complementary distillation sequences (15TB). We provide in addition the benchmark training procedure for SOTA protein structure prediction model on this dataset. We validate the utility of this dataset for training by participating CAMEO contest in which our model won the first place. We hope our PSP dataset together with the training benchmark can enable a broader community of AI/biology researchers for AI-driven protein related research." 876,Iterative Sound Source Localization for Unknown Number of Sources,"Sound source localization aims to seek the direction of arrival (DOA) of all sound sources from the observed multi-channel audio. For the practical problem of unknown number of sources, existing localization algorithms attempt to predict a likelihood-based coding (i.e., spatial spectrum) and employ a pre-determined threshold to detect the source number and corresponding DOA value. However, these threshold-based algorithms are not stable since they are limited by the careful choice of threshold. To address this problem, we propose an iterative sound source localization approach called ISSL, which can iteratively extract each source's DOA without threshold until the termination criterion is met. Unlike threshold-based algorithms, ISSL designs an active source detector network based on binary classifier to accept residual spatial spectrum and decide whether to stop the iteration. By doing so, our ISSL can deal with an arbitrary number of sources, even more than the number of sources seen during the training stage. The experimental results show that our ISSL achieves significant performance improvements in both DOA estimation and source number detection compared with the existing threshold-based algorithms." 877,Physically Consistent Learning of Conservative Lagrangian Systems with Gaussian Processes,"This paper proposes a physically consistent Gaussian Process (GP) enabling the identification of uncertain Lagrangian systems. The function space is tailored according to the energy components of the Lagrangian and the differential equation structure, analytically guaranteeing physical and mathematical properties such as energy conservation and quadratic form. The novel formulation of Cholesky decomposed matrix kernels allow the probabilistic preservation of positive definiteness. Only differential input-to-output measurements of the function map are required while Gaussian noise is permitted in torques, velocities, and accelerations. We demonstrate the effectiveness of the approach in numerical simulation." 878,Using Autoencoders on Differentially Private Federated Learning GANs,"Machine learning has been applied to almost all fields of computer science over the past decades. The introduction of GANs allowed for new possibilities in fields of medical research and text prediction. However, these new fields work with ever more privacy-sensitive data. In order to maintain user privacy, a combination of federated learning, differential privacy and GANs can be used to work with private data without giving away a users' privacy. Recently, two implementations of such combinations have been published: DP-Fed-Avg GAN and GS-WGAN. This paper compares their performance and introduces an alternative version of DP-Fed-Avg GAN that makes use of denoising techniques to combat the loss in accuracy that generally occurs when applying differential privacy and federated learning to GANs. We also compare the novel adaptation of denoised DP-Fed-Avg GAN to the state-of-the-art implementations in this field." 879,"Data-driven reduced order models using invariant foliations, manifolds and autoencoders","This paper explores the question: how to identify a reduced order model from data. There are three ways to relate data to a model: invariant foliations, invariant manifolds and autoencoders. Invariant manifolds cannot be fitted to data unless a hardware in a loop system is used. Autoencoders only identify the portion of the phase space where the data is, which is not necessarily an invariant manifold. Therefore for off-line data the only option is an invariant foliation. We note that Koopman eigenfunctions also define invariant foliations, but they are limited by the assumption of linearity and resulting singularites. Finding an invariant foliation requires approximating high-dimensional functions. We propose two solutions. If an accurate reduced order model is sought, a sparse polynomial approximation is used, with polynomial coefficients that are sparse hierarchical tensors. If an invariant manifold is sought, as a leaf of a foliation, the required high-dimensional function can be approximated by a low-dimensional polynomial. The two methods can be combined to find an accurate reduced order model and an invariant manifold. We also analyse the reduced order model in case of a focus type equilibrium, typical in mechanical systems. We note that the nonlinear coordinate system defined by the invariant foliation and the invariant manifold distorts instantaneous frequencies and damping ratios, which we correct. Through examples we illustrate the calculation of invariant foliations and manifolds, and at the same time show that Koopman eigenfunctions and autoencoders fail to capture accurate reduced order models under the same conditions." 880,Reinforcement learning based adaptive metaheuristics,"Parameter adaptation, that is the capability to automatically adjust an algorithm's hyperparameters depending on the problem being faced, is one of the main trends in evolutionary computation applied to numerical optimization. While several handcrafted adaptation policies have been proposed over the years to address this problem, only few attempts have been done so far at applying machine learning to learn such policies. Here, we introduce a general-purpose framework for performing parameter adaptation in continuous-domain metaheuristics based on state-of-the-art reinforcement learning algorithms. We demonstrate the applicability of this framework on two algorithms, namely Covariance Matrix Adaptation Evolution Strategies (CMA-ES) and Differential Evolution (DE), for which we learn, respectively, adaptation policies for the step-size (for CMA-ES), and the scale factor and crossover rate (for DE). We train these policies on a set of 46 benchmark functions at different dimensionalities, with various inputs to the policies, in two settings: one policy per function, and one global policy for all functions. Compared, respectively, to the Cumulative Step-size Adaptation (CSA) policy and to two well-known adaptive DE variants (iDE and jDE), our policies are able to produce competitive results in the majority of cases, especially in the case of DE." 881,Adversarial Robustness of Deep Neural Networks: A Survey from a Formal Verification Perspective,"Neural networks have been widely applied in security applications such as spam and phishing detection, intrusion prevention, and malware detection. This black-box method, however, often has uncertainty and poor explainability in applications. Furthermore, neural networks themselves are often vulnerable to adversarial attacks. For those reasons, there is a high demand for trustworthy and rigorous methods to verify the robustness of neural network models. Adversarial robustness, which concerns the reliability of a neural network when dealing with maliciously manipulated inputs, is one of the hottest topics in security and machine learning. In this work, we survey existing literature in adversarial robustness verification for neural networks and collect 39 diversified research works across machine learning, security, and software engineering domains. We systematically analyze their approaches, including how robustness is formulated, what verification techniques are used, and the strengths and limitations of each technique. We provide a taxonomy from a formal verification perspective for a comprehensive understanding of this topic. We classify the existing techniques based on property specification, problem reduction, and reasoning strategies. We also demonstrate representative techniques that have been applied in existing studies with a sample model. Finally, we discuss open questions for future research." 882,MPClan: Protocol Suite for Privacy-Conscious Computations,"The growing volumes of data being collected and its analysis to provide better services are creating worries about digital privacy. To address privacy concerns and give practical solutions, the literature has relied on secure multiparty computation. However, recent research has mostly focused on the small-party honest-majority setting of up to four parties, noting efficiency concerns. In this work, we extend the strategies to support a larger number of participants in an honest-majority setting with efficiency at the center stage. Cast in the preprocessing paradigm, our semi-honest protocol improves the online complexity of the decade-old state-of-the-art protocol of Damg\aa rd and Nielson (CRYPTO'07). In addition to having an improved online communication cost, we can shut down almost half of the parties in the online phase, thereby saving up to 50% in the system's operational costs. Our maliciously secure protocol also enjoys similar benefits and requires only half of the parties, except for one-time verification, towards the end. To showcase the practicality of the designed protocols, we benchmark popular applications such as deep neural networks, graph neural networks, genome sequence matching, and biometric matching using prototype implementations. Our improved protocols aid in bringing up to 60-80% savings in monetary cost over prior work." 883,Computational Complexity Evaluation of Neural Network Applications in Signal Processing,"In this paper, we provide a systematic approach for assessing and comparing the computational complexity of neural network layers in digital signal processing. We provide and link four software-to-hardware complexity measures, defining how the different complexity metrics relate to the layers' hyper-parameters. This paper explains how to compute these four metrics for feed-forward and recurrent layers, and defines in which case we ought to use a particular metric depending on whether we characterize a more soft- or hardware-oriented application. One of the four metrics, called `the number of additions and bit shifts (NABS)', is newly introduced for heterogeneous quantization. NABS characterizes the impact of not only the bitwidth used in the operation but also the type of quantization used in the arithmetical operations. We intend this work to serve as a baseline for the different levels (purposes) of complexity estimation related to the neural networks' application in real-time digital signal processing, aiming at unifying the computational complexity estimation." 884,SECLEDS: Sequence Clustering in Evolving Data Streams via Multiple Medoids and Medoid Voting,"Sequence clustering in a streaming environment is challenging because it is computationally expensive, and the sequences may evolve over time. K-medoids or Partitioning Around Medoids (PAM) is commonly used to cluster sequences since it supports alignment-based distances, and the k-centers being actual data items helps with cluster interpretability. However, offline k-medoids has no support for concept drift, while also being prohibitively expensive for clustering data streams. We therefore propose SECLEDS, a streaming variant of the k-medoids algorithm with constant memory footprint. SECLEDS has two unique properties: i) it uses multiple medoids per cluster, producing stable high-quality clusters, and ii) it handles concept drift using an intuitive Medoid Voting scheme for approximating cluster distances. Unlike existing adaptive algorithms that create new clusters for new concepts, SECLEDS follows a fundamentally different approach, where the clusters themselves evolve with an evolving stream. Using real and synthetic datasets, we empirically demonstrate that SECLEDS produces high-quality clusters regardless of drift, stream size, data dimensionality, and number of clusters. We compare against three popular stream and batch clustering algorithms. The state-of-the-art BanditPAM is used as an offline benchmark. SECLEDS achieves comparable F1 score to BanditPAM while reducing the number of required distance computations by 83.7%. Importantly, SECLEDS outperforms all baselines by 138.7% when the stream contains drift. We also cluster real network traffic, and provide evidence that SECLEDS can support network bandwidths of up to 1.08 Gbps while using the (expensive) dynamic time warping distance." 885,Dynamic network congestion pricing based on deep reinforcement learning,"Traffic congestion is a serious problem in urban areas. Dynamic congestion pricing is one of the useful schemes to eliminate traffic congestion in strategic scale. However, in the reality, an optimal dynamic congestion pricing is very difficult or impossible to determine theoretically, because road networks are usually large and complicated, and behavior of road users is uncertain. To account for this challenge, this work proposes a dynamic congestion pricing method using deep reinforcement learning (DRL). It is designed to eliminate traffic congestion based on observable data in general large-scale road networks, by leveraging the data-driven nature of deep reinforcement learning. One of the novel elements of the proposed method is the distributed and cooperative learning scheme. Specifically, the DRL is implemented by a spatial-temporally distributed manner, and cooperation among DRL agents is established by novel techniques we call spatially shared reward and temporally switching learning. It enables fast and computationally efficient learning in large-scale networks. The numerical experiments using Sioux Falls Network showed that the proposed method works well thanks to the novel learning scheme." 886,ML-Based Approach for NFL Defensive Pass Interference Prediction Using GPS Tracking Data,"Defensive Pass Interference (DPI) is one of the most impactful penalties in the NFL. DPI is a spot foul, yielding an automatic first down to the team in possession. With such an influence on the game, referees have no room for a mistake. It is also a very rare event, which happens 1-2 times per 100 pass attempts. With technology improving and many IoT wearables being put on the athletes to collect valuable data, there is a solid ground for applying machine learning (ML) techniques to improve every aspect of the game. The work presented here is the first attempt in predicting DPI using player tracking GPS data. The data we used was collected by NFL's Next Gen Stats throughout the 2018 regular season. We present ML models for highly imbalanced time-series binary classification: LSTM, GRU, ANN, and Multivariate LSTM-FCN. Results showed that using GPS tracking data to predict DPI has limited success. The best performing models had high recall with low precision which resulted in the classification of many false positive examples. Looking closely at the data confirmed that there is just not enough information to determine whether a foul was committed. This study might serve as a filter for multi-step pipeline for video sequence classification which could be able to solve this problem." 887,"""You Can't Fix What You Can't Measure"": Privately Measuring Demographic Performance Disparities in Federated Learning","Federated learning allows many devices to collaborate in the training of machine learning models. As in traditional machine learning, there is a growing concern that models trained with federated learning may exhibit disparate performance for different demographic groups. Existing solutions to measure and ensure equal model performance across groups require access to information about group membership, but this access is not always available or desirable, especially under the privacy aspirations of federated learning. We study the feasibility of measuring such performance disparities while protecting the privacy of the user's group membership and the federated model's performance on the user's data. Protecting both is essential for privacy, because they may be correlated, and thus learning one may reveal the other. On the other hand, from the utility perspective, the privacy-preserved data should maintain the correlation to ensure the ability to perform accurate measurements of the performance disparity. We achieve both of these goals by developing locally differentially private mechanisms that preserve the correlations between group membership and model performance. To analyze the effectiveness of the mechanisms, we bound their error in estimating the disparity when optimized for a given privacy budget, and validate these bounds on synthetic data. Our results show that the error rapidly decreases for realistic numbers of participating clients, demonstrating that, contrary to what prior work suggested, protecting the privacy of protected attributes is not necessarily in conflict with identifying disparities in the performance of federated models." 888,Towards FPGA Implementation of Neural Network-Based Nonlinearity Mitigation Equalizers in Coherent Optical Transmission Systems,"For the first time, recurrent and feedforward neural network-based equalizers for nonlinearity compensation are implemented in an FPGA, with a level of complexity comparable to that of a dispersion equalizer. We demonstrate that the NN-based equalizers can outperform a 1 step-per-span DBP." 889,MULTI-FLGANs: Multi-Distributed Adversarial Networks for Non-IID distribution,"Federated learning is an emerging concept in the domain of distributed machine learning. This concept has enabled GANs to benefit from the rich distributed training data while preserving privacy. However, in a non-iid setting, current federated GAN architectures are unstable, struggling to learn the distinct features and vulnerable to mode collapse. In this paper, we propose a novel architecture MULTI-FLGAN to solve the problem of low-quality images, mode collapse and instability for non-iid datasets. Our results show that MULTI-FLGAN is four times as stable and performant (i.e. high inception score) on average over 20 clients compared to baseline FLGAN." 890,SCAI: A Spectral data Classification framework with Adaptive Inference for the IoT platform,"Currently, it is a hot research topic to realize accurate, efficient, and real-time identification of massive spectral data with the help of deep learning and IoT technology. Deep neural networks played a key role in spectral analysis. However, the inference of deeper models is performed in a static manner, and cannot be adjusted according to the device. Not all samples need to allocate all computation to reach confident prediction, which hinders maximizing the overall performance. To address the above issues, we propose a Spectral data Classification framework with Adaptive Inference. Specifically, to allocate different computations for different samples while better exploiting the collaboration among different devices, we leverage Early-exit architecture, place intermediate classifiers at different depths of the architecture, and the model outputs the results when the prediction confidence reaches a preset threshold. We propose a training paradigm of self-distillation learning, the deepest classifier performs soft supervision on the shallow ones to maximize their performance and training speed. At the same time, to mitigate the vulnerability of performance to the location and number settings of intermediate classifiers in the Early-exit paradigm, we propose a Position-Adaptive residual network. It can adjust the number of layers in each block at different curve positions, so it can focus on important positions of the curve (e.g.: Raman peak), and accurately allocate the appropriate computational budget based on task performance and computing resources. To the best of our knowledge, this paper is the first attempt to conduct optimization by adaptive inference for spectral detection under the IoT platform. We conducted many experiments, the experimental results show that our proposed method can achieve higher performance with less computational budget than existing methods." 891,AdAUC: End-to-end Adversarial AUC Optimization Against Long-tail Problems,"It is well-known that deep learning models are vulnerable to adversarial examples. Existing studies of adversarial training have made great progress against this challenge. As a typical trait, they often assume that the class distribution is overall balanced. However, long-tail datasets are ubiquitous in a wide spectrum of applications, where the amount of head class instances is larger than the tail classes. Under such a scenario, AUC is a much more reasonable metric than accuracy since it is insensitive toward class distribution. Motivated by this, we present an early trial to explore adversarial training methods to optimize AUC. The main challenge lies in that the positive and negative examples are tightly coupled in the objective function. As a direct result, one cannot generate adversarial examples without a full scan of the dataset. To address this issue, based on a concavity regularization scheme, we reformulate the AUC optimization problem as a saddle point problem, where the objective becomes an instance-wise function. This leads to an end-to-end training protocol. Furthermore, we provide a convergence guarantee of the proposed algorithm. Our analysis differs from the existing studies since the algorithm is asked to generate adversarial examples by calculating the gradient of a min-max problem. Finally, the extensive experimental results show the performance and robustness of our algorithm in three long-tail datasets." 892,Neural Networks with A La Carte Selection of Activation Functions,"Activation functions (AFs), which are pivotal to the success (or failure) of a neural network, have received increased attention in recent years, with researchers seeking to design novel AFs that improve some aspect of network performance. In this paper we take another direction, wherein we combine a slew of known AFs into successful architectures, proposing three methods to do so beneficially: 1) generate AF architectures at random, 2) use Optuna, an automatic hyper-parameter optimization software framework, with a Tree-structured Parzen Estimator (TPE) sampler, and 3) use Optuna with a Covariance Matrix Adaptation Evolution Strategy (CMA-ES) sampler. We show that all methods often produce significantly better results for 25 classification problems when compared with a standard network composed of ReLU hidden units and a softmax output unit. Optuna with the TPE sampler emerged as the best AF architecture-producing method." 893,MultiSAGE: a multiplex embedding algorithm for inter-layer link prediction,"Research on graph representation learning has received great attention in recent years. However, most of the studies so far have focused on the embedding of single-layer graphs. The few studies dealing with the problem of representation learning of multilayer structures rely on the strong hypothesis that the inter-layer links are known, and this limits the range of possible applications. Here we propose MultiSAGE, a generalization of the GraphSAGE algorithm that allows to embed multiplex networks. We show that MultiSAGE is capable to reconstruct both the intra-layer and the inter-layer connectivity, outperforming GraphSAGE, which has been designed for simple graphs. Next, through a comprehensive experimental analysis, we shed light also on the performance of the embedding, both in simple and in multiplex networks, showing that either the density of the graph or the randomness of the links strongly influences the quality of the embedding." 894,Modeling Adaptive Platoon and Reservation Based Autonomous Intersection Control: A Deep Reinforcement Learning Approach,"As a strategy to reduce travel delay and enhance energy efficiency, platooning of connected and autonomous vehicles (CAVs) at non-signalized intersections has become increasingly popular in academia. However, few studies have attempted to model the relation between the optimal platoon size and the traffic conditions around the intersection. To this end, this study proposes an adaptive platoon based autonomous intersection control model powered by deep reinforcement learning (DRL) technique. The model framework has following two levels: the first level adopts a First Come First Serve (FCFS) reservation based policy integrated with a nonconflicting lane selection mechanism to determine vehicles' passing priority; and the second level applies a deep Q-network algorithm to identify the optimal platoon size based on the real-time traffic condition of an intersection. When being tested on a traffic micro-simulator, our proposed model exhibits superior performances on travel efficiency and fuel conservation as compared to the state-of-the-art methods." 895,FLVoogd: Robust And Privacy Preserving Federated Learning,"In this work, we propose FLVoogd, an updated federated learning method in which servers and clients collaboratively eliminate Byzantine attacks while preserving privacy. In particular, servers use automatic Density-based Spatial Clustering of Applications with Noise (DBSCAN) combined with S2PC to cluster the benign majority without acquiring sensitive personal information. Meanwhile, clients build dual models and perform test-based distance controlling to adjust their local models toward the global one to achieve personalizing. Our framework is automatic and adaptive that servers/clients don't need to tune the parameters during the training. In addition, our framework leverages Secure Multi-party Computation (SMPC) operations, including multiplications, additions, and comparison, where costly operations, like division and square root, are not required. Evaluations are carried out on some conventional datasets from the image classification field. The result shows that FLVoogd can effectively reject malicious uploads in most scenarios; meanwhile, it avoids data leakage from the server-side." 896,Data-driven discovery of novel 2D materials by deep generative models,"Efficient algorithms to generate candidate crystal structures with good stability properties can play a key role in data-driven materials discovery. Here we show that a crystal diffusion variational autoencoder (CDVAE) is capable of generating two-dimensional (2D) materials of high chemical and structural diversity and formation energies mirroring the training structures. Specifically, we train the CDVAE on 2615 2D materials with energy above the convex hull $\Delta H_{\mathrm{hull}}< 0.3$ eV/atom, and generate 5003 materials that we relax using density functional theory (DFT). We also generate 14192 new crystals by systematic element substitution of the training structures. We find that the generative model and lattice decoration approach are complementary and yield materials with similar stability properties but very different crystal structures and chemical compositions. In total we find 11630 predicted new 2D materials, where 8599 of these have $\Delta H_{\mathrm{hull}}< 0.3$ eV/atom as the seed structures, while 2004 are within 50 meV of the convex hull and could potentially be synthesized. The relaxed atomic structures of all the materials are available in the open Computational 2D Materials Database (C2DB). Our work establishes the CDVAE as an efficient and reliable crystal generation machine, and significantly expands the space of 2D materials." 897,Geometry Interaction Knowledge Graph Embeddings,"Knowledge graph (KG) embeddings have shown great power in learning representations of entities and relations for link prediction tasks. Previous work usually embeds KGs into a single geometric space such as Euclidean space (zero curved), hyperbolic space (negatively curved) or hyperspherical space (positively curved) to maintain their specific geometric structures (e.g., chain, hierarchy and ring structures). However, the topological structure of KGs appears to be complicated, since it may contain multiple types of geometric structures simultaneously. Therefore, embedding KGs in a single space, no matter the Euclidean space, hyperbolic space or hyperspheric space, cannot capture the complex structures of KGs accurately. To overcome this challenge, we propose Geometry Interaction knowledge graph Embeddings (GIE), which learns spatial structures interactively between the Euclidean, hyperbolic and hyperspherical spaces. Theoretically, our proposed GIE can capture a richer set of relational information, model key inference patterns, and enable expressive semantic matching across entities. Experimental results on three well-established knowledge graph completion benchmarks show that our GIE achieves the state-of-the-art performance with fewer parameters." 898,Multi-Agent Deep Reinforcement Learning for Cost- and Delay-Sensitive Virtual Network Function Placement and Routing,"This paper proposes an effective and novel multiagent deep reinforcement learning (MADRL)-based method for solving the joint virtual network function (VNF) placement and routing (P&R), where multiple service requests with differentiated demands are delivered at the same time. The differentiated demands of the service requests are reflected by their delay- and cost-sensitive factors. We first construct a VNF P&R problem to jointly minimize a weighted sum of service delay and resource consumption cost, which is NP-complete. Then, the joint VNF P&R problem is decoupled into two iterative subtasks: placement subtask and routing subtask. Each subtask consists of multiple concurrent parallel sequential decision processes. By invoking the deep deterministic policy gradient method and multi-agent technique, an MADRL-P&R framework is designed to perform the two subtasks. The new joint reward and internal rewards mechanism is proposed to match the goals and constraints of the placement and routing subtasks. We also propose the parameter migration-based model-retraining method to deal with changing network topologies. Corroborated by experiments, the proposed MADRL-P&R framework is superior to its alternatives in terms of service cost and delay, and offers higher flexibility for personalized service demands. The parameter migration-based model-retraining method can efficiently accelerate convergence under moderate network topology changes." 899,Competence-based Multimodal Curriculum Learning for Medical Report Generation,"Medical report generation task, which targets to produce long and coherent descriptions of medical images, has attracted growing research interests recently. Different from the general image captioning tasks, medical report generation is more challenging for data-driven neural models. This is mainly due to 1) the serious data bias and 2) the limited medical data. To alleviate the data bias and make best use of available data, we propose a Competence-based Multimodal Curriculum Learning framework (CMCL). Specifically, CMCL simulates the learning process of radiologists and optimizes the model in a step by step manner. Firstly, CMCL estimates the difficulty of each training instance and evaluates the competence of current model; Secondly, CMCL selects the most suitable batch of training instances considering current model competence. By iterating above two steps, CMCL can gradually improve the model's performance. The experiments on the public IU-Xray and MIMIC-CXR datasets show that CMCL can be incorporated into existing models to improve their performance." 900,Aggregated Multi-output Gaussian Processes with Knowledge Transfer Across Domains,"Aggregate data often appear in various fields such as socio-economics and public security. The aggregate data are associated not with points but with supports (e.g., spatial regions in a city). Since the supports may have various granularities depending on attributes (e.g., poverty rate and crime rate), modeling such data is not straightforward. This article offers a multi-output Gaussian process (MoGP) model that infers functions for attributes using multiple aggregate datasets of respective granularities. In the proposed model, the function for each attribute is assumed to be a dependent GP modeled as a linear mixing of independent latent GPs. We design an observation model with an aggregation process for each attribute; the process is an integral of the GP over the corresponding support. We also introduce a prior distribution of the mixing weights, which allows a knowledge transfer across domains (e.g., cities) by sharing the prior. This is advantageous in such a situation where the spatially aggregated dataset in a city is too coarse to interpolate; the proposed model can still make accurate predictions of attributes by utilizing aggregate datasets in other cities. The inference of the proposed model is based on variational Bayes, which enables one to learn the model parameters using the aggregate datasets from multiple domains. The experiments demonstrate that the proposed model outperforms in the task of refining coarse-grained aggregate data on real-world datasets: Time series of air pollutants in Beijing and various kinds of spatial datasets from New York City and Chicago." 901,SANE-TTS: Stable And Natural End-to-End Multilingual Text-to-Speech,"In this paper, we present SANE-TTS, a stable and natural end-to-end multilingual TTS model. By the difficulty of obtaining multilingual corpus for given speaker, training multilingual TTS model with monolingual corpora is unavoidable. We introduce speaker regularization loss that improves speech naturalness during cross-lingual synthesis as well as domain adversarial training, which is applied in other multilingual TTS models. Furthermore, by adding speaker regularization loss, replacing speaker embedding with zero vector in duration predictor stabilizes cross-lingual inference. With this replacement, our model generates speeches with moderate rhythm regardless of source speaker in cross-lingual synthesis. In MOS evaluation, SANE-TTS achieves naturalness score above 3.80 both in cross-lingual and intralingual synthesis, where the ground truth score is 3.99. Also, SANE-TTS maintains speaker similarity close to that of ground truth even in cross-lingual inference. Audio samples are available on our web page." 902,Implicit Channel Learning for Machine Learning Applications in 6G Wireless Networks,"With the deployment of the fifth generation (5G) wireless systems gathering momentum across the world, possible technologies for 6G are under active research discussions. In particular, the role of machine learning (ML) in 6G is expected to enhance and aid emerging applications such as virtual and augmented reality, vehicular autonomy, and computer vision. This will result in large segments of wireless data traffic comprising image, video and speech. The ML algorithms process these for classification/recognition/estimation through the learning models located on cloud servers. This requires wireless transmission of data from edge devices to the cloud server. Channel estimation, handled separately from recognition step, is critical for accurate learning performance. Toward combining the learning for both channel and the ML data, we introduce implicit channel learning to perform the ML tasks without estimating the wireless channel. Here, the ML models are trained with channel-corrupted datasets in place of nominal data. Without channel estimation, the proposed approach exhibits approximately 60% improvement in image and speech classification tasks for diverse scenarios such as millimeter wave and IEEE 802.11p vehicular channels." 903,Self Supervised Learning for Few Shot Hyperspectral Image Classification,"Deep learning has proven to be a very effective approach for Hyperspectral Image (HSI) classification. However, deep neural networks require large annotated datasets to generalize well. This limits the applicability of deep learning for HSI classification, where manually labelling thousands of pixels for every scene is impractical. In this paper, we propose to leverage Self Supervised Learning (SSL) for HSI classification. We show that by pre-training an encoder on unlabeled pixels using Barlow-Twins, a state-of-the-art SSL algorithm, we can obtain accurate models with a handful of labels. Experimental results demonstrate that this approach significantly outperforms vanilla supervised learning." 904,Approximating 1-Wasserstein Distance with Trees,"Wasserstein distance, which measures the discrepancy between distributions, shows efficacy in various types of natural language processing (NLP) and computer vision (CV) applications. One of the challenges in estimating Wasserstein distance is that it is computationally expensive and does not scale well for many distribution comparison tasks. In this paper, we aim to approximate the 1-Wasserstein distance by the tree-Wasserstein distance (TWD), where TWD is a 1-Wasserstein distance with tree-based embedding and can be computed in linear time with respect to the number of nodes on a tree. More specifically, we propose a simple yet efficient L1-regularized approach to learning the weights of the edges in a tree. To this end, we first show that the 1-Wasserstein approximation problem can be formulated as a distance approximation problem using the shortest path distance on a tree. We then show that the shortest path distance can be represented by a linear model and can be formulated as a Lasso-based regression problem. Owing to the convex formulation, we can obtain a globally optimal solution efficiently. Moreover, we propose a tree-sliced variant of these methods. Through experiments, we demonstrated that the weighted TWD can accurately approximate the original 1-Wasserstein distance." 905,Prediction of Football Player Value using Bayesian Ensemble Approach,"The transfer fees of sports players have become astronomical. This is because bringing players of great future value to the club is essential for their survival. We present a case study on the key factors affecting the world's top soccer players' transfer fees based on the FIFA data analysis. To predict each player's market value, we propose an improved LightGBM model by optimizing its hyperparameter using a Tree-structured Parzen Estimator (TPE) algorithm. We identify prominent features by the SHapley Additive exPlanations (SHAP) algorithm. The proposed method has been compared against the baseline regression models (e.g., linear regression, lasso, elastic net, kernel ridge regression) and gradient boosting model without hyperparameter optimization. The optimized LightGBM model showed an excellent accuracy of approximately 3.8, 1.4, and 1.8 times on average compared to the regression baseline models, GBDT, and LightGBM model in terms of RMSE. Our model offers interpretability in deciding what attributes football clubs should consider in recruiting players in the future." 906,TreeDRNet:A Robust Deep Model for Long Term Time Series Forecasting,"Various deep learning models, especially some latest Transformer-based approaches, have greatly improved the state-of-art performance for long-term time series forecasting.However, those transformer-based models suffer a severe deterioration performance with prolonged input length, which prohibits them from using extended historical info.Moreover, these methods tend to handle complex examples in long-term forecasting with increased model complexity, which often leads to a significant increase in computation and less robustness in performance(e.g., overfitting). We propose a novel neural network architecture, called TreeDRNet, for more effective long-term forecasting. Inspired by robust regression, we introduce doubly residual link structure to make prediction more robust.Built upon Kolmogorov-Arnold representation theorem, we explicitly introduce feature selection, model ensemble, and a tree structure to further utilize the extended input sequence, which improves the robustness and representation power of TreeDRNet. Unlike previous deep models for sequential forecasting work, TreeDRNet is built entirely on multilayer perceptron and thus enjoys high computational efficiency. Our extensive empirical studies show that TreeDRNet is significantly more effective than state-of-the-art methods, reducing prediction errors by 20% to 40% for multivariate time series. In particular, TreeDRNet is over 10 times more efficient than transformer-based methods. The code will be released soon." 907,On Structural Explanation of Bias in Graph Neural Networks,"Graph Neural Networks (GNNs) have shown satisfying performance in various graph analytical problems. Hence, they have become the \emph{de facto} solution in a variety of decision-making scenarios. However, GNNs could yield biased results against certain demographic subgroups. Some recent works have empirically shown that the biased structure of the input network is a significant source of bias for GNNs. Nevertheless, no studies have systematically scrutinized which part of the input network structure leads to biased predictions for any given node. The low transparency on how the structure of the input network influences the bias in GNN outcome largely limits the safe adoption of GNNs in various decision-critical scenarios. In this paper, we study a novel research problem of structural explanation of bias in GNNs. Specifically, we propose a novel post-hoc explanation framework to identify two edge sets that can maximally account for the exhibited bias and maximally contribute to the fairness level of the GNN prediction for any given node, respectively. Such explanations not only provide a comprehensive understanding of bias/fairness of GNN predictions but also have practical significance in building an effective yet fair GNN model. Extensive experiments on real-world datasets validate the effectiveness of the proposed framework towards delivering effective structural explanations for the bias of GNNs. Open-source code can be found at https://github.com/yushundong/REFEREE." 908,zPROBE: Zero Peek Robustness Checks for Federated Learning,"Privacy-preserving federated learning allows multiple users to jointly train a model with coordination of a central server. The server only learns the final aggregation result, thereby preventing leakage of the users' (private) training data from the individual model updates. However, keeping the individual updates private allows malicious users to perform Byzantine attacks and degrade the model accuracy without being detected. Best existing defenses against Byzantine workers rely on robust rank-based statistics, e.g., the median, to find malicious updates. However, implementing privacy-preserving rank-based statistics is nontrivial and unscalable in the secure domain, as it requires sorting of all individual updates. We establish the first private robustness check that uses high break point rank-based statistics on aggregated model updates. By exploiting randomized clustering, we significantly improve the scalability of our defense without compromising privacy. We leverage the derived statistical bounds in zero-knowledge proofs to detect and remove malicious updates without revealing the private user updates. Our novel framework, zPROBE, enables Byzantine resilient and secure federated learning. Empirical evaluations demonstrate that zPROBE provides a low overhead solution to defend against state-of-the-art Byzantine attacks while preserving privacy." 909,Classifying Unstructured Clinical Notes via Automatic Weak Supervision,"Healthcare providers usually record detailed notes of the clinical care delivered to each patient for clinical, research, and billing purposes. Due to the unstructured nature of these narratives, providers employ dedicated staff to assign diagnostic codes to patients' diagnoses using the International Classification of Diseases (ICD) coding system. This manual process is not only time-consuming but also costly and error-prone. Prior work demonstrated potential utility of Machine Learning (ML) methodology in automating this process, but it has relied on large quantities of manually labeled data to train the models. Additionally, diagnostic coding systems evolve with time, which makes traditional supervised learning strategies unable to generalize beyond local applications. In this work, we introduce a general weakly-supervised text classification framework that learns from class-label descriptions only, without the need to use any human-labeled documents. It leverages the linguistic domain knowledge stored within pre-trained language models and the data programming framework to assign code labels to individual texts. We demonstrate the efficacy and flexibility of our method by comparing it to state-of-the-art weak text classifiers across four real-world text classification datasets, in addition to assigning ICD codes to medical notes in the publicly available MIMIC-III database." 910,Symbolic-Regression Boosting,"Modifying standard gradient boosting by replacing the embedded weak learner in favor of a strong(er) one, we present SyRBo: Symbolic-Regression Boosting. Experiments over 98 regression datasets show that by adding a small number of boosting stages -- between 2--5 -- to a symbolic regressor, statistically significant improvements can often be attained. We note that coding SyRBo on top of any symbolic regressor is straightforward, and the added cost is simply a few more evolutionary rounds. SyRBo is essentially a simple add-on that can be readily added to an extant symbolic regressor, often with beneficial results." 911,Computationally Efficient PAC RL in POMDPs with Latent Determinism and Conditional Embeddings,"We study reinforcement learning with function approximation for large-scale Partially Observable Markov Decision Processes (POMDPs) where the state space and observation space are large or even continuous. Particularly, we consider Hilbert space embeddings of POMDP where the feature of latent states and the feature of observations admit a conditional Hilbert space embedding of the observation emission process, and the latent state transition is deterministic. Under the function approximation setup where the optimal latent state-action $Q$-function is linear in the state feature, and the optimal $Q$-function has a gap in actions, we provide a \emph{computationally and statistically efficient} algorithm for finding the \emph{exact optimal} policy. We show our algorithm's computational and statistical complexities scale polynomially with respect to the horizon and the intrinsic dimension of the feature on the observation space. Furthermore, we show both the deterministic latent transitions and gap assumptions are necessary to avoid statistical complexity exponential in horizon or dimension. Since our guarantee does not have an explicit dependence on the size of the state and observation spaces, our algorithm provably scales to large-scale POMDPs." 912,Multi-modal Sensor Data Fusion for In-situ Classification of Animal Behavior Using Accelerometry and GNSS Data,"We examine using data from multiple sensing modes, i.e., accelerometry and global navigation satellite system (GNSS), for classifying animal behavior. We extract three new features from the GNSS data, namely, the distance from the water point, median speed, and median estimated horizontal position error. We consider two approaches for combining the information available from the accelerometry and GNSS data. The first approach is based on concatenating the features extracted from both sensor data and feeding the concatenated feature vector into a multi-layer perceptron (MLP) classifier. The second approach is based on fusing the posterior probabilities predicted by two MLP classifiers each taking the features extracted from the data of one sensor as input. We evaluate the performance of the developed multi-modal animal behavior classification algorithms using two real-world datasets collected via smart cattle collar and ear tags. The leave-one-animal-out cross-validation results show that both approaches improve the classification performance appreciably compared with using the data from only one sensing mode, in particular, for the infrequent but important behaviors of walking and drinking. The algorithms developed based on both approaches require rather small computational and memory resources hence are suitable for implementation on embedded systems of our collar and ear tags. However, the multi-modal animal behavior classification algorithm based on posterior probability fusion is preferable to the one based on feature concatenation as it delivers better classification accuracy, has less computational and memory complexity, is more robust to sensor data failure, and enjoys better modularity." 913,Synthesizing Rolling Bearing Fault Samples in New Conditions: A framework based on a modified CGAN,"Bearings are one of the vital components of rotating machines that are prone to unexpected faults. Therefore, bearing fault diagnosis and condition monitoring is essential for reducing operational costs and downtime in numerous industries. In various production conditions, bearings can be operated under a range of loads and speeds, which causes different vibration patterns associated with each fault type. Normal data is ample as systems usually work in desired conditions. On the other hand, fault data is rare, and in many conditions, there is no data recorded for the fault classes. Accessing fault data is crucial for developing data-driven fault diagnosis tools that can improve both the performance and safety of operations. To this end, a novel algorithm based on Conditional Generative Adversarial Networks (CGANs) is introduced. Trained on the normal and fault data on any actual fault conditions, this algorithm generates fault data from normal data of target conditions. The proposed method is validated on a real-world bearing dataset, and fault data are generated for different conditions. Several state-of-the-art classifiers and visualization models are implemented to evaluate the quality of the synthesized data. The results demonstrate the efficacy of the proposed algorithm." 914,A Multi-stage Framework with Mean Subspace Computation and Recursive Feedback for Online Unsupervised Domain Adaptation,"In this paper, we address the Online Unsupervised Domain Adaptation (OUDA) problem and propose a novel multi-stage framework to solve real-world situations when the target data are unlabeled and arriving online sequentially in batches. To project the data from the source and the target domains to a common subspace and manipulate the projected data in real-time, our proposed framework institutes a novel method, called an Incremental Computation of Mean-Subspace (ICMS) technique, which computes an approximation of mean-target subspace on a Grassmann manifold and is proven to be a close approximate to the Karcher mean. Furthermore, the transformation matrix computed from the mean-target subspace is applied to the next target data in the recursive-feedback stage, aligning the target data closer to the source domain. The computation of transformation matrix and the prediction of next-target subspace leverage the performance of the recursive-feedback stage by considering the cumulative temporal dependency among the flow of the target subspace on the Grassmann manifold. The labels of the transformed target data are predicted by the pre-trained source classifier, then the classifier is updated by the transformed data and predicted labels. Extensive experiments on six datasets were conducted to investigate in depth the effect and contribution of each stage in our proposed framework and its performance over previous approaches in terms of classification accuracy and computational speed. In addition, the experiments on traditional manifold-based learning models and neural-network-based learning models demonstrated the applicability of our proposed framework for various types of learning models." 915,Bilateral Network with Channel Splitting Network and Transformer for Thermal Image Super-Resolution,"In recent years, the Thermal Image Super-Resolution (TISR) problem has become an attractive research topic. TISR would been used in a wide range of fields, including military, medical, agricultural and animal ecology. Due to the success of PBVS-2020 and PBVS-2021 workshop challenge, the result of TISR keeps improving and attracts more researchers to sign up for PBVS-2022 challenge. In this paper, we will introduce the technical details of our submission to PBVS-2022 challenge designing a Bilateral Network with Channel Splitting Network and Transformer(BN-CSNT) to tackle the TISR problem. Firstly, we designed a context branch based on channel splitting network with transformer to obtain sufficient context information. Secondly, we designed a spatial branch with shallow transformer to extract low level features which can preserve the spatial information. Finally, for the context branch in order to fuse the features from channel splitting network and transformer, we proposed an attention refinement module, and then features from context branch and spatial branch are fused by proposed feature fusion module. The proposed method can achieve PSNR=33.64, SSIM=0.9263 for x4 and PSNR=21.08, SSIM=0.7803 for x2 in the PBVS-2022 challenge test dataset." 916,How many labelers do you have? A closer look at gold-standard labels,"The construction of most supervised learning datasets revolves around collecting multiple labels for each instance, then aggregating the labels to form a type of ``gold-standard.''. We question the wisdom of this pipeline by developing a (stylized) theoretical model of this process and analyzing its statistical consequences, showing how access to non-aggregated label information can make training well-calibrated models easier or -- in some cases -- even feasible, whereas it is impossible with only gold-standard labels. The entire story, however, is subtle, and the contrasts between aggregated and fuller label information depend on the particulars of the problem, where estimators that use aggregated information exhibit robust but slower rates of convergence, while estimators that can effectively leverage all labels converge more quickly if they have fidelity to (or can learn) the true labeling process. The theory we develop in the stylized model makes several predictions for real-world datasets, including when non-aggregate labels should improve learning performance, which we test to corroborate the validity of our predictions." 917,End-to-End Text-to-Speech Based on Latent Representation of Speaking Styles Using Spontaneous Dialogue,"The recent text-to-speech (TTS) has achieved quality comparable to that of humans; however, its application in spoken dialogue has not been widely studied. This study aims to realize a TTS that closely resembles human dialogue. First, we record and transcribe actual spontaneous dialogues. Then, the proposed dialogue TTS is trained in two stages: first stage, variational autoencoder (VAE)-VITS or Gaussian mixture variational autoencoder (GMVAE)-VITS is trained, which introduces an utterance-level latent variable into variational inference with adversarial learning for end-to-end text-to-speech (VITS), a recently proposed end-to-end TTS model. A style encoder that extracts a latent speaking style representation from speech is trained jointly with TTS. In the second stage, a style predictor is trained to predict the speaking style to be synthesized from dialogue history. During inference, by passing the speaking style representation predicted by the style predictor to VAE/GMVAE-VITS, speech can be synthesized in a style appropriate to the context of the dialogue. Subjective evaluation results demonstrate that the proposed method outperforms the original VITS in terms of dialogue-level naturalness." 918,BYOL-S: Learning Self-supervised Speech Representations by Bootstrapping,"Methods for extracting audio and speech features have been studied since pioneering work on spectrum analysis decades ago. Recent efforts are guided by the ambition to develop general-purpose audio representations. For example, deep neural networks can extract optimal embeddings if they are trained on large audio datasets. This work extends existing methods based on self-supervised learning by bootstrapping, proposes various encoder architectures, and explores the effects of using different pre-training datasets. Lastly, we present a novel training framework to come up with a hybrid audio representation, which combines handcrafted and data-driven learned audio features. All the proposed representations were evaluated within the HEAR NeurIPS 2021 challenge for auditory scene classification and timestamp detection tasks. Our results indicate that the hybrid model with a convolutional transformer as the encoder yields superior performance in most HEAR challenge tasks." 919,How to Train Your HiPPO: State Space Models with Generalized Orthogonal Basis Projections,"Linear time-invariant state space models (SSM) are a classical model from engineering and statistics, that have recently been shown to be very promising in machine learning through the Structured State Space sequence model (S4). A core component of S4 involves initializing the SSM state matrix to a particular matrix called a HiPPO matrix, which was empirically important for S4's ability to handle long sequences. However, the specific matrix that S4 uses was actually derived in previous work for a particular time-varying dynamical system, and the use of this matrix as a time-invariant SSM had no known mathematical interpretation. Consequently, the theoretical mechanism by which S4 models long-range dependencies actually remains unexplained. We derive a more general and intuitive formulation of the HiPPO framework, which provides a simple mathematical interpretation of S4 as a decomposition onto exponentially-warped Legendre polynomials, explaining its ability to capture long dependencies. Our generalization introduces a theoretically rich class of SSMs that also lets us derive more intuitive S4 variants for other bases such as the Fourier basis, and explains other aspects of training S4, such as how to initialize the important timescale parameter. These insights improve S4's performance to 86% on the Long Range Arena benchmark, with 96% on the most difficult Path-X task." 920,A Grey-box Launch-profile Aware Model for C+L Band Raman Amplification,"Based on the physical features of Raman amplification, we propose a three-step modelling scheme based on neural networks (NN) and linear regression. Higher accuracy, less data requirements and lower computational complexity are demonstrated through simulations compared with the pure NN-based method." 921,A novel approach to increase scalability while training machine learning algorithms using Bfloat 16 in credit card fraud detection,"The use of credit cards has become quite common these days as digital banking has become the norm. With this increase, fraud in credit cards also has a huge problem and loss to the banks and customers alike. Normal fraud detection systems, are not able to detect the fraud since fraudsters emerge with new techniques to commit fraud. This creates the need to use machine learning-based software to detect frauds. Currently, the machine learning softwares that are available focuses only on the accuracy of detecting frauds but does not focus on the cost or time factors to detect. This research focuses on machine learning scalability for banks' credit card fraud detection systems. We have compared the existing machine learning algorithms and methods that are available with the newly proposed technique. The goal is to prove that using fewer bits for training a machine learning algorithm will result in a more scalable system, that will reduce the time and will also be less costly to implement." 922,Phasic Self-Imitative Reduction for Sparse-Reward Goal-Conditioned Reinforcement Learning,"It has been a recent trend to leverage the power of supervised learning (SL) towards more effective reinforcement learning (RL) methods. We propose a novel phasic approach by alternating online RL and offline SL for tackling sparse-reward goal-conditioned problems. In the online phase, we perform RL training and collect rollout data while in the offline phase, we perform SL on those successful trajectories from the dataset. To further improve sample efficiency, we adopt additional techniques in the online phase including task reduction to generate more feasible trajectories and a value-difference-based intrinsic reward to alleviate the sparse-reward issue. We call this overall algorithm, PhAsic self-Imitative Reduction (PAIR). PAIR substantially outperforms both non-phasic RL and phasic SL baselines on sparse-reward goal-conditioned robotic control problems, including a challenging stacking task. PAIR is the first RL method that learns to stack 6 cubes with only 0/1 success rewards from scratch." 923,Provably Efficient Reinforcement Learning in Partially Observable Dynamical Systems,"We study Reinforcement Learning for partially observable dynamical systems using function approximation. We propose a new \textit{Partially Observable Bilinear Actor-Critic framework}, that is general enough to include models such as observable tabular Partially Observable Markov Decision Processes (POMDPs), observable Linear-Quadratic-Gaussian (LQG), Predictive State Representations (PSRs), as well as a newly introduced model Hilbert Space Embeddings of POMDPs and observable POMDPs with latent low-rank transition. Under this framework, we propose an actor-critic style algorithm that is capable of performing agnostic policy learning. Given a policy class that consists of memory based policies (that look at a fixed-length window of recent observations), and a value function class that consists of functions taking both memory and future observations as inputs, our algorithm learns to compete against the best memory-based policy in the given policy class. For certain examples such as undercomplete observable tabular POMDPs, observable LQGs and observable POMDPs with latent low-rank transition, by implicitly leveraging their special properties, our algorithm is even capable of competing against the globally optimal policy without paying an exponential dependence on the horizon in its sample complexity." 924,Three Applications of Conformal Prediction for Rating Breast Density in Mammography,"Breast cancer is the most common cancers and early detection from mammography screening is crucial in improving patient outcomes. Assessing mammographic breast density is clinically important as the denser breasts have higher risk and are more likely to occlude tumors. Manual assessment by experts is both time-consuming and subject to inter-rater variability. As such, there has been increased interest in the development of deep learning methods for mammographic breast density assessment. Despite deep learning having demonstrated impressive performance in several prediction tasks for applications in mammography, clinical deployment of deep learning systems in still relatively rare; historically, mammography Computer-Aided Diagnoses (CAD) have over-promised and failed to deliver. This is in part due to the inability to intuitively quantify uncertainty of the algorithm for the clinician, which would greatly enhance usability. Conformal prediction is well suited to increase reliably and trust in deep learning tools but they lack realistic evaluations on medical datasets. In this paper, we present a detailed analysis of three possible applications of conformal prediction applied to medical imaging tasks: distribution shift characterization, prediction quality improvement, and subgroup fairness analysis. Our results show the potential of distribution-free uncertainty quantification techniques to enhance trust on AI algorithms and expedite their translation to usage." 925,Knowledge Distillation via Weighted Ensemble of Teaching Assistants,"Knowledge distillation in machine learning is the process of transferring knowledge from a large model called the teacher to a smaller model called the student. Knowledge distillation is one of the techniques to compress the large network (teacher) to a smaller network (student) that can be deployed in small devices such as mobile phones. When the network size gap between the teacher and student increases, the performance of the student network decreases. To solve this problem, an intermediate model is employed between the teacher model and the student model known as the teaching assistant model, which in turn bridges the gap between the teacher and the student. In this research, we have shown that using multiple teaching assistant models, the student model (the smaller model) can be further improved. We combined these multiple teaching assistant models using weighted ensemble learning where we have used a differential evaluation optimization algorithm to generate the weight values." 926,Sampling Enclosing Subgraphs for Link Prediction,"Link prediction is a fundamental problem for graph-structured data (e.g., social networks, drug side-effect networks, etc.). Graph neural networks have offered robust solutions for this problem, specifically by learning the representation of the subgraph enclosing the target link (i.e., pair of nodes). However, these solutions do not scale well to large graphs as extraction and operation on enclosing subgraphs are computationally expensive, especially for large graphs. This paper presents a scalable link prediction solution, that we call ScaLed, which utilizes sparse enclosing subgraphs to make predictions. To extract sparse enclosing subgraphs, ScaLed takes multiple random walks from a target pair of nodes, then operates on the sampled enclosing subgraph induced by all visited nodes. By leveraging the smaller sampled enclosing subgraph, ScaLed can scale to larger graphs with much less overhead while maintaining high accuracy. ScaLed further provides the flexibility to control the trade-off between computation overhead and accuracy. Through comprehensive experiments, we have shown that ScaLed can produce comparable accuracy to those reported by the existing subgraph representation learning frameworks while being less computationally demanding." 927,"STREAMLINE: A Simple, Transparent, End-To-End Automated Machine Learning Pipeline Facilitating Data Analysis and Algorithm Comparison","Machine learning (ML) offers powerful methods for detecting and modeling associations often in data with large feature spaces and complex associations. Many useful tools/packages (e.g. scikit-learn) have been developed to make the various elements of data handling, processing, modeling, and interpretation accessible. However, it is not trivial for most investigators to assemble these elements into a rigorous, replicatable, unbiased, and effective data analysis pipeline. Automated machine learning (AutoML) seeks to address these issues by simplifying the process of ML analysis for all. Here, we introduce STREAMLINE, a simple, transparent, end-to-end AutoML pipeline designed as a framework to easily conduct rigorous ML modeling and analysis (limited initially to binary classification). STREAMLINE is specifically designed to compare performance between datasets, ML algorithms, and other AutoML tools. It is unique among other autoML tools by offering a fully transparent and consistent baseline of comparison using a carefully designed series of pipeline elements including: (1) exploratory analysis, (2) basic data cleaning, (3) cross validation partitioning, (4) data scaling and imputation, (5) filter-based feature importance estimation, (6) collective feature selection, (7) ML modeling with `Optuna' hyperparameter optimization across 15 established algorithms (including less well-known Genetic Programming and rule-based ML), (8) evaluation across 16 classification metrics, (9) model feature importance estimation, (10) statistical significance comparisons, and (11) automatically exporting all results, plots, a PDF summary report, and models that can be easily applied to replication data." 928,The Real Deal: A Review of Challenges and Opportunities in Moving Reinforcement Learning-Based Traffic Signal Control Systems Towards Reality,"Traffic signal control (TSC) is a high-stakes domain that is growing in importance as traffic volume grows globally. An increasing number of works are applying reinforcement learning (RL) to TSC; RL can draw on an abundance of traffic data to improve signalling efficiency. However, RL-based signal controllers have never been deployed. In this work, we provide the first review of challenges that must be addressed before RL can be deployed for TSC. We focus on four challenges involving (1) uncertainty in detection, (2) reliability of communications, (3) compliance and interpretability, and (4) heterogeneous road users. We show that the literature on RL-based TSC has made some progress towards addressing each challenge. However, more work should take a systems thinking approach that considers the impacts of other pipeline components on RL." 929,Efficient and Accurate Top-$K$ Recovery from Choice Data,"The intersection of learning to rank and choice modeling is an active area of research with applications in e-commerce, information retrieval and the social sciences. In some applications such as recommendation systems, the statistician is primarily interested in recovering the set of the top ranked items from a large pool of items as efficiently as possible using passively collected discrete choice data, i.e., the user picks one item from a set of multiple items. Motivated by this practical consideration, we propose the choice-based Borda count algorithm as a fast and accurate ranking algorithm for top $K$-recovery i.e., correctly identifying all of the top $K$ items. We show that the choice-based Borda count algorithm has optimal sample complexity for top-$K$ recovery under a broad class of random utility models. We prove that in the limit, the choice-based Borda count algorithm produces the same top-$K$ estimate as the commonly used Maximum Likelihood Estimate method but the former's speed and simplicity brings considerable advantages in practice. Experiments on both synthetic and real datasets show that the counting algorithm is competitive with commonly used ranking algorithms in terms of accuracy while being several orders of magnitude faster." 930,A Disability Lens towards Biases in GPT-3 Generated Open-Ended Languages,"Language models (LM) are becoming prevalent in many language-based application spaces globally. Although these LMs are improving our day-to-day interactions with digital products, concerns remain whether open-ended languages or text generated from these models reveal any biases toward a specific group of people, thereby risking the usability of a certain product. There is a need to identify whether these models possess bias to improve the fairness in these models. This gap motivates our ongoing work, where we measured the two aspects of bias in GPT-3 generated text through a disability lens." 931,Equiformer: Equivariant Graph Attention Transformer for 3D Atomistic Graphs,"3D-related inductive biases like translational invariance and rotational equivariance are indispensable to graph neural networks operating on 3D atomistic graphs such as molecules. Inspired by the success of Transformers in various domains, we study how to incorporate these inductive biases into Transformers. In this paper, we present Equiformer, a graph neural network leveraging the strength of Transformer architectures and incorporating $SE(3)/E(3)$-equivariant features based on irreducible representations (irreps). Irreps features encode equivariant information in channel dimensions without complicating graph structures. The simplicity enables us to directly incorporate them by replacing original operations with equivariant counterparts. Moreover, to better adapt Transformers to 3D graphs, we propose a novel equivariant graph attention, which considers both content and geometric information such as relative position contained in irreps features. To improve expressivity of the attention, we replace dot product attention with multi-layer perceptron attention and include non-linear message passing. We benchmark Equiformer on two quantum properties prediction datasets, QM9 and OC20. For QM9, among models trained with the same data partition, Equiformer achieves best results on 11 out of 12 regression tasks. For OC20, under the setting of training with IS2RE data and optionally IS2RS data, Equiformer improves upon state-of-the-art models. Code reproducing all main results will be available soon." 932,On making optimal transport robust to all outliers,"Optimal transport (OT) is known to be sensitive against outliers because of its marginal constraints. Outlier robust OT variants have been proposed based on the definition that outliers are samples which are expensive to move. In this paper, we show that this definition is restricted by considering the case where outliers are closer to the target measure than clean samples. We show that outlier robust OT fully transports these outliers leading to poor performances in practice. To tackle these outliers, we propose to detect them by relying on a classifier trained with adversarial training to classify source and target samples. A sample is then considered as an outlier if the prediction from the classifier is different from its assigned label. To decrease the influence of these outliers in the transport problem, we propose to either remove them from the problem or to increase the cost of moving them by using the classifier prediction. We show that we successfully detect these outliers and that they do not influence the transport problem on several experiments such as gradient flows, generative models and label propagation." 933,Task-Adaptive Few-shot Node Classification,"Node classification is of great importance among various graph mining tasks. In practice, real-world graphs generally follow the long-tail distribution, where a large number of classes only consist of limited labeled nodes. Although Graph Neural Networks (GNNs) have achieved significant improvements in node classification, their performance decreases substantially in such a few-shot scenario. The main reason can be attributed to the vast generalization gap between meta-training and meta-test due to the task variance caused by different node/class distributions in meta-tasks (i.e., node-level and class-level variance). Therefore, to effectively alleviate the impact of task variance, we propose a task-adaptive node classification framework under the few-shot learning setting. Specifically, we first accumulate meta-knowledge across classes with abundant labeled nodes. Then we transfer such knowledge to the classes with limited labeled nodes via our proposed task-adaptive modules. In particular, to accommodate the different node/class distributions among meta-tasks, we propose three essential modules to perform \emph{node-level}, \emph{class-level}, and \emph{task-level} adaptations in each meta-task, respectively. In this way, our framework can conduct adaptations to different meta-tasks and thus advance the model generalization performance on meta-test tasks. Extensive experiments on four prevalent node classification datasets demonstrate the superiority of our framework over the state-of-the-art baselines. Our code is provided at https://github.com/SongW-SW/TENT." 934,Learning quantum symmetries with interactive quantum-classical variational algorithms,"A symmetry of a state $\lvert \psi \rangle$ is a unitary operator of which $\lvert \psi \rangle$ is an eigenvector. When $\lvert \psi \rangle$ is an unknown state supplied by a black-box oracle, the state's symmetries serve to characterize it, and often relegate much of the desired information about $\lvert \psi \rangle$. In this paper, we develop a variational hybrid quantum-classical learning scheme to systematically probe for symmetries of $\lvert \psi \rangle$ with no a priori assumptions about the state. This procedure can be used to learn various symmetries at the same time. In order to avoid re-learning already known symmetries, we introduce an interactive protocol with a classical deep neural net. The classical net thereby regularizes against repetitive findings and allows our algorithm to terminate empirically with all possible symmetries found. Our scheme can be implemented efficiently on average with non-local SWAP gates; we also give a less efficient algorithm with only local operations, which may be more appropriate for current noisy quantum devices. We demonstrate our algorithm on representative families of states." 935,Similarity-aware Positive Instance Sampling for Graph Contrastive Pre-training,"Graph instance contrastive learning has been proved as an effective task for Graph Neural Network (GNN) pre-training. However, one key issue may seriously impede the representative power in existing works: Positive instances created by current methods often miss crucial information of graphs or even yield illegal instances (such as non-chemically-aware graphs in molecular generation). To remedy this issue, we propose to select positive graph instances directly from existing graphs in the training set, which ultimately maintains the legality and similarity to the target graphs. Our selection is based on certain domain-specific pair-wise similarity measurements as well as sampling from a hierarchical graph encoding similarity relations among graphs. Besides, we develop an adaptive node-level pre-training method to dynamically mask nodes to distribute them evenly in the graph. We conduct extensive experiments on $13$ graph classification and node classification benchmark datasets from various domains. The results demonstrate that the GNN models pre-trained by our strategies can outperform those trained-from-scratch models as well as the variants obtained by existing methods." 936,Affinity-Aware Graph Networks,"Graph Neural Networks (GNNs) have emerged as a powerful technique for learning on relational data. Owing to the relatively limited number of message passing steps they perform -- and hence a smaller receptive field -- there has been significant interest in improving their expressivity by incorporating structural aspects of the underlying graph. In this paper, we explore the use of affinity measures as features in graph neural networks, in particular measures arising from random walks, including effective resistance, hitting and commute times. We propose message passing networks based on these features and evaluate their performance on a variety of node and graph property prediction tasks. Our architecture has lower computational complexity, while our features are invariant to the permutations of the underlying graph. The measures we compute allow the network to exploit the connectivity properties of the graph, thereby allowing us to outperform relevant benchmarks for a wide variety of tasks, often with significantly fewer message passing steps. On one of the largest publicly available graph regression datasets, OGB-LSC-PCQM4Mv1, we obtain the best known single-model validation MAE at the time of writing." 937,World Value Functions: Knowledge Representation for Learning and Planning,"We propose world value functions (WVFs), a type of goal-oriented general value function that represents how to solve not just a given task, but any other goal-reaching task in an agent's environment. This is achieved by equipping an agent with an internal goal space defined as all the world states where it experiences a terminal transition. The agent can then modify the standard task rewards to define its own reward function, which provably drives it to learn how to achieve all reachable internal goals, and the value of doing so in the current task. We demonstrate two key benefits of WVFs in the context of learning and planning. In particular, given a learned WVF, an agent can compute the optimal policy in a new task by simply estimating the task's reward function. Furthermore, we show that WVFs also implicitly encode the transition dynamics of the environment, and so can be used to perform planning. Experimental results show that WVFs can be learned faster than regular value functions, while their ability to infer the environment's dynamics can be used to integrate learning and planning methods to further improve sample efficiency." 938,Measuring Representational Robustness of Neural Networks Through Shared Invariances,"A major challenge in studying robustness in deep learning is defining the set of ``meaningless'' perturbations to which a given Neural Network (NN) should be invariant. Most work on robustness implicitly uses a human as the reference model to define such perturbations. Our work offers a new view on robustness by using another reference NN to define the set of perturbations a given NN should be invariant to, thus generalizing the reliance on a reference ``human NN'' to any NN. This makes measuring robustness equivalent to measuring the extent to which two NNs share invariances, for which we propose a measure called STIR. STIR re-purposes existing representation similarity measures to make them suitable for measuring shared invariances. Using our measure, we are able to gain insights into how shared invariances vary with changes in weight initialization, architecture, loss functions, and training dataset. Our implementation is available at: \url{https://github.com/nvedant07/STIR}." 939,Modeling Continuous Time Sequences with Intermittent Observations using Marked Temporal Point Processes,"A large fraction of data generated via human activities such as online purchases, health records, spatial mobility etc. can be represented as a sequence of events over a continuous-time. Learning deep learning models over these continuous-time event sequences is a non-trivial task as it involves modeling the ever-increasing event timestamps, inter-event time gaps, event types, and the influences between different events within and across different sequences. In recent years neural enhancements to marked temporal point processes (MTPP) have emerged as a powerful framework to model the underlying generative mechanism of asynchronous events localized in continuous time. However, most existing models and inference methods in the MTPP framework consider only the complete observation scenario i.e. the event sequence being modeled is completely observed with no missing events -- an ideal setting that is rarely applicable in real-world applications. A recent line of work which considers missing events while training MTPP utilizes supervised learning techniques that require additional knowledge of missing or observed label for each event in a sequence, which further restricts its practicability as in several scenarios the details of missing events is not known apriori. In this work, we provide a novel unsupervised model and inference method for learning MTPP in presence of event sequences with missing events. Specifically, we first model the generative processes of observed events and missing events using two MTPP, where the missing events are represented as latent random variables. Then, we devise an unsupervised training method that jointly learns both the MTPP by means of variational inference. Such a formulation can effectively impute the missing data among the observed events and can identify the optimal position of missing events in a sequence." 940,QbyE-MLPMixer: Query-by-Example Open-Vocabulary Keyword Spotting using MLPMixer,"Current keyword spotting systems are typically trained with a large amount of pre-defined keywords. Recognizing keywords in an open-vocabulary setting is essential for personalizing smart device interaction. Towards this goal, we propose a pure MLP-based neural network that is based on MLPMixer - an MLP model architecture that effectively replaces the attention mechanism in Vision Transformers. We investigate different ways of adapting the MLPMixer architecture to the QbyE open-vocabulary keyword spotting task. Comparisons with the state-of-the-art RNN and CNN models show that our method achieves better performance in challenging situations (10dB and 6dB environments) on both the publicly available Hey-Snips dataset and a larger scale internal dataset with 400 speakers. Our proposed model also has a smaller number of parameters and MACs compared to the baseline models." 941,Set Norm and Equivariant Skip Connections: Putting the Deep in Deep Sets,"Permutation invariant neural networks are a promising tool for making predictions from sets. However, we show that existing permutation invariant architectures, Deep Sets and Set Transformer, can suffer from vanishing or exploding gradients when they are deep. Additionally, layer norm, the normalization of choice in Set Transformer, can hurt performance by removing information useful for prediction. To address these issues, we introduce the clean path principle for equivariant residual connections and develop set norm, a normalization tailored for sets. With these, we build Deep Sets++ and Set Transformer++, models that reach high depths with comparable or better performance than their original counterparts on a diverse suite of tasks. We additionally introduce Flow-RBC, a new single-cell dataset and real-world application of permutation invariant prediction. We open-source our data and code here: https://github.com/rajesh-lab/deep_permutation_invariant." 942,Learning Viewpoint-Agnostic Visual Representations by Recovering Tokens in 3D Space,"Humans are remarkably flexible in understanding viewpoint changes due to visual cortex supporting the perception of 3D structure. In contrast, most of the computer vision models that learn visual representation from a pool of 2D images often fail to generalize over novel camera viewpoints. Recently, the vision architectures have shifted towards convolution-free architectures, visual Transformers, which operate on tokens derived from image patches. However, neither these Transformers nor 2D convolutional networks perform explicit operations to learn viewpoint-agnostic representation for visual understanding. To this end, we propose a 3D Token Representation Layer (3DTRL) that estimates the 3D positional information of the visual tokens and leverages it for learning viewpoint-agnostic representations. The key elements of 3DTRL include a pseudo-depth estimator and a learned camera matrix to impose geometric transformations on the tokens. These enable 3DTRL to recover the 3D positional information of the tokens from 2D patches. In practice, 3DTRL is easily plugged-in into a Transformer. Our experiments demonstrate the effectiveness of 3DTRL in many vision tasks including image classification, multi-view video alignment, and action recognition. The models with 3DTRL outperform their backbone Transformers in all the tasks with minimal added computation. Our project page is at https://www3.cs.stonybrook.edu/~jishang/3dtrl/3dtrl.html" 943,MaskViT: Masked Visual Pre-Training for Video Prediction,"The ability to predict future visual observations conditioned on past observations and motor commands can enable embodied agents to plan solutions to a variety of tasks in complex environments. This work shows that we can create good video prediction models by pre-training transformers via masked visual modeling. Our approach, named MaskViT, is based on two simple design decisions. First, for memory and training efficiency, we use two types of window attention: spatial and spatiotemporal. Second, during training, we mask a variable percentage of tokens instead of a fixed mask ratio. For inference, MaskViT generates all tokens via iterative refinement where we incrementally decrease the masking ratio following a mask scheduling function. On several datasets we demonstrate that MaskViT outperforms prior works in video prediction, is parameter efficient, and can generate high-resolution videos (256x256). Further, we demonstrate the benefits of inference speedup (up to 512x) due to iterative decoding by using MaskViT for planning on a real robot. Our work suggests that we can endow embodied agents with powerful predictive models by leveraging the general framework of masked visual modeling with minimal domain knowledge." 944,On the Parameterization and Initialization of Diagonal State Space Models,"State space models (SSM) have recently been shown to be very effective as a deep learning layer as a promising alternative to sequence models such as RNNs, CNNs, or Transformers. The first version to show this potential was the S4 model, which is particularly effective on tasks involving long-range dependencies by using a prescribed state matrix called the HiPPO matrix. While this has an interpretable mathematical mechanism for modeling long dependencies, it introduces a custom representation and algorithm that can be difficult to implement. On the other hand, a recent variant of S4 called DSS showed that restricting the state matrix to be fully diagonal can still preserve the performance of the original model when using a specific initialization based on approximating S4's matrix. This work seeks to systematically understand how to parameterize and initialize such diagonal state space models. While it follows from classical results that almost all SSMs have an equivalent diagonal form, we show that the initialization is critical for performance. We explain why DSS works mathematically, by showing that the diagonal restriction of S4's matrix surprisingly recovers the same kernel in the limit of infinite state dimension. We also systematically describe various design choices in parameterizing and computing diagonal SSMs, and perform a controlled empirical study ablating the effects of these choices. Our final model S4D is a simple diagonal version of S4 whose kernel computation requires just 2 lines of code and performs comparably to S4 in almost all settings, with state-of-the-art results for image, audio, and medical time-series domains, and averaging 85\% on the Long Range Arena benchmark." 945,DDPM-CD: Remote Sensing Change Detection using Denoising Diffusion Probabilistic Models,"Human civilization has an increasingly powerful influence on the earth system, and earth observations are an invaluable tool for assessing and mitigating the negative impacts. To this end, observing precisely defined changes on Earth's surface is essential, and we propose an effective way to achieve this goal. Notably, our change detection (CD)/ segmentation method proposes a novel way to incorporate the millions of off-the-shelf, unlabeled, remote sensing images available through different earth observation programs into the training process through denoising diffusion probabilistic models. We first leverage the information from these off-the-shelf, uncurated, and unlabeled remote sensing images by using a pre-trained denoising diffusion probabilistic model and then employ the multi-scale feature representations from the diffusion model decoder to train a lightweight CD classifier to detect precise changes. The experiments performed on four publically available CD datasets show that the proposed approach achieves remarkably better results than the state-of-the-art methods in F1, IoU, and overall accuracy. Code and pre-trained models are available at: https://github.com/wgcban/ddpm-cd" 946,Provably Efficient Model-Free Constrained RL with Linear Function Approximation,"We study the constrained reinforcement learning problem, in which an agent aims to maximize the expected cumulative reward subject to a constraint on the expected total value of a utility function. In contrast to existing model-based approaches or model-free methods accompanied with a `simulator', we aim to develop the first model-free, simulator-free algorithm that achieves a sublinear regret and a sublinear constraint violation even in large-scale systems. To this end, we consider the episodic constrained Markov decision processes with linear function approximation, where the transition dynamics and the reward function can be represented as a linear function of some known feature mapping. We show that $\tilde{\mathcal{O}}(\sqrt{d^3H^3T})$ regret and $\tilde{\mathcal{O}}(\sqrt{d^3H^3T})$ constraint violation bounds can be achieved, where $d$ is the dimension of the feature mapping, $H$ is the length of the episode, and $T$ is the total number of steps. Our bounds are attained without explicitly estimating the unknown transition model or requiring a simulator, and they depend on the state space only through the dimension of the feature mapping. Hence our bounds hold even when the number of states goes to infinity. Our main results are achieved via novel adaptations of the standard LSVI-UCB algorithms. In particular, we first introduce primal-dual optimization into the LSVI-UCB algorithm to balance between regret and constraint violation. More importantly, we replace the standard greedy selection with respect to the state-action function in LSVI-UCB with a soft-max policy. This turns out to be key in establishing uniform concentration for the constrained case via its approximation-smoothness trade-off. We also show that one can achieve an even zero constraint violation while still maintaining the same order with respect to $T$." 947,On the Generalizability and Predictability of Recommender Systems,"While other areas of machine learning have seen more and more automation, designing a high-performing recommender system still requires a high level of human effort. Furthermore, recent work has shown that modern recommender system algorithms do not always improve over well-tuned baselines. A natural follow-up question is, ""how do we choose the right algorithm for a new dataset and performance metric?"" In this work, we start by giving the first large-scale study of recommender system approaches by comparing 18 algorithms and 100 sets of hyperparameters across 85 datasets and 315 metrics. We find that the best algorithms and hyperparameters are highly dependent on the dataset and performance metric, however, there are also strong correlations between the performance of each algorithm and various meta-features of the datasets. Motivated by these findings, we create RecZilla, a meta-learning approach to recommender systems that uses a model to predict the best algorithm and hyperparameters for new, unseen datasets. By using far more meta-training data than prior work, RecZilla is able to substantially reduce the level of human involvement when faced with a new recommender system application. We not only release our code and pretrained RecZilla models, but also all of our raw experimental results, so that practitioners can train a RecZilla model for their desired performance metric: https://github.com/naszilla/reczilla." 948,Predicting the meal macronutrient composition from continuous glucose monitors,"Sustained high levels of blood glucose in type 2 diabetes (T2DM) can have disastrous long-term health consequences. An essential component of clinical interventions for T2DM is monitoring dietary intake to keep plasma glucose levels within an acceptable range. Yet, current techniques to monitor food intake are time intensive and error prone. To address this issue, we are developing techniques to automatically monitor food intake and the composition of those foods using continuous glucose monitors (CGMs). This article presents the results of a clinical study in which participants consumed nine standardized meals with known macronutrients amounts (carbohydrate, protein, and fat) while wearing a CGM. We built a multitask neural network to estimate the macronutrient composition from the CGM signal, and compared it against a baseline linear regression. The best prediction result comes from our proposed neural network, trained with subject-dependent data, as measured by root mean squared relative error and correlation coefficient. These findings suggest that it is possible to estimate macronutrient composition from CGM signals, opening the possibility to develop automatic techniques to track food intake." 949,A Topological characterisation of Weisfeiler-Leman equivalence classes,"Graph Neural Networks (GNNs) are learning models aimed at processing graphs and signals on graphs. The most popular and successful GNNs are based on message passing schemes. Such schemes inherently have limited expressive power when it comes to distinguishing two non-isomorphic graphs. In this article, we rely on the theory of covering spaces to fully characterize the classes of graphs that GNNs cannot distinguish. We then generate arbitrarily many non-isomorphic graphs that cannot be distinguished by GNNs, leading to the GraphCovers dataset. We also show that the number of indistinguishable graphs in our dataset grows super-exponentially with the number of nodes. Finally, we test the GraphCovers dataset on several GNN architectures, showing that none of them can distinguish any two graphs it contains." 950,Sample Condensation in Online Continual Learning,"Online Continual learning is a challenging learning scenario where the model must learn from a non-stationary stream of data where each sample is seen only once. The main challenge is to incrementally learn while avoiding catastrophic forgetting, namely the problem of forgetting previously acquired knowledge while learning from new data. A popular solution in these scenario is to use a small memory to retain old data and rehearse them over time. Unfortunately, due to the limited memory size, the quality of the memory will deteriorate over time. In this paper we propose OLCGM, a novel replay-based continual learning strategy that uses knowledge condensation techniques to continuously compress the memory and achieve a better use of its limited size. The sample condensation step compresses old samples, instead of removing them like other replay strategies. As a result, the experiments show that, whenever the memory budget is limited compared to the complexity of the data, OLCGM improves the final accuracy compared to state-of-the-art replay strategies." 951,Quant-BnB: A Scalable Branch-and-Bound Method for Optimal Decision Trees with Continuous Features,"Decision trees are one of the most useful and popular methods in the machine learning toolbox. In this paper, we consider the problem of learning optimal decision trees, a combinatorial optimization problem that is challenging to solve at scale. A common approach in the literature is to use greedy heuristics, which may not be optimal. Recently there has been significant interest in learning optimal decision trees using various approaches (e.g., based on integer programming, dynamic programming) -- to achieve computational scalability, most of these approaches focus on classification tasks with binary features. In this paper, we present a new discrete optimization method based on branch-and-bound (BnB) to obtain optimal decision trees. Different from existing customized approaches, we consider both regression and classification tasks with continuous features. The basic idea underlying our approach is to split the search space based on the quantiles of the feature distribution -- leading to upper and lower bounds for the underlying optimization problem along the BnB iterations. Our proposed algorithm Quant-BnB shows significant speedups compared to existing approaches for shallow optimal trees on various real datasets." 952,Non-Determinism and the Lawlessness of ML Code,"Legal literature on machine learning (ML) tends to focus on harms, and as a result tends to reason about individual model outcomes and summary error rates. This focus on model-level outcomes and errors has masked important aspects of ML that are rooted in its inherent non-determinism. We show that the effects of non-determinism, and consequently its implications for the law, instead become clearer from the perspective of reasoning about ML outputs as probability distributions over possible outcomes. This distributional viewpoint accounts for non-determinism by emphasizing the possible outcomes of ML. Importantly, this type of reasoning is not exclusive with current legal reasoning; it complements (and in fact can strengthen) analyses concerning individual, concrete outcomes for specific automated decisions. By clarifying the important role of non-determinism, we demonstrate that ML code falls outside of the cyberlaw frame of treating ""code as law,"" as this frame assumes that code is deterministic. We conclude with a brief discussion of what work ML can do to constrain the potentially harm-inducing effects of non-determinism, and we clarify where the law must do work to bridge the gap between its current individual-outcome focus and the distributional approach that we recommend." 953,CoSP: Co-supervised pretraining of pocket and ligand,"Can we inject the pocket-ligand interaction knowledge into the pre-trained model and jointly learn their chemical space? Pretraining molecules and proteins has attracted considerable attention in recent years, while most of these approaches focus on learning one of the chemical spaces and lack the injection of biological knowledge. We propose a co-supervised pretraining (CoSP) framework to simultaneously learn 3D pocket and ligand representations. We use a gated geometric message passing layer to model both 3D pockets and ligands, where each node's chemical features, geometric position and orientation are considered. To learn biological meaningful embeddings, we inject the pocket-ligand interaction knowledge into the pretraining model via contrastive loss. Considering the specificity of molecules, we further propose a chemical similarity-enhanced negative sampling strategy to improve the contrastive learning performance. Through extensive experiments, we conclude that CoSP can achieve competitive results in pocket matching, molecule property predictions, and virtual screening." 954,Inductive Conformal Prediction: A Straightforward Introduction with Examples in Python,"Inductive Conformal Prediction (ICP) is a set of distribution-free and model agnostic algorithms devised to predict with a user-defined confidence with coverage guarantee. Instead of having point predictions, i.e., a real number in the case of regression or a single class in multi class classification, models calibrated using ICP output an interval or a set of classes, respectively. ICP takes special importance in high-risk settings where we want the true output to belong to the prediction set with high probability. As an example, a classification model might output that given a magnetic resonance image a patient has no latent diseases to report. However, this model output was based on the most likely class, the second most likely class might tell that the patient has a 15% chance of brain tumor or other severe disease and therefore further exams should be conducted. Using ICP is therefore way more informative and we believe that should be the standard way of producing forecasts. This paper is a hands-on introduction, this means that we will provide examples as we introduce the theory." 955,Video PreTraining (VPT): Learning to Act by Watching Unlabeled Online Videos,"Pretraining on noisy, internet-scale datasets has been heavily studied as a technique for training models with broad, general capabilities for text, images, and other modalities. However, for many sequential decision domains such as robotics, video games, and computer use, publicly available data does not contain the labels required to train behavioral priors in the same way. We extend the internet-scale pretraining paradigm to sequential decision domains through semi-supervised imitation learning wherein agents learn to act by watching online unlabeled videos. Specifically, we show that with a small amount of labeled data we can train an inverse dynamics model accurate enough to label a huge unlabeled source of online data -- here, online videos of people playing Minecraft -- from which we can then train a general behavioral prior. Despite using the native human interface (mouse and keyboard at 20Hz), we show that this behavioral prior has nontrivial zero-shot capabilities and that it can be fine-tuned, with both imitation learning and reinforcement learning, to hard-exploration tasks that are impossible to learn from scratch via reinforcement learning. For many tasks our models exhibit human-level performance, and we are the first to report computer agents that can craft diamond tools, which can take proficient humans upwards of 20 minutes (24,000 environment actions) of gameplay to accomplish." 956,Authentication of Copy Detection Patterns under Machine Learning Attacks: A Supervised Approach,"Copy detection patterns (CDP) are an attractive technology that allows manufacturers to defend their products against counterfeiting. The main assumption behind the protection mechanism of CDP is that these codes printed with the smallest symbol size (1x1) on an industrial printer cannot be copied or cloned with sufficient accuracy due to data processing inequality. However, previous works have shown that Machine Learning (ML) based attacks can produce high-quality fakes, resulting in decreased accuracy of authentication based on traditional feature-based authentication systems. While Deep Learning (DL) can be used as a part of the authentication system, to the best of our knowledge, none of the previous works has studied the performance of a DL-based authentication system against ML-based attacks on CDP with 1x1 symbol size. In this work, we study such a performance assuming a supervised learning (SL) setting." 957,Open-source FPGA-ML codesign for the MLPerf Tiny Benchmark,"We present our development experience and recent results for the MLPerf Tiny Inference Benchmark on field-programmable gate array (FPGA) platforms. We use the open-source hls4ml and FINN workflows, which aim to democratize AI-hardware codesign of optimized neural networks on FPGAs. We present the design and implementation process for the keyword spotting, anomaly detection, and image classification benchmark tasks. The resulting hardware implementations are quantized, configurable, spatial dataflow architectures tailored for speed and efficiency and introduce new generic optimizations and common workflows developed as a part of this work. The full workflow is presented from quantization-aware training to FPGA implementation. The solutions are deployed on system-on-chip (Pynq-Z2) and pure FPGA (Arty A7-100T) platforms. The resulting submissions achieve latencies as low as 20 $\mu$s and energy consumption as low as 30 $\mu$J per inference. We demonstrate how emerging ML benchmarks on heterogeneous hardware platforms can catalyze collaboration and the development of new techniques and more accessible tools." 958,Chasing Convex Bodies and Functions with Black-Box Advice,"We consider the problem of convex function chasing with black-box advice, where an online decision-maker aims to minimize the total cost of making and switching between decisions in a normed vector space, aided by black-box advice such as the decisions of a machine-learned algorithm. The decision-maker seeks cost comparable to the advice when it performs well, known as $\textit{consistency}$, while also ensuring worst-case $\textit{robustness}$ even when the advice is adversarial. We first consider the common paradigm of algorithms that switch between the decisions of the advice and a competitive algorithm, showing that no algorithm in this class can improve upon 3-consistency while staying robust. We then propose two novel algorithms that bypass this limitation by exploiting the problem's convexity. The first, INTERP, achieves $(\sqrt{2}+\epsilon)$-consistency and $\mathcal{O}(\frac{C}{\epsilon^2})$-robustness for any $\epsilon > 0$, where $C$ is the competitive ratio of an algorithm for convex function chasing or a subclass thereof. The second, BDINTERP, achieves $(1+\epsilon)$-consistency and $\mathcal{O}(\frac{CD}{\epsilon})$-robustness when the problem has bounded diameter $D$. Further, we show that BDINTERP achieves near-optimal consistency-robustness trade-off for the special case where cost functions are $\alpha$-polyhedral." 959,Graph Neural Networks for Temperature-Dependent Activity Coefficient Prediction of Solutes in Ionic Liquids,"Ionic liquids (ILs) are important solvents for sustainable processes and predicting activity coefficients (ACs) of solutes in ILs is needed. Recently, matrix completion methods (MCMs), transformers, and graph neural networks (GNNs) have shown high accuracy in predicting ACs of binary mixtures, superior to well-established models, e.g., COSMO-RS and UNIFAC. GNNs are particularly promising here as they learn a molecular graph-to-property relationship without pretraining, typically required for transformers, and are, unlike MCMs, applicable to molecules not included in training. For ILs, however, GNN applications are currently missing. Herein, we present a GNN to predict temperature-dependent infinite dilution ACs of solutes in ILs. We train the GNN on a database including more than 40,000 AC values and compare it to a state-of-the-art MCM. The GNN and MCM achieve similar high prediction performance, with the GNN additionally enabling high-quality predictions for ACs of solutions that contain ILs and solutes not considered during training." 960,Single-phase deep learning in cortico-cortical networks,"The error-backpropagation (backprop) algorithm remains the most common solution to the credit assignment problem in artificial neural networks. In neuroscience, it is unclear whether the brain could adopt a similar strategy to correctly modify its synapses. Recent models have attempted to bridge this gap while being consistent with a range of experimental observations. However, these models are either unable to effectively backpropagate error signals across multiple layers or require a multi-phase learning process, neither of which are reminiscent of learning in the brain. Here, we introduce a new model, bursting cortico-cortical networks (BurstCCN), which solves these issues by integrating known properties of cortical networks namely bursting activity, short-term plasticity (STP) and dendrite-targeting interneurons. BurstCCN relies on burst multiplexing via connection-type-specific STP to propagate backprop-like error signals within deep cortical networks. These error signals are encoded at distal dendrites and induce burst-dependent plasticity as a result of excitatory-inhibitory topdown inputs. First, we demonstrate that our model can effectively backpropagate errors through multiple layers using a single-phase learning process. Next, we show both empirically and analytically that learning in our model approximates backprop-derived gradients. Finally, we demonstrate that our model is capable of learning complex image classification tasks (MNIST and CIFAR-10). Overall, our results suggest that cortical features across sub-cellular, cellular, microcircuit and systems levels jointly underlie single-phase efficient deep learning in the brain." 961,The DEBS 2022 Grand Challenge: Detecting Trading Trends in Financial Tick Data,"The DEBS Grand Challenge (GC) is an annual programming competition open to practitioners from both academia and industry. The GC 2022 edition focuses on real-time complex event processing of high-volume tick data provided by Infront Financial Technology GmbH. The goal of the challenge is to efficiently compute specific trend indicators and detect patterns in these indicators like those used by real-life traders to decide on buying or selling in financial markets. The data set Trading Data used for benchmarking contains 289 million tick events from approximately 5500+ financial instruments that had been traded on the three major exchanges Amsterdam (NL), Paris (FR), and Frankfurt am Main (GER) over the course of a full week in 2021. The data set is made publicly available. In addition to correctness and performance, submissions must explicitly focus on reusability and practicability. Hence, participants must address specific nonfunctional requirements and are asked to build upon open-source platforms. This paper describes the required scenario and the data set Trading Data, defines the queries of the problem statement, and explains the enhancements made to the evaluation platform Challenger that handles data distribution, dynamic subscriptions, and remote evaluation of the submissions." 962,Measuring the Feasibility of Analogical Transfer using Complexity,"Analogies are 4-ary relations of the form ""A is to B as C is to D"". While focus has been mostly on how to solve an analogy, i.e. how to find correct values of D given A, B and C, less attention has been drawn on whether solving such an analogy was actually feasible. In this paper, we propose a quantification of the transferability of a source case (A and B) to solve a target problem C. This quantification is based on a complexity minimization principle which has been demonstrated to be efficient for solving analogies. We illustrate these notions on morphological analogies and show its connections with machine learning, and in particular with Unsupervised Domain Adaptation." 963,Classical surrogates for quantum learning models,"The advent of noisy intermediate-scale quantum computers has put the search for possible applications to the forefront of quantum information science. One area where hopes for an advantage through near-term quantum computers are high is quantum machine learning, where variational quantum learning models based on parametrized quantum circuits are discussed. In this work, we introduce the concept of a classical surrogate, a classical model which can be efficiently obtained from a trained quantum learning model and reproduces its input-output relations. As inference can be performed classically, the existence of a classical surrogate greatly enhances the applicability of a quantum learning strategy. However, the classical surrogate also challenges possible advantages of quantum schemes. As it is possible to directly optimize the ansatz of the classical surrogate, they create a natural benchmark the quantum model has to outperform. We show that large classes of well-analyzed re-uploading models have a classical surrogate. We conducted numerical experiments and found that these quantum models show no advantage in performance or trainability in the problems we analyze. This leaves only generalization capability as possible point of quantum advantage and emphasizes the dire need for a better understanding of inductive biases of quantum learning models." 964,NovelCraft: A Dataset for Novelty Detection and Discovery in Open Worlds,"In order for artificial agents to perform useful tasks in changing environments, they must be able to both detect and adapt to novelty. However, visual novelty detection research often only evaluates on repurposed datasets such as CIFAR-10 originally intended for object classification. This practice restricts novelties to well-framed images of distinct object types. We suggest that new benchmarks are needed to represent the challenges of navigating an open world. Our new NovelCraft dataset contains multi-modal episodic data of the images and symbolic world-states seen by an agent completing a pogo-stick assembly task within a video game world. In some episodes, we insert novel objects that can impact gameplay. Novelty can vary in size, position, and occlusion within complex scenes. We benchmark state-of-the-art novelty detection and generalized category discovery models with a focus on comprehensive evaluation. Results suggest an opportunity for future research: models aware of task-specific costs of different types of mistakes could more effectively detect and adapt to novelty in open worlds." 965,Walk the Random Walk: Learning to Discover and Reach Goals Without Supervision,"Learning a diverse set of skills by interacting with an environment without any external supervision is an important challenge. In particular, obtaining a goal-conditioned agent that can reach any given state is useful in many applications. We propose a novel method for training such a goal-conditioned agent without any external rewards or any domain knowledge. We use random walk to train a reachability network that predicts the similarity between two states. This reachability network is then used in building goal memory containing past observations that are diverse and well-balanced. Finally, we train a goal-conditioned policy network with goals sampled from the goal memory and reward it by the reachability network and the goal memory. All the components are kept updated throughout training as the agent discovers and learns new goals. We apply our method to a continuous control navigation and robotic manipulation tasks." 966,Self-Supervised Training with Autoencoders for Visual Anomaly Detection,"Deep convolutional autoencoders provide an effective tool for learning non-linear dimensionality reduction in an unsupervised way. Recently, they have been used for the task of anomaly detection in the visual domain. By optimising for the reconstruction error using anomaly-free examples, the common belief is that a trained network will have difficulties to reconstruct anomalous parts during the test phase. This is usually done by controlling the capacity of the network by either reducing the size of the bottleneck layer or enforcing sparsity constraints on its activations. However, neither of these techniques does explicitly penalise reconstruction of anomalous signals often resulting in a poor detection. We tackle this problem by adapting a self-supervised learning regime which allows to use discriminative information during training while regularising the model to focus on the data manifold by means of a modified reconstruction error resulting in an accurate detection. Unlike related approaches, the inference of the proposed method during training and prediction is very efficient processing the whole input image in one single step. Our experiments on the MVTec Anomaly Detection dataset demonstrate high recognition and localisation performance of the proposed method. On the texture-subset, in particular, our approach consistently outperforms a bunch of recent anomaly detection methods by a big margin." 967,Measurement and applications of position bias in a marketplace search engine,"Search engines intentionally influence user behavior by picking and ranking the list of results. Users engage with the highest results both because of their prominent placement and because they are typically the most relevant documents. Search engine ranking algorithms need to identify relevance while incorporating the influence of the search engine itself. This paper describes our efforts at Thumbtack to understand the impact of ranking, including the empirical results of a randomization program. In the context of a consumer marketplace we discuss practical details of model choice, experiment design, bias calculation, and machine learning model adaptation. We include a novel discussion of how ranking bias may not only affect labels, but also model features. The randomization program led to improved models, motivated internal scenario analysis, and enabled user-facing scenario tooling." 968,AST-Probe: Recovering abstract syntax trees from hidden representations of pre-trained language models,"The objective of pre-trained language models is to learn contextual representations of textual data. Pre-trained language models have become mainstream in natural language processing and code modeling. Using probes, a technique to study the linguistic properties of hidden vector spaces, previous works have shown that these pre-trained language models encode simple linguistic properties in their hidden representations. However, none of the previous work assessed whether these models encode the whole grammatical structure of a programming language. In this paper, we prove the existence of a \textit{syntactic subspace}, lying in the hidden representations of pre-trained language models, which contain the syntactic information of the programming language. We show that this subspace can be extracted from the models' representations and define a novel probing method, the AST-Probe, that enables recovering the whole abstract syntax tree (AST) of an input code snippet. In our experimentations, we show that this syntactic subspace exists in five state-of-the-art pre-trained language models. In addition, we highlight that the middle layers of the models are the ones that encode most of the AST information. Finally, we estimate the optimal size of this syntactic subspace and show that its dimension is substantially lower than those of the models' representation spaces. This suggests that pre-trained language models use a small part of their representation spaces to encode syntactic information of the programming languages." 969,Deep Reinforcement Learning-Assisted Federated Learning for Robust Short-term Utility Demand Forecasting in Electricity Wholesale Markets,"Short-term load forecasting (STLF) plays a significant role in the operation of electricity trading markets. Considering the growing concern of data privacy, federated learning (FL) is increasingly adopted to train STLF models for utility companies (UCs) in recent research. Inspiringly, in wholesale markets, as it is not realistic for power plants (PPs) to access UCs' data directly, FL is definitely a feasible solution of obtaining an accurate STLF model for PPs. However, due to FL's distributed nature and intense competition among UCs, defects increasingly occur and lead to poor performance of the STLF model, indicating that simply adopting FL is not enough. In this paper, we propose a DRL-assisted FL approach, DEfect-AwaRe federated soft actor-critic (DearFSAC), to robustly train an accurate STLF model for PPs to forecast precise short-term utility electricity demand. Firstly. we design a STLF model based on long short-term memory (LSTM) using just historical load data and time data. Furthermore, considering the uncertainty of defects occurrence, a deep reinforcement learning (DRL) algorithm is adopted to assist FL by alleviating model degradation caused by defects. In addition, for faster convergence of FL training, an auto-encoder is designed for both dimension reduction and quality evaluation of uploaded models. In the simulations, we validate our approach on real data of Helsinki's UCs in 2019. The results show that DearFSAC outperforms all the other approaches no matter if defects occur or not." 970,Reinforcement Learning under Partial Observability Guided by Learned Environment Models,"In practical applications, we can rarely assume full observability of a system's environment, despite such knowledge being important for determining a reactive control system's precise interaction with its environment. Therefore, we propose an approach for reinforcement learning (RL) in partially observable environments. While assuming that the environment behaves like a partially observable Markov decision process with known discrete actions, we assume no knowledge about its structure or transition probabilities. Our approach combines Q-learning with IoAlergia, a method for learning Markov decision processes (MDP). By learning MDP models of the environment from episodes of the RL agent, we enable RL in partially observable domains without explicit, additional memory to track previous interactions for dealing with ambiguities stemming from partial observability. We instead provide RL with additional observations in the form of abstract environment states by simulating new experiences on learned environment models to track the explored states. In our evaluation, we report on the validity of our approach and its promising performance in comparison to six state-of-the-art deep RL techniques with recurrent neural networks and fixed memory." 971,A Temporal Extension of Latent Dirichlet Allocation for Unsupervised Acoustic Unit Discovery,"Latent Dirichlet allocation (LDA) is widely used for unsupervised topic modelling on sets of documents. No temporal information is used in the model. However, there is often a relationship between the corresponding topics of consecutive tokens. In this paper, we present an extension to LDA that uses a Markov chain to model temporal information. We use this new model for acoustic unit discovery from speech. As input tokens, the model takes a discretised encoding of speech from a vector quantised (VQ) neural network with 512 codes. The goal is then to map these 512 VQ codes to 50 phone-like units (topics) in order to more closely resemble true phones. In contrast to the base LDA, which only considers how VQ codes co-occur within utterances (documents), the Markov chain LDA additionally captures how consecutive codes follow one another. This extension leads to an increase in cluster quality and phone segmentation results compared to the base LDA. Compared to a recent vector quantised neural network approach that also learns 50 units, the extended LDA model performs better in phone segmentation but worse in mutual information." 972,Efficient Transformer-based Speech Enhancement Using Long Frames and STFT Magnitudes,"The SepFormer architecture shows very good results in speech separation. Like other learned-encoder models, it uses short frames, as they have been shown to obtain better performance in these cases. This results in a large number of frames at the input, which is problematic; since the SepFormer is transformer-based, its computational complexity drastically increases with longer sequences. In this paper, we employ the SepFormer in a speech enhancement task and show that by replacing the learned-encoder features with a magnitude short-time Fourier transform (STFT) representation, we can use long frames without compromising perceptual enhancement performance. We obtained equivalent quality and intelligibility evaluation scores while reducing the number of operations by a factor of approximately 8 for a 10-second utterance." 973,Learning Agile Skills via Adversarial Imitation of Rough Partial Demonstrations,"Learning agile skills is one of the main challenges in robotics. To this end, reinforcement learning approaches have achieved impressive results. These methods require explicit task information in terms of a reward function or an expert that can be queried in simulation to provide a target control output, which limits their applicability. In this work, we propose a generative adversarial method for inferring reward functions from partial and potentially physically incompatible demonstrations for successful skill acquirement where reference or expert demonstrations are not easily accessible. Moreover, we show that by using a Wasserstein GAN formulation and transitions from demonstrations with rough and partial information as input, we are able to extract policies that are robust and capable of imitating demonstrated behaviors. Finally, the obtained skills such as a backflip are tested on an agile quadruped robot called Solo 8 and present faithful replication of hand-held human demonstrations." 974,A generalised form for a homogeneous population of structures using an overlapping mixture of Gaussian processes,"Reductions in natural frequency are often used as a damage indicator for structural health monitoring (SHM) purposes. However, fluctuations in operational and environmental conditions, changes in boundary conditions, and slight differences among nominally-identical structures can also affect stiffness, producing frequency changes that mimic or mask damage. This variability has limited the practical implementation and generalisation of SHM technologies. The aim of this work is to investigate the effects of normal variation, and to identify methods that account for the resulting uncertainty. This work considers vibration data collected from a set of four healthy full-scale composite helicopter blades. The blades were nominally-identical but distinct, and slight differences in material properties and geometry among the blades caused significant variability in the frequency response functions, which presented as four separate trajectories across the input space. In this paper, an overlapping mixture of Gaussian processes (OMGP), was used to generate labels and quantify the uncertainty of normal-condition frequency response data from the helicopter blades. Using a population-based approach, the OMGP model provided a generic representation, called a form, to characterise the normal condition of the blades. Additional simulated data were then compared against the form and evaluated for damage using a marginal-likelihood novelty index." 975,EFFGAN: Ensembles of fine-tuned federated GANs,"Generative adversarial networks have proven to be a powerful tool for learning complex and high-dimensional data distributions, but issues such as mode collapse have been shown to make it difficult to train them. This is an even harder problem when the data is decentralized over several clients in a federated learning setup, as problems such as client drift and non-iid data make it hard for federated averaging to converge. In this work, we study the task of how to learn a data distribution when training data is heterogeneously decentralized over clients and cannot be shared. Our goal is to sample from this distribution centrally, while the data never leaves the clients. We show using standard benchmark image datasets that existing approaches fail in this setting, experiencing so-called client drift when the local number of epochs becomes to large. We thus propose a novel approach we call EFFGAN: Ensembles of fine-tuned federated GANs. Being an ensemble of local expert generators, EFFGAN is able to learn the data distribution over all clients and mitigate client drift. It is able to train with a large number of local epochs, making it more communication efficient than previous works." 976,Capacity Optimality of OAMP in Coded Large Unitarily Invariant Systems,"This paper investigates a large unitarily invariant system (LUIS) involving a unitarily invariant sensing matrix, an arbitrary fixed signal distribution, and forward error control (FEC) coding. Several area properties are established based on the state evolution of orthogonal approximate message passing (OAMP) in an un-coded LUIS. Under the assumptions that the state evolution for joint OAMP and FEC decoding is correct and the replica method is reliable, we analyze the achievable rate of OAMP. We prove that OAMP reaches the constrained capacity predicted by the replica method of the LUIS with an arbitrary signal distribution based on matched FEC coding. Meanwhile, we elaborate a constrained capacity-achieving coding principle for LUIS, based on which irregular low-density parity-check (LDPC) codes are optimized for binary signaling in the simulation results. We show that OAMP with the optimized codes has significant performance improvement over the un-optimized ones and the well-known Turbo linear MMSE algorithm. For quadrature phase-shift keying (QPSK) modulation, constrained capacity-approaching bit error rate (BER) performances are observed under various channel conditions." 977,Sufficient Statistic Memory Approximate Message Passing,"Approximate message passing (AMP) type algorithms have been widely used in the signal reconstruction of certain large random linear systems. A key feature of the AMP-type algorithms is that their dynamics can be correctly described by state evolution. However, state evolution does not necessarily guarantee the convergence of iterative algorithms. To solve the convergence problem of AMP-type algorithms in principle, this paper proposes a memory AMP (MAMP) under a sufficient statistic condition, named sufficient statistic MAMP (SS-MAMP). We show that the covariance matrices of SS-MAMP are L-banded and convergent. Given an arbitrary MAMP, we can construct the SS-MAMP by damping, which not only ensures the convergence, but also preserves the orthogonality, i.e., its dynamics can be correctly described by state evolution." 978,Backward baselines: Is your model predicting the past?,"When does a machine learning model predict the future of individuals and when does it recite patterns that predate the individuals? In this work, we propose a distinction between these two pathways of prediction, supported by theoretical, empirical, and normative arguments. At the center of our proposal is a family of simple and efficient statistical tests, called backward baselines, that demonstrate if, and to which extent, a model recounts the past. Our statistical theory provides guidance for interpreting backward baselines, establishing equivalences between different baselines and familiar statistical concepts. Concretely, we derive a meaningful backward baseline for auditing a prediction system as a black box, given only background variables and the system's predictions. Empirically, we evaluate the framework on different prediction tasks derived from longitudinal panel surveys, demonstrating the ease and effectiveness of incorporating backward baselines into the practice of machine learning." 979,Adversarial Zoom Lens: A Novel Physical-World Attack to DNNs,"Although deep neural networks (DNNs) are known to be fragile, no one has studied the effects of zooming-in and zooming-out of images in the physical world on DNNs performance. In this paper, we demonstrate a novel physical adversarial attack technique called Adversarial Zoom Lens (AdvZL), which uses a zoom lens to zoom in and out of pictures of the physical world, fooling DNNs without changing the characteristics of the target object. The proposed method is so far the only adversarial attack technique that does not add physical adversarial perturbation attack DNNs. In a digital environment, we construct a data set based on AdvZL to verify the antagonism of equal-scale enlarged images to DNNs. In the physical environment, we manipulate the zoom lens to zoom in and out of the target object, and generate adversarial samples. The experimental results demonstrate the effectiveness of AdvZL in both digital and physical environments. We further analyze the antagonism of the proposed data set to the improved DNNs. On the other hand, we provide a guideline for defense against AdvZL by means of adversarial training. Finally, we look into the threat possibilities of the proposed approach to future autonomous driving and variant attack ideas similar to the proposed attack." 980,Conformer Based Elderly Speech Recognition System for Alzheimer's Disease Detection,"Early diagnosis of Alzheimer's disease (AD) is crucial in facilitating preventive care to delay further progression. This paper presents the development of a state-of-the-art Conformer based speech recognition system built on the DementiaBank Pitt corpus for automatic AD detection. The baseline Conformer system trained with speed perturbation and SpecAugment based data augmentation is significantly improved by incorporating a set of purposefully designed modeling features, including neural architecture search based auto-configuration of domain-specific Conformer hyper-parameters in addition to parameter fine-tuning; fine-grained elderly speaker adaptation using learning hidden unit contributions (LHUC); and two-pass cross-system rescoring based combination with hybrid TDNN systems. An overall word error rate (WER) reduction of 13.6% absolute (34.8% relative) was obtained on the evaluation data of 48 elderly speakers. Using the final systems' recognition outputs to extract textual features, the best-published speech recognition based AD detection accuracy of 91.7% was obtained." 981,Epidemic Control Modeling using Parsimonious Models and Markov Decision Processes,"Many countries have experienced at least two waves of the COVID-19 pandemic. The second wave is far more dangerous as distinct strains appear more harmful to human health, but it stems from the complacency about the first wave. This paper introduces a parsimonious yet representative stochastic epidemic model that simulates the uncertain spread of the disease regardless of the latency and recovery time distributions. We also propose a Markov decision process to seek an optimal trade-off between the usage of the healthcare system and the economic costs of an epidemic. We apply the model to COVID-19 data from New Delhi, India and simulate the epidemic spread with different policy review times. The results show that the optimal policy acts swiftly to curb the epidemic in the first wave, thus avoiding the collapse of the healthcare system and the future costs of posterior outbreaks. An analysis of the recent collapse of the healthcare system of India during the second COVID-19 wave suggests that many lives could have been preserved if swift mitigation was promoted after the first wave." 982,Indecision Trees: Learning Argument-Based Reasoning under Quantified Uncertainty,"Using Machine Learning systems in the real world can often be problematic, with inexplicable black-box models, the assumed certainty of imperfect measurements, or providing a single classification instead of a probability distribution. This paper introduces Indecision Trees, a modification to Decision Trees which learn under uncertainty, can perform inference under uncertainty, provide a robust distribution over the possible labels, and can be disassembled into a set of logical arguments for use in other reasoning systems." 983,Optimizing Two-way Partial AUC with an End-to-end Framework,"The Area Under the ROC Curve (AUC) is a crucial metric for machine learning, which evaluates the average performance over all possible True Positive Rates (TPRs) and False Positive Rates (FPRs). Based on the knowledge that a skillful classifier should simultaneously embrace a high TPR and a low FPR, we turn to study a more general variant called Two-way Partial AUC (TPAUC), where only the region with $\mathsf{TPR} \ge \alpha, \mathsf{FPR} \le \beta$ is included in the area. Moreover, recent work shows that the TPAUC is essentially inconsistent with the existing Partial AUC metrics where only the FPR range is restricted, opening a new problem to seek solutions to leverage high TPAUC. Motivated by this, we present the first trial in this paper to optimize this new metric. The critical challenge along this course lies in the difficulty of performing gradient-based optimization with end-to-end stochastic training, even with a proper choice of surrogate loss. To address this issue, we propose a generic framework to construct surrogate optimization problems, which supports efficient end-to-end training with deep learning. Moreover, our theoretical analyses show that: 1) the objective function of the surrogate problems will achieve an upper bound of the original problem under mild conditions, and 2) optimizing the surrogate problems leads to good generalization performance in terms of TPAUC with a high probability. Finally, empirical studies over several benchmark datasets speak to the efficacy of our framework." 984,"Pruned RNN-T for fast, memory-efficient ASR training","The RNN-Transducer (RNN-T) framework for speech recognition has been growing in popularity, particularly for deployed real-time ASR systems, because it combines high accuracy with naturally streaming recognition. One of the drawbacks of RNN-T is that its loss function is relatively slow to compute, and can use a lot of memory. Excessive GPU memory usage can make it impractical to use RNN-T loss in cases where the vocabulary size is large: for example, for Chinese character-based ASR. We introduce a method for faster and more memory-efficient RNN-T loss computation. We first obtain pruning bounds for the RNN-T recursion using a simple joiner network that is linear in the encoder and decoder embeddings; we can evaluate this without using much memory. We then use those pruning bounds to evaluate the full, non-linear joiner network." 985,Invariant Causal Mechanisms through Distribution Matching,"Learning representations that capture the underlying data generating process is a key problem for data efficient and robust use of neural networks. One key property for robustness which the learned representation should capture and which recently received a lot of attention is described by the notion of invariance. In this work we provide a causal perspective and new algorithm for learning invariant representations. Empirically we show that this algorithm works well on a diverse set of tasks and in particular we observe state-of-the-art performance on domain generalization, where we are able to significantly boost the score of existing models." 986,LBDMIDS: LSTM Based Deep Learning Model for Intrusion Detection Systems for IoT Networks,"In the recent years, we have witnessed a huge growth in the number of Internet of Things (IoT) and edge devices being used in our everyday activities. This demands the security of these devices from cyber attacks to be improved to protect its users. For years, Machine Learning (ML) techniques have been used to develop Network Intrusion Detection Systems (NIDS) with the aim of increasing their reliability/robustness. Among the earlier ML techniques DT performed well. In the recent years, Deep Learning (DL) techniques have been used in an attempt to build more reliable systems. In this paper, a Deep Learning enabled Long Short Term Memory (LSTM) Autoencoder and a 13-feature Deep Neural Network (DNN) models were developed which performed a lot better in terms of accuracy on UNSW-NB15 and Bot-IoT datsets. Hence we proposed LBDMIDS, where we developed NIDS models based on variants of LSTMs namely, stacked LSTM and bidirectional LSTM and validated their performance on the UNSW\_NB15 and BoT\-IoT datasets. This paper concludes that these variants in LBDMIDS outperform classic ML techniques and perform similarly to the DNN models that have been suggested in the past." 987,Waypoint Generation in Row-based Crops with Deep Learning and Contrastive Clustering,"The development of precision agriculture has gradually introduced automation in the agricultural process to support and rationalize all the activities related to field management. In particular, service robotics plays a predominant role in this evolution by deploying autonomous agents able to navigate in fields while executing different tasks without the need for human intervention, such as monitoring, spraying and harvesting. In this context, global path planning is the first necessary step for every robotic mission and ensures that the navigation is performed efficiently and with complete field coverage. In this paper, we propose a learning-based approach to tackle waypoint generation for planning a navigation path for row-based crops, starting from a top-view map of the region-of-interest. We present a novel methodology for waypoint clustering based on a contrastive loss, able to project the points to a separable latent space. The proposed deep neural network can simultaneously predict the waypoint position and cluster assignment with two specialized heads in a single forward pass. The extensive experimentation on simulated and real-world images demonstrates that the proposed approach effectively solves the waypoint generation problem for both straight and curved row-based crops, overcoming the limitations of previous state-of-the-art methodologies." 988,Improving decision-making via risk-based active learning: Probabilistic discriminative classifiers,"Gaining the ability to make informed decisions on operation and maintenance of structures provides motivation for the implementation of structural health monitoring (SHM) systems. However, descriptive labels for measured data corresponding to health-states of the monitored system are often unavailable. This issue limits the applicability of fully-supervised machine learning paradigms for the development of statistical classifiers to be used in decision-support in SHM systems. One approach to dealing with this problem is risk-based active learning. In such an approach, data-label querying is guided according to the expected value of perfect information for incipient data points. For risk-based active learning in SHM, the value of information is evaluated with respect to a maintenance decision process, and the data-label querying corresponds to the inspection of a structure to determine its health state. In the context of SHM, risk-based active learning has only been considered for generative classifiers. The current paper demonstrates several advantages of using an alternative type of classifier -- discriminative models. Using the Z24 Bridge dataset as a case study, it is shown that discriminative classifiers have benefits, in the context of SHM decision-support, including improved robustness to sampling bias, and reduced expenditure on structural inspections." 989,Prototype-Anchored Learning for Learning with Imperfect Annotations,"The success of deep neural networks greatly relies on the availability of large amounts of high-quality annotated data, which however are difficult or expensive to obtain. The resulting labels may be class imbalanced, noisy or human biased. It is challenging to learn unbiased classification models from imperfectly annotated datasets, on which we usually suffer from overfitting or underfitting. In this work, we thoroughly investigate the popular softmax loss and margin-based loss, and offer a feasible approach to tighten the generalization error bound by maximizing the minimal sample margin. We further derive the optimality condition for this purpose, which indicates how the class prototypes should be anchored. Motivated by theoretical analysis, we propose a simple yet effective method, namely prototype-anchored learning (PAL), which can be easily incorporated into various learning-based classification schemes to handle imperfect annotation. We verify the effectiveness of PAL on class-imbalanced learning and noise-tolerant learning by extensive experiments on synthetic and real-world datasets." 990,Disentangling representations in Restricted Boltzmann Machines without adversaries,"A goal of unsupervised machine learning is to disentangle representations of complex high-dimensional data, allowing for interpreting the significant latent factors of variation in the data as well as for manipulating them to generate new data with desirable features. These methods often rely on an adversarial scheme, in which representations are tuned to avoid discriminators from being able to reconstruct specific data information (labels). We propose a simple, effective way of disentangling representations without any need to train adversarial discriminators, and apply our approach to Restricted Boltzmann Machines (RBM), one of the simplest representation-based generative models. Our approach relies on the introduction of adequate constraints on the weights during training, which allows us to concentrate information about labels on a small subset of latent variables. The effectiveness of the approach is illustrated on the MNIST dataset, the two-dimensional Ising model, and taxonomy of protein families. In addition, we show how our framework allows for computing the cost, in terms of log-likelihood of the data, associated to the disentanglement of their representations." 991,Learning Towards the Largest Margins,"One of the main challenges for feature representation in deep learning-based classification is the design of appropriate loss functions that exhibit strong discriminative power. The classical softmax loss does not explicitly encourage discriminative learning of features. A popular direction of research is to incorporate margins in well-established losses in order to enforce extra intra-class compactness and inter-class separability, which, however, were developed through heuristic means, as opposed to rigorous mathematical principles. In this work, we attempt to address this limitation by formulating the principled optimization objective as learning towards the largest margins. Specifically, we firstly define the class margin as the measure of inter-class separability, and the sample margin as the measure of intra-class compactness. Accordingly, to encourage discriminative representation of features, the loss function should promote the largest possible margins for both classes and samples. Furthermore, we derive a generalized margin softmax loss to draw general conclusions for the existing margin-based losses. Not only does this principled framework offer new perspectives to understand and interpret existing margin-based losses, but it also provides new insights that can guide the design of new tools, including sample margin regularization and largest margin softmax loss for the class-balanced case, and zero-centroid regularization for the class-imbalanced case. Experimental results demonstrate the effectiveness of our strategy on a variety of tasks, including visual classification, imbalanced classification, person re-identification, and face verification." 992,Optimization paper production through digitalization by developing an assistance system for machine operators including quality forecast: a concept,"Nowadays cross-industry ranging challenges include the reduction of greenhouse gas emission and enabling a circular economy. However, the production of paper from waste paper is still a highly resource intensive task, especially in terms of energy consumption. While paper machines produce a lot of data, we have identified a lack of utilization of it and implement a concept using an operator assistance system and state-of-the-art machine learning techniques, e.g., classification, forecasting and alarm flood handling algorithms, to support daily operator tasks. Our main objective is to provide situation-specific knowledge to machine operators utilizing available data. We expect this will result in better adjusted parameters and therefore a lower footprint of the paper machines." 993,Human-in-the-Loop Large-Scale Predictive Maintenance of Workstations,"Predictive maintenance (PdM) is the task of scheduling maintenance operations based on a statistical analysis of the system's condition. We propose a human-in-the-loop PdM approach in which a machine learning system predicts future problems in sets of workstations (computers, laptops, and servers). Our system interacts with domain experts to improve predictions and elicit their knowledge. In our approach, domain experts are included in the loop not only as providers of correct labels, as in traditional active learning, but as a source of explicit decision rule feedback. The system is automated and designed to be easily extended to novel domains, such as maintaining workstations of several organizations. In addition, we develop a simulator for reproducible experiments in a controlled environment and deploy the system in a large-scale case of real-life workstations PdM with thousands of workstations for dozens of companies." 994,Few-Shot Non-Parametric Learning with Deep Latent Variable Model,"Most real-world problems that machine learning algorithms are expected to solve face the situation with 1) unknown data distribution; 2) little domain-specific knowledge; and 3) datasets with limited annotation. We propose Non-Parametric learning by Compression with Latent Variables (NPC-LV), a learning framework for any dataset with abundant unlabeled data but very few labeled ones. By only training a generative model in an unsupervised way, the framework utilizes the data distribution to build a compressor. Using a compressor-based distance metric derived from Kolmogorov complexity, together with few labeled data, NPC-LV classifies without further training. We show that NPC-LV outperforms supervised methods on all three datasets on image classification in low data regime and even outperform semi-supervised learning methods on CIFAR-10. We demonstrate how and when negative evidence lowerbound (nELBO) can be used as an approximate compressed length for classification. By revealing the correlation between compression rate and classification accuracy, we illustrate that under NPC-LV, the improvement of generative models can enhance downstream classification accuracy." 995,LED: Latent Variable-based Estimation of Density,"Modern generative models are roughly divided into two main categories: (1) models that can produce high-quality random samples, but cannot estimate the exact density of new data points and (2) those that provide exact density estimation, at the expense of sample quality and compactness of the latent space. In this work we propose LED, a new generative model closely related to GANs, that allows not only efficient sampling but also efficient density estimation. By maximizing log-likelihood on the output of the discriminator, we arrive at an alternative adversarial optimization objective that encourages generated data diversity. This formulation provides insights into the relationships between several popular generative models. Additionally, we construct a flow-based generator that can compute exact probabilities for generated samples, while allowing low-dimensional latent variables as input. Our experimental results, on various datasets, show that our density estimator produces accurate estimates, while retaining good quality in the generated samples." 996,A Geometric Method for Improved Uncertainty Estimation in Real-time,"Machine learning classifiers are probabilistic in nature, and thus inevitably involve uncertainty. Predicting the probability of a specific input to be correct is called uncertainty (or confidence) estimation and is crucial for risk management. Post-hoc model calibrations can improve models' uncertainty estimations without the need for retraining, and without changing the model. Our work puts forward a geometric-based approach for uncertainty estimation. Roughly speaking, we use the geometric distance of the current input from the existing training inputs as a signal for estimating uncertainty and then calibrate that signal (instead of the model's estimation) using standard post-hoc calibration techniques. We show that our method yields better uncertainty estimations than recently proposed approaches by extensively evaluating multiple datasets and models. In addition, we also demonstrate the possibility of performing our approach in near real-time applications. Our code is available at our Github https://github.com/NoSleepDeveloper/Geometric-Calibrator." 997,Evaluating Generative Patent Language Models,"This research aims to build generative language models in the patent domain and to evaluate the models from a human-centric perspective. The evaluation metric is to calculate the ratio of keystrokes that can be saved for a user in an autocomplete context based on the prediction of the generative models. The performance of models in different sizes can also be evaluated in such a metric by measuring a number of newly granted patents. On the basis of the metric, it is found that the largest model is not necessarily the best. Several models are pre-trained from scratch with patent corpus and are released. The experiments in this manuscript focus on patent claims, but the ideas and implementation can be applied to other parts of a patent document. Furthermore, this research is motivated to measure how close the pre-trained language model can generate a newly granted patent claim. Or, conversely, the task is to measure the probabilities for the model to generate each token text given the newly granted patent claim. In addition, this manuscript raises several legal implications on patent law for potential interdisciplinary research in the future. In particular, can the metric based on model prediction be a metric to measure the nonobviousness requirement in the patent law?" 998,A Manifold-based Airfoil Geometric-feature Extraction and Discrepant Data Fusion Learning Method,"Geometrical shape of airfoils, together with the corresponding flight conditions, are crucial factors for aerodynamic performances prediction. The obtained airfoils geometrical features in most existing approaches (e.g., geometrical parameters extraction, polynomial description and deep learning) are in Euclidean space. State-of-the-art studies showed that curves or surfaces of an airfoil formed a manifold in Riemannian space. Therefore, the features extracted by existing methods are not sufficient to reflect the geometric-features of airfoils. Meanwhile, flight conditions and geometric features are greatly discrepant with different types, the relevant knowledge of the influence of these two factors that on final aerodynamic performances predictions must be evaluated and learned to improve prediction accuracy. Motivated by the advantages of manifold theory and multi-task learning, we propose a manifold-based airfoil geometric-feature extraction and discrepant data fusion learning method (MDF) to extract geometric-features of airfoils in Riemannian space (we call them manifold-features) and further fuse the manifold-features with flight conditions to predict aerodynamic performances. Experimental results show that our method could extract geometric-features of airfoils more accurately compared with existing methods, that the average MSE of re-built airfoils is reduced by 56.33%, and while keeping the same predicted accuracy level of CL, the MSE of CD predicted by MDF is further reduced by 35.37%." 999,Rethinking Collaborative Metric Learning: Toward an Efficient Alternative without Negative Sampling,"The recently proposed Collaborative Metric Learning (CML) paradigm has aroused wide interest in the area of recommendation systems (RS) owing to its simplicity and effectiveness. Typically, the existing literature of CML depends largely on the \textit{negative sampling} strategy to alleviate the time-consuming burden of pairwise computation. However, in this work, by taking a theoretical analysis, we find that negative sampling would lead to a biased estimation of the generalization error. Specifically, we show that the sampling-based CML would introduce a bias term in the generalization bound, which is quantified by the per-user \textit{Total Variance} (TV) between the distribution induced by negative sampling and the ground truth distribution. This suggests that optimizing the sampling-based CML loss function does not ensure a small generalization error even with sufficiently large training data. Moreover, we show that the bias term will vanish without the negative sampling strategy. Motivated by this, we propose an efficient alternative without negative sampling for CML named \textit{Sampling-Free Collaborative Metric Learning} (SFCML), to get rid of the sampling bias in a practical sense. Finally, comprehensive experiments over seven benchmark datasets speak to the superiority of the proposed algorithm." 1000,Stochastic Langevin Differential Inclusions with Applications to Machine Learning,"Stochastic differential equations of Langevin-diffusion form have received significant recent, thanks to their foundational role in both Bayesian sampling algorithms and optimization in machine learning. In the latter, they serve as a conceptual model of the stochastic gradient flow in training over-parametrized models. However, the literature typically assumes smoothness of the potential, whose gradient is the drift term. Nevertheless, there are many problems, for which the potential function is not continuously differentiable, and hence the drift is not Lipschitz-continuous everywhere. This is exemplified by robust losses and Rectified Linear Units in regression problems. In this paper, we show some foundational results regarding the flow and asymptotic properties of Langevin-type Stochastic Differential Inclusions under assumptions appropriate to the machine-learning settings. In particular, we show strong existence of the solution, as well as asymptotic minimization of the canonical Free Energy Functional." 1001,Explanatory causal effects for model agnostic explanations,"This paper studies the problem of estimating the contributions of features to the prediction of a specific instance by a machine learning model and the overall contribution of a feature to the model. The causal effect of a feature (variable) on the predicted outcome reflects the contribution of the feature to a prediction very well. A challenge is that most existing causal effects cannot be estimated from data without a known causal graph. In this paper, we define an explanatory causal effect based on a hypothetical ideal experiment. The definition brings several benefits to model agnostic explanations. First, explanations are transparent and have causal meanings. Second, the explanatory causal effect estimation can be data driven. Third, the causal effects provide both a local explanation for a specific prediction and a global explanation showing the overall importance of a feature in a predictive model. We further propose a method using individual and combined variables based on explanatory causal effects for explanations. We show the definition and the method work with experiments on some real-world data sets." 1002,Low-Rank Mirror-Prox for Nonsmooth and Low-Rank Matrix Optimization Problems,"Low-rank and nonsmooth matrix optimization problems capture many fundamental tasks in statistics and machine learning. While significant progress has been made in recent years in developing efficient methods for \textit{smooth} low-rank optimization problems that avoid maintaining high-rank matrices and computing expensive high-rank SVDs, advances for nonsmooth problems have been slow paced. In this paper we consider standard convex relaxations for such problems. Mainly, we prove that under a \textit{strict complementarity} condition and under the relatively mild assumption that the nonsmooth objective can be written as a maximum of smooth functions, approximated variants of two popular \textit{mirror-prox} methods: the Euclidean \textit{extragradient method} and mirror-prox with \textit{matrix exponentiated gradient updates}, when initialized with a ""warm-start"", converge to an optimal solution with rate $O(1/t)$, while requiring only two \textit{low-rank} SVDs per iteration. Moreover, for the extragradient method we also consider relaxed versions of strict complementarity which yield a trade-off between the rank of the SVDs required and the radius of the ball in which we need to initialize the method. We support our theoretical results with empirical experiments on several nonsmooth low-rank matrix recovery tasks, demonstrating both the plausibility of the strict complementarity assumption, and the efficient convergence of our proposed low-rank mirror-prox variants." 1003,Utilizing Expert Features for Contrastive Learning of Time-Series Representations,"We present an approach that incorporates expert knowledge for time-series representation learning. Our method employs expert features to replace the commonly used data transformations in previous contrastive learning approaches. We do this since time-series data frequently stems from the industrial or medical field where expert features are often available from domain experts, while transformations are generally elusive for time-series data. We start by proposing two properties that useful time-series representations should fulfill and show that current representation learning approaches do not ensure these properties. We therefore devise ExpCLR, a novel contrastive learning approach built on an objective that utilizes expert features to encourage both properties for the learned representation. Finally, we demonstrate on three real-world time-series datasets that ExpCLR surpasses several state-of-the-art methods for both unsupervised and semi-supervised representation learning." 1004,Quantum Approximation of Normalized Schatten Norms and Applications to Learning,"Efficient measures to determine similarity of quantum states, such as the fidelity metric, have been widely studied. In this paper, we address the problem of defining a similarity measure for quantum operations that can be \textit{efficiently estimated}. Given two quantum operations, $U_1$ and $U_2$, represented in their circuit forms, we first develop a quantum sampling circuit to estimate the normalized Schatten 2-norm of their difference ($\| U_1-U_2 \|_{S_2}$) with precision $\epsilon$, using only one clean qubit and one classical random variable. We prove a Poly$(\frac{1}{\epsilon})$ upper bound on the sample complexity, which is independent of the size of the quantum system. We then show that such a similarity metric is directly related to a functional definition of similarity of unitary operations using the conventional fidelity metric of quantum states ($F$): If $\| U_1-U_2 \|_{S_2}$ is sufficiently small (e.g. $ \leq \frac{\epsilon}{1+\sqrt{2(1/\delta - 1)}}$) then the fidelity of states obtained by processing the same randomly and uniformly picked pure state, $|\psi \rangle$, is as high as needed ($F({U}_1 |\psi \rangle, {U}_2 |\psi \rangle)\geq 1-\epsilon$) with probability exceeding $1-\delta$. We provide example applications of this efficient similarity metric estimation framework to quantum circuit learning tasks, such as finding the square root of a given unitary operation." 1005,CGAR: Critic Guided Action Redistribution in Reinforcement Leaning,"Training a game-playing reinforcement learning agent requires multiple interactions with the environment. Ignorant random exploration may cause a waste of time and resources. It's essential to alleviate such waste. As discussed in this paper, under the settings of the off-policy actor critic algorithms, we demonstrate that the critic can bring more expected discounted rewards than or at least equal to the actor. Thus, the Q value predicted by the critic is a better signal to redistribute the action originally sampled from the policy distribution predicted by the actor. This paper introduces the novel Critic Guided Action Redistribution (CGAR) algorithm and tests it on the OpenAI MuJoCo tasks. The experimental results demonstrate that our method improves the sample efficiency and achieves state-of-the-art performance. Our code can be found at https://github.com/tairanhuang/CGAR." 1006,Gradual Domain Adaptation via Normalizing Flows,"Conventional domain adaptation methods do not work well when a large gap exists between the source and the target domain. Gradual domain adaptation is one of the approaches to address the problem by leveraging the intermediate domain, which gradually shifts from the source to the target domain. The previous work assumed that the number of the intermediate domains is large and the distance of the adjacent domains is small; hence, the gradual domain adaptation algorithm by self-training with unlabeled datasets was applicable. In practice, however, gradual self-training will fail because the number of the intermediate domains is limited, and the distance of the adjacent domains is large. We propose using normalizing flows to mitigate this problem while maintaining the framework of unsupervised domain adaptation. We generate pseudo intermediate domains from normalizing flows and then use them for gradual domain adaptation. We evaluate our method by experiments with real-world datasets and confirm that our proposed method mitigates the above explained problem and improves the classification performance." 1007,Nearly Minimax Optimal Reinforcement Learning with Linear Function Approximation,"We study reinforcement learning with linear function approximation where the transition probability and reward functions are linear with respect to a feature mapping $\boldsymbol{\phi}(s,a)$. Specifically, we consider the episodic inhomogeneous linear Markov Decision Process (MDP), and propose a novel computation-efficient algorithm, LSVI-UCB$^+$, which achieves an $\widetilde{O}(Hd\sqrt{T})$ regret bound where $H$ is the episode length, $d$ is the feature dimension, and $T$ is the number of steps. LSVI-UCB$^+$ builds on weighted ridge regression and upper confidence value iteration with a Bernstein-type exploration bonus. Our statistical results are obtained with novel analytical tools, including a new Bernstein self-normalized bound with conservatism on elliptical potentials, and refined analysis of the correction term. To the best of our knowledge, this is the first minimax optimal algorithm for linear MDPs up to logarithmic factors, which closes the $\sqrt{Hd}$ gap between the best known upper bound of $\widetilde{O}(\sqrt{H^3d^3T})$ in \cite{jin2020provably} and lower bound of $\Omega(Hd\sqrt{T})$ for linear MDPs." 1008,On Pre-Training for Federated Learning,"In most of the literature on federated learning (FL), neural networks are initialized with random weights. In this paper, we present an empirical study on the effect of pre-training on FL. Specifically, we aim to investigate if pre-training can alleviate the drastic accuracy drop when clients' decentralized data are non-IID. We focus on FedAvg, the fundamental and most widely used FL algorithm. We found that pre-training does largely close the gap between FedAvg and centralized learning under non-IID data, but this does not come from alleviating the well-known model drifting problem in FedAvg's local training. Instead, how pre-training helps FedAvg is by making FedAvg's global aggregation more stable. When pre-training using real data is not feasible for FL, we propose a novel approach to pre-train with synthetic data. On various image datasets (including one for segmentation), our approach with synthetic pre-training leads to a notable gain, essentially a critical step toward scaling up federated learning for real-world applications." 1009,Patient Aware Active Learning for Fine-Grained OCT Classification,"This paper considers making active learning more sensible from a medical perspective. In practice, a disease manifests itself in different forms across patient cohorts. Existing frameworks have primarily used mathematical constructs to engineer uncertainty or diversity-based methods for selecting the most informative samples. However, such algorithms do not present themselves naturally as usable by the medical community and healthcare providers. Thus, their deployment in clinical settings is very limited, if any. For this purpose, we propose a framework that incorporates clinical insights into the sample selection process of active learning that can be incorporated with existing algorithms. Our medically interpretable active learning framework captures diverse disease manifestations from patients to improve generalization performance of OCT classification. After comprehensive experiments, we report that incorporating patient insights within the active learning framework yields performance that matches or surpasses five commonly used paradigms on two architectures with a dataset having imbalanced patient distributions. Also, the framework integrates within existing medical practices and thus can be used by healthcare providers." 1010,A Framework for Understanding Model Extraction Attack and Defense,"The privacy of machine learning models has become a significant concern in many emerging Machine-Learning-as-a-Service applications, where prediction services based on well-trained models are offered to users via pay-per-query. The lack of a defense mechanism can impose a high risk on the privacy of the server's model since an adversary could efficiently steal the model by querying only a few `good' data points. The interplay between a server's defense and an adversary's attack inevitably leads to an arms race dilemma, as commonly seen in Adversarial Machine Learning. To study the fundamental tradeoffs between model utility from a benign user's view and privacy from an adversary's view, we develop new metrics to quantify such tradeoffs, analyze their theoretical properties, and develop an optimization problem to understand the optimal adversarial attack and defense strategies. The developed concepts and theory match the empirical findings on the `equilibrium' between privacy and utility. In terms of optimization, the key ingredient that enables our results is a unified representation of the attack-defense problem as a min-max bi-level problem. The developed results will be demonstrated by examples and experiments." 1011,RetroGraph: Retrosynthetic Planning with Graph Search,"Retrosynthetic planning, which aims to find a reaction pathway to synthesize a target molecule, plays an important role in chemistry and drug discovery. This task is usually modeled as a search problem. Recently, data-driven methods have attracted many research interests and shown promising results for retrosynthetic planning. We observe that the same intermediate molecules are visited many times in the searching process, and they are usually independently treated in previous tree-based methods (e.g., AND-OR tree search, Monte Carlo tree search). Such redundancies make the search process inefficient. We propose a graph-based search policy that eliminates the redundant explorations of any intermediate molecules. As searching over a graph is more complicated than over a tree, we further adopt a graph neural network to guide the search over graphs. Meanwhile, our method can search a batch of targets together in the graph and remove the inter-target duplication in the tree-based search methods. Experimental results on two datasets demonstrate the effectiveness of our method. Especially on the widely used USPTO benchmark, we improve the search success rate to 99.47%, advancing previous state-of-the-art performance for 2.6 points." 1012,Predicting the Geoeffectiveness of CMEs Using Machine Learning,"Coronal mass ejections (CMEs) are the most geoeffective space weather phenomena, being associated with large geomagnetic storms, having the potential to cause disturbances to telecommunication, satellite network disruptions, power grid damages and failures. Thus, considering these storms' potential effects on human activities, accurate forecasts of the geoeffectiveness of CMEs are paramount. This work focuses on experimenting with different machine learning methods trained on white-light coronagraph datasets of close to sun CMEs, to estimate whether such a newly erupting ejection has the potential to induce geomagnetic activity. We developed binary classification models using logistic regression, K-Nearest Neighbors, Support Vector Machines, feed forward artificial neural networks, as well as ensemble models. At this time, we limited our forecast to exclusively use solar onset parameters, to ensure extended warning times. We discuss the main challenges of this task, namely the extreme imbalance between the number of geoeffective and ineffective events in our dataset, along with their numerous similarities and the limited number of available variables. We show that even in such conditions, adequate hit rates can be achieved with these models." 1013,Modular Conformal Calibration,"Uncertainty estimates must be calibrated (i.e., accurate) and sharp (i.e., informative) in order to be useful. This has motivated a variety of methods for recalibration, which use held-out data to turn an uncalibrated model into a calibrated model. However, the applicability of existing methods is limited due to their assumption that the original model is also a probabilistic model. We introduce a versatile class of algorithms for recalibration in regression that we call Modular Conformal Calibration (MCC). This framework allows one to transform any regression model into a calibrated probabilistic model. The modular design of MCC allows us to make simple adjustments to existing algorithms that enable well-behaved distribution predictions. We also provide finite-sample calibration guarantees for MCC algorithms. Our framework recovers isotonic recalibration, conformal calibration, and conformal interval prediction, implying that our theoretical results apply to those methods as well. Finally, we conduct an empirical study of MCC on 17 regression datasets. Our results show that new algorithms designed in our framework achieve near-perfect calibration and improve sharpness relative to existing methods." 1014,InfoAT: Improving Adversarial Training Using the Information Bottleneck Principle,"Adversarial training (AT) has shown excellent high performance in defending against adversarial examples. Recent studies demonstrate that examples are not equally important to the final robustness of models during AT, that is, the so-called hard examples that can be attacked easily exhibit more influence than robust examples on the final robustness. Therefore, guaranteeing the robustness of hard examples is crucial for improving the final robustness of the model. However, defining effective heuristics to search for hard examples is still difficult. In this article, inspired by the information bottleneck (IB) principle, we uncover that an example with high mutual information of the input and its associated latent representation is more likely to be attacked. Based on this observation, we propose a novel and effective adversarial training method (InfoAT). InfoAT is encouraged to find examples with high mutual information and exploit them efficiently to improve the final robustness of models. Experimental results show that InfoAT achieves the best robustness among different datasets and models in comparison with several state-of-the-art methods." 1015,Content Popularity Prediction Based on Quantized Federated Bayesian Learning in Fog Radio Access Networks,"In this paper, we investigate the content popularity prediction problem in cache-enabled fog radio access networks (F-RANs). In order to predict the content popularity with high accuracy and low complexity, we propose a Gaussian process based regressor to model the content request pattern. Firstly, the relationship between content features and popularity is captured by our proposed model. Then, we utilize Bayesian learning to train the model parameters, which is robust to overfitting. However, Bayesian methods are usually unable to find a closed-form expression of the posterior distribution. To tackle this issue, we apply a stochastic variance reduced gradient Hamiltonian Monte Carlo (SVRG-HMC) method to approximate the posterior distribution. To utilize the computing resources of other fog access points (F-APs) and to reduce the communications overhead, we propose a quantized federated learning (FL) framework combining with Bayesian learning. The quantized federated Bayesian learning framework allows each F-AP to send gradients to the cloud server after quantizing and encoding. It can achieve a tradeoff between prediction accuracy and communications overhead effectively. Simulation results show that the performance of our proposed policy outperforms the existing policies." 1016,pyKT: A Python Library to Benchmark Deep Learning based Knowledge Tracing Models,"Knowledge tracing (KT) is the task of using students' historical learning interaction data to model their knowledge mastery over time so as to make predictions on their future interaction performance. Recently, remarkable progress has been made of using various deep learning techniques to solve the KT problem. However, the success behind deep learning based knowledge tracing (DLKT) approaches is still left somewhat mysterious and proper measurement and analysis of these DLKT approaches remain a challenge. First, data preprocessing procedures in existing works are often private and/or custom, which limits experimental standardization. Furthermore, existing DLKT studies often differ in terms of the evaluation protocol and are far away real-world educational contexts. To address these problems, we introduce a comprehensive python based benchmark platform, \textsc{pyKT}, to guarantee valid comparisons across DLKT methods via thorough evaluations. The \textsc{pyKT} library consists of a standardized set of integrated data preprocessing procedures on 7 popular datasets across different domains, and 10 frequently compared DLKT model implementations for transparent experiments. Results from our fine-grained and rigorous empirical KT studies yield a set of observations and suggestions for effective DLKT, e.g., wrong evaluation setting may cause label leakage that generally leads to performance inflation; and the improvement of many DLKT approaches is minimal compared to the very first DLKT model proposed by Piech et al. \cite{piech2015deep}. We have open sourced \textsc{pyKT} and our experimental results at \url{https://pykt.org/}. We welcome contributions from other research groups and practitioners." 1017,Efficient Adaptive Federated Optimization of Federated Learning for IoT,"The proliferation of the Internet of Things (IoT) and widespread use of devices with sensing, computing, and communication capabilities have motivated intelligent applications empowered by artificial intelligence. The classical artificial intelligence algorithms require centralized data collection and processing which are challenging in realistic intelligent IoT applications due to growing data privacy concerns and distributed datasets. Federated Learning (FL) has emerged as a distributed privacy-preserving learning framework that enables IoT devices to train global model through sharing model parameters. However, inefficiency due to frequent parameters transmissions significantly reduce FL performance. Existing acceleration algorithms consist of two main type including local update considering trade-offs between communication and computation and parameter compression considering trade-offs between communication and precision. Jointly considering these two trade-offs and adaptively balancing their impacts on convergence have remained unresolved. To solve the problem, this paper proposes a novel efficient adaptive federated optimization (EAFO) algorithm to improve efficiency of FL, which minimizes the learning error via jointly considering two variables including local update and parameter compression and enables FL to adaptively adjust the two variables and balance trade-offs among computation, communication and precision. The experiment results illustrate that comparing with state-of-the-art algorithms, the proposed EAFO can achieve higher accuracies faster." 1018,Context matters for fairness -- a case study on the effect of spatial distribution shifts,"With the ever growing involvement of data-driven AI-based decision making technologies in our daily social lives, the fairness of these systems is becoming a crucial phenomenon. However, an important and often challenging aspect in utilizing such systems is to distinguish validity for the range of their application especially under distribution shifts, i.e., when a model is deployed on data with different distribution than the training set. In this paper, we present a case study on the newly released American Census datasets, a reconstruction of the popular Adult dataset, to illustrate the importance of context for fairness and show how remarkably can spatial distribution shifts affect predictive- and fairness-related performance of a model. The problem persists for fairness-aware learning models with the effects of context-specific fairness interventions differing across the states and different population groups. Our study suggests that robustness to distribution shifts is necessary before deploying a model to another context." 1019,Shilling Black-box Recommender Systems by Learning to Generate Fake User Profiles,"Due to the pivotal role of Recommender Systems (RS) in guiding customers towards the purchase, there is a natural motivation for unscrupulous parties to spoof RS for profits. In this paper, we study Shilling Attack where an adversarial party injects a number of fake user profiles for improper purposes. Conventional Shilling Attack approaches lack attack transferability (i.e., attacks are not effective on some victim RS models) and/or attack invisibility (i.e., injected profiles can be easily detected). To overcome these issues, we present Leg-UP, a novel attack model based on the Generative Adversarial Network. Leg-UP learns user behavior patterns from real users in the sampled ``templates'' and constructs fake user profiles. To simulate real users, the generator in Leg-UP directly outputs discrete ratings. To enhance attack transferability, the parameters of the generator are optimized by maximizing the attack performance on a surrogate RS model. To improve attack invisibility, Leg-UP adopts a discriminator to guide the generator to generate undetectable fake user profiles. Experiments on benchmarks have shown that Leg-UP exceeds state-of-the-art Shilling Attack methods on a wide range of victim RS models. The source code of our work is available at: https://github.com/XMUDM/ShillingAttack." 1020,Recursive Reinforcement Learning,"Recursion is the fundamental paradigm to finitely describe potentially infinite objects. As state-of-the-art reinforcement learning (RL) algorithms cannot directly reason about recursion, they must rely on the practitioner's ingenuity in designing a suitable ""flat"" representation of the environment. The resulting manual feature constructions and approximations are cumbersome and error-prone; their lack of transparency hampers scalability. To overcome these challenges, we develop RL algorithms capable of computing optimal policies in environments described as a collection of Markov decision processes (MDPs) that can recursively invoke one another. Each constituent MDP is characterized by several entry and exit points that correspond to input and output values of these invocations. These recursive MDPs (or RMDPs) are expressively equivalent to probabilistic pushdown systems (with call-stack playing the role of the pushdown stack), and can model probabilistic programs with recursive procedural calls. We introduce Recursive Q-learning -- a model-free RL algorithm for RMDPs -- and prove that it converges for finite, single-exit and deterministic multi-exit RMDPs under mild assumptions." 1021,On a class of geodesically convex optimization problems solved via Euclidean MM methods,"We study geodesically convex (g-convex) problems that can be written as a difference of Euclidean convex functions. This structure arises in several optimization problems in statistics and machine learning, e.g., for matrix scaling, M-estimators for covariances, and Brascamp-Lieb inequalities. Our work offers efficient algorithms that on the one hand exploit g-convexity to ensure global optimality along with guarantees on iteration complexity. On the other hand, the split structure permits us to develop Euclidean Majorization-Minorization algorithms that help us bypass the need to compute expensive Riemannian operations such as exponential maps and parallel transport. We illustrate our results by specializing them to a few concrete optimization problems that have been previously studied in the machine learning literature. Ultimately, we hope our work helps motivate the broader search for mixed Euclidean-Riemannian optimization algorithms." 1022,Functional Nonlinear Learning,"Using representations of functional data can be more convenient and beneficial in subsequent statistical models than direct observations. These representations, in a lower-dimensional space, extract and compress information from individual curves. The existing representation learning approaches in functional data analysis usually use linear mapping in parallel to those from multivariate analysis, e.g., functional principal component analysis (FPCA). However, functions, as infinite-dimensional objects, sometimes have nonlinear structures that cannot be uncovered by linear mapping. Linear methods will be more overwhelmed given multivariate functional data. For that matter, this paper proposes a functional nonlinear learning (FunNoL) method to sufficiently represent multivariate functional data in a lower-dimensional feature space. Furthermore, we merge a classification model for enriching the ability of representations in predicting curve labels. Hence, representations from FunNoL can be used for both curve reconstruction and classification. Additionally, we have endowed the proposed model with the ability to address the missing observation problem as well as to further denoise observations. The resulting representations are robust to observations that are locally disturbed by uncontrollable random noises. We apply the proposed FunNoL method to several real data sets and show that FunNoL can achieve better classifications than FPCA, especially in the multivariate functional data setting. Simulation studies have shown that FunNoL provides satisfactory curve classification and reconstruction regardless of data sparsity." 1023,Input-agnostic Certified Group Fairness via Gaussian Parameter Smoothing,"Only recently, researchers attempt to provide classification algorithms with provable group fairness guarantees. Most of these algorithms suffer from harassment caused by the requirement that the training and deployment data follow the same distribution. This paper proposes an input-agnostic certified group fairness algorithm, FairSmooth, for improving the fairness of classification models while maintaining the remarkable prediction accuracy. A Gaussian parameter smoothing method is developed to transform base classifiers into their smooth versions. An optimal individual smooth classifier is learnt for each group with only the data regarding the group and an overall smooth classifier for all groups is generated by averaging the parameters of all the individual smooth ones. By leveraging the theory of nonlinear functional analysis, the smooth classifiers are reformulated as output functions of a Nemytskii operator. Theoretical analysis is conducted to derive that the Nemytskii operator is smooth and induces a Frechet differentiable smooth manifold. We theoretically demonstrate that the smooth manifold has a global Lipschitz constant that is independent of the domain of the input data, which derives the input-agnostic certified group fairness." 1024,Consistency of Neural Networks with Regularization,"Neural networks have attracted a lot of attention due to its success in applications such as natural language processing and computer vision. For large scale data, due to the tremendous number of parameters in neural networks, overfitting is an issue in training neural networks. To avoid overfitting, one common approach is to penalize the parameters especially the weights in neural networks. Although neural networks has demonstrated its advantages in many applications, the theoretical foundation of penalized neural networks has not been well-established. Our goal of this paper is to propose the general framework of neural networks with regularization and prove its consistency. Under certain conditions, the estimated neural network will converge to true underlying function as the sample size increases. The method of sieves and the theory on minimal neural networks are used to overcome the issue of unidentifiability for the parameters. Two types of activation functions: hyperbolic tangent function(Tanh) and rectified linear unit(ReLU) have been taken into consideration. Simulations have been conducted to verify the validation of theorem of consistency." 1025,FINGER: Fast Inference for Graph-based Approximate Nearest Neighbor Search,"Approximate K-Nearest Neighbor Search (AKNNS) has now become ubiquitous in modern applications, for example, as a fast search procedure with two tower deep learning models. Graph-based methods for AKNNS in particular have received great attention due to their superior performance. These methods rely on greedy graph search to traverse the data points as embedding vectors in a database. Under this greedy search scheme, we make a key observation: many distance computations do not influence search updates so these computations can be approximated without hurting performance. As a result, we propose FINGER, a fast inference method to achieve efficient graph search. FINGER approximates the distance function by estimating angles between neighboring residual vectors with low-rank bases and distribution matching. The approximated distance can be used to bypass unnecessary computations, which leads to faster searches. Empirically, accelerating a popular graph-based method named HNSW by FINGER is shown to outperform existing graph-based methods by 20%-60% across different benchmark datasets." 1026,The ArtBench Dataset: Benchmarking Generative Models with Artworks,"We introduce ArtBench-10, the first class-balanced, high-quality, cleanly annotated, and standardized dataset for benchmarking artwork generation. It comprises 60,000 images of artwork from 10 distinctive artistic styles, with 5,000 training images and 1,000 testing images per style. ArtBench-10 has several advantages over previous artwork datasets. Firstly, it is class-balanced while most previous artwork datasets suffer from the long tail class distributions. Secondly, the images are of high quality with clean annotations. Thirdly, ArtBench-10 is created with standardized data collection, annotation, filtering, and preprocessing procedures. We provide three versions of the dataset with different resolutions ($32\times32$, $256\times256$, and original image size), formatted in a way that is easy to be incorporated by popular machine learning frameworks. We also conduct extensive benchmarking experiments using representative image synthesis models with ArtBench-10 and present in-depth analysis. The dataset is available at https://github.com/liaopeiyuan/artbench under a Fair Use license." 1027,Curious Exploration via Structured World Models Yields Zero-Shot Object Manipulation,"It has been a long-standing dream to design artificial agents that explore their environment efficiently via intrinsic motivation, similar to how children perform curious free play. Despite recent advances in intrinsically motivated reinforcement learning (RL), sample-efficient exploration in object manipulation scenarios remains a significant challenge as most of the relevant information lies in the sparse agent-object and object-object interactions. In this paper, we propose to use structured world models to incorporate relational inductive biases in the control loop to achieve sample-efficient and interaction-rich exploration in compositional multi-object environments. By planning for future novelty inside structured world models, our method generates free-play behavior that starts to interact with objects early on and develops more complex behavior over time. Instead of using models only to compute intrinsic rewards, as commonly done, our method showcases that the self-reinforcing cycle between good models and good exploration also opens up another avenue: zero-shot generalization to downstream tasks via model-based planning. After the entirely intrinsic task-agnostic exploration phase, our method solves challenging downstream tasks such as stacking, flipping, pick & place, and throwing that generalizes to unseen numbers and arrangements of objects without any additional training." 1028,Program Targeting with Machine Learning and Mobile Phone Data: Evidence from an Anti-Poverty Intervention in Afghanistan,"Can mobile phone data improve program targeting? By combining rich survey data from a ""big push"" anti-poverty program in Afghanistan with detailed mobile phone logs from program beneficiaries, we study the extent to which machine learning methods can accurately differentiate ultra-poor households eligible for program benefits from ineligible households. We show that machine learning methods leveraging mobile phone data can identify ultra-poor households nearly as accurately as survey-based measures of consumption and wealth; and that combining survey-based measures with mobile phone data produces classifications more accurate than those based on a single data source." 1029,Learning Representations for Control with Hierarchical Forward Models,"Learning control from pixels is difficult for reinforcement learning (RL) agents because representation learning and policy learning are intertwined. Previous approaches remedy this issue with auxiliary representation learning tasks, but they either do not consider the temporal aspect of the problem or only consider single-step transitions. Instead, we propose Hierarchical $k$-Step Latent (HKSL), an auxiliary task that learns representations via a hierarchy of forward models that operate at varying magnitudes of step skipping while also learning to communicate between levels in the hierarchy. We evaluate HKSL in a suite of 30 robotic control tasks and find that HKSL either reaches higher episodic returns or converges to maximum performance more quickly than several current baselines. Also, we find that levels in HKSL's hierarchy can learn to specialize in long- or short-term consequences of agent actions, thereby providing the downstream control policy with more informative representations. Finally, we determine that communication channels between hierarchy levels organize information based on both sides of the communication process, which improves sample efficiency." 1030,Bi-stochastically normalized graph Laplacian: convergence to manifold Laplacian and robustness to outlier noise,"Bi-stochastic normalization of kernelized graph affinity matrix provides an alternative normalization scheme for graph Laplacian methods in graph-based data analysis and can be computed efficiently by Sinkhorn-Knopp (SK) iterations in practice. This paper proves the convergence of the bi-stochastically normalized graph Laplacian to manifold (weighted-)Laplacian with rates when $n$ data points are i.i.d. sampled from a general $d$-dimensional manifold embedded in a possibly high-dimensional space. Under certain joint limit of $n \to \infty$ and kernel bandwidth $\epsilon \to 0$, the point-wise convergence rate of the graph Laplacian operator (under 2-norm) is proved to be $ O( n^{-1/(d/2+3)})$ at finite large $n$ up to log factors, achieved at the scaling of $\epsilon \sim n^{-1/(d/2+3)} $. When the manifold data are corrupted by outlier noise, we theoretically prove the graph Laplacian point-wise consistency which matches the rate for clean manifold data up to an additional error term proportional to the boundedness of mutual inner-products of the noise vectors. Our analysis suggests that, under the setting being considered in this paper, not exact bi-stochastic normalization but an approximate one will achieve the same consistency rate. Motivated by the analysis, we propose an approximate and constrained matrix scaling problem that can be solved by SK iterations with early termination, and apply to simulated manifold data both clean and with outlier noise. Numerical experiments support our theoretical results and show the robustness of bi-stochastically normalized graph Laplacian to outlier noise." 1031,GACT: Activation Compressed Training for General Architectures,"Training large neural network (NN) models requires extensive memory resources, and Activation Compressed Training (ACT) is a promising approach to reduce training memory footprint. This paper presents GACT, an ACT framework to support a broad range of machine learning tasks for generic NN architectures with limited domain knowledge. By analyzing a linearized version of ACT's approximate gradient, we prove the convergence of GACT without prior knowledge on operator type or model architecture. To make training stable, we propose an algorithm that decides the compression ratio for each tensor by estimating its impact on the gradient at run time. We implement GACT as a PyTorch library that readily applies to any NN architecture. GACT reduces the activation memory for convolutional NNs, transformers, and graph NNs by up to 8.1x, enabling training with a 4.2x to 24.7x larger batch size, with negligible accuracy loss." 1032,Projection-free Constrained Stochastic Nonconvex Optimization with State-dependent Markov Data,"We study a projection-free conditional gradient-type algorithm for constrained nonconvex stochastic optimization problems with Markovian data. In particular, we focus on the case when the transition kernel of the Markov chain is state-dependent. Such stochastic optimization problems arise in various machine learning problems including strategic classification and reinforcement learning. For this problem, we establish that the number of calls to the stochastic first-order oracle and the linear minimization oracle to obtain an appropriately defined $\epsilon$-stationary point, are of the order $\mathcal{O}(1/\epsilon^{2.5})$ and $\mathcal{O}(1/\epsilon^{5.5})$ respectively. We also empirically demonstrate the performance of our algorithm on the problem of strategic classification with neural networks." 1033,Synthetic Data-Based Simulators for Recommender Systems: A Survey,"This survey aims at providing a comprehensive overview of the recent trends in the field of modeling and simulation (M&S) of interactions between users and recommender systems and applications of the M&S to the performance improvement of industrial recommender engines. We start with the motivation behind the development of frameworks implementing the simulations -- simulators -- and the usage of them for training and testing recommender systems of different types (including Reinforcement Learning ones). Furthermore, we provide a new consistent classification of existing simulators based on their functionality, approbation, and industrial effectiveness and moreover make a summary of the simulators found in the research literature. Besides other things, we discuss the building blocks of simulators: methods for synthetic data (user, item, user-item responses) generation, methods for what-if experimental analysis, methods and datasets used for simulation quality evaluation (including the methods that monitor and/or close possible simulation-to-reality gaps), and methods for summarization of experimental simulation results. Finally, this survey considers emerging topics and open problems in the field." 1034,Optimistic Linear Support and Successor Features as a Basis for Optimal Policy Transfer,"In many real-world applications, reinforcement learning (RL) agents might have to solve multiple tasks, each one typically modeled via a reward function. If reward functions are expressed linearly, and the agent has previously learned a set of policies for different tasks, successor features (SFs) can be exploited to combine such policies and identify reasonable solutions for new problems. However, the identified solutions are not guaranteed to be optimal. We introduce a novel algorithm that addresses this limitation. It allows RL agents to combine existing policies and directly identify optimal policies for arbitrary new problems, without requiring any further interactions with the environment. We first show (under mild assumptions) that the transfer learning problem tackled by SFs is equivalent to the problem of learning to optimize multiple objectives in RL. We then introduce an SF-based extension of the Optimistic Linear Support algorithm to learn a set of policies whose SFs form a convex coverage set. We prove that policies in this set can be combined via generalized policy improvement to construct optimal behaviors for any new linearly-expressible tasks, without requiring any additional training samples. We empirically show that our method outperforms state-of-the-art competing algorithms both in discrete and continuous domains under value function approximation." 1035,Community Recovery in the Geometric Block Model,"To capture inherent geometric features of many community detection problems, we propose to use a new random graph model of communities that we call a \emph{Geometric Block Model}. The geometric block model builds on the \emph{random geometric graphs} (Gilbert, 1961), one of the basic models of random graphs for spatial networks, in the same way that the well-studied stochastic block model builds on the Erd\H{o}s-R\'{en}yi random graphs. It is also a natural extension of random community models inspired by the recent theoretical and practical advancements in community detection. To analyze the geometric block model, we first provide new connectivity results for \emph{random annulus graphs} which are generalizations of random geometric graphs. The connectivity properties of geometric graphs have been studied since their introduction, and analyzing them has been difficult due to correlated edge formation. We then use the connectivity results of random annulus graphs to provide necessary and sufficient conditions for efficient recovery of communities for the geometric block model. We show that a simple triangle-counting algorithm to detect communities in the geometric block model is near-optimal. For this we consider two regimes of graph density. In the regime where the average degree of the graph grows logarithmically with number of vertices, we show that our algorithm performs extremely well, both theoretically and practically. In contrast, the triangle-counting algorithm is far from being optimum for the stochastic block model in the logarithmic degree regime. We also look at the regime where the average degree of the graph grows linearly with the number of vertices $n$, and hence to store the graph one needs $\Theta(n^2)$ memory. We show that our algorithm needs to store only $O(n \log n)$ edges in this regime to recover the latent communities." 1036,Latent Policies for Adversarial Imitation Learning,"This paper considers learning robot locomotion and manipulation tasks from expert demonstrations. Generative adversarial imitation learning (GAIL) trains a discriminator that distinguishes expert from agent transitions, and in turn use a reward defined by the discriminator output to optimize a policy generator for the agent. This generative adversarial training approach is very powerful but depends on a delicate balance between the discriminator and the generator training. In high-dimensional problems, the discriminator training may easily overfit or exploit associations with task-irrelevant features for transition classification. A key insight of this work is that performing imitation learning in a suitable latent task space makes the training process stable, even in challenging high-dimensional problems. We use an action encoder-decoder model to obtain a low-dimensional latent action space and train a LAtent Policy using Adversarial imitation Learning (LAPAL). The encoder-decoder model can be trained offline from state-action pairs to obtain a task-agnostic latent action representation or online, simultaneously with the discriminator and generator training, to obtain a task-aware latent action representation. We demonstrate that LAPAL training is stable, with near-monotonic performance improvement, and achieves expert performance in most locomotion and manipulation tasks, while a GAIL baseline converges slower and does not achieve expert performance in high-dimensional environments." 1037,Neural Implicit Manifold Learning for Topology-Aware Generative Modelling,"Natural data observed in $\mathbb{R}^n$ is often constrained to an $m$-dimensional manifold $\mathcal{M}$, where $m < n$. Current generative models represent this manifold by mapping an $m$-dimensional latent variable through a neural network $f_\theta: \mathbb{R}^m \to \mathbb{R}^n$. Such procedures, which we call pushforward models, incur a straightforward limitation: manifolds cannot in general be represented with a single parameterization, meaning that attempts to do so will incur either computational instability or the inability to learn probability densities within the manifold. To remedy this problem, we propose to model $\mathcal{M}$ as a neural implicit manifold: the set of zeros of a neural network. To learn the data distribution within $\mathcal{M}$, we introduce constrained energy-based models, which use a constrained variant of Langevin dynamics to train and sample within the learned manifold. The resulting model can be manipulated with an arithmetic of manifolds which allows practitioners to take unions and intersections of model manifolds. In experiments on synthetic and natural data, we show that constrained EBMs can learn manifold-supported distributions with complex topologies more accurately than pushforward models." 1038,Langevin Monte Carlo for Contextual Bandits,"We study the efficiency of Thompson sampling for contextual bandits. Existing Thompson sampling-based algorithms need to construct a Laplace approximation (i.e., a Gaussian distribution) of the posterior distribution, which is inefficient to sample in high dimensional applications for general covariance matrices. Moreover, the Gaussian approximation may not be a good surrogate for the posterior distribution for general reward generating functions. We propose an efficient posterior sampling algorithm, viz., Langevin Monte Carlo Thompson Sampling (LMC-TS), that uses Markov Chain Monte Carlo (MCMC) methods to directly sample from the posterior distribution in contextual bandits. Our method is computationally efficient since it only needs to perform noisy gradient descent updates without constructing the Laplace approximation of the posterior distribution. We prove that the proposed algorithm achieves the same sublinear regret bound as the best Thompson sampling algorithms for a special case of contextual bandits, viz., linear contextual bandits. We conduct experiments on both synthetic data and real-world datasets on different contextual bandit models, which demonstrates that directly sampling from the posterior is both computationally efficient and competitive in performance." 1039,Behavior Transformers: Cloning $k$ modes with one stone,"While behavior learning has made impressive progress in recent times, it lags behind computer vision and natural language processing due to its inability to leverage large, human-generated datasets. Human behaviors have wide variance, multiple modes, and human demonstrations typically do not come with reward labels. These properties limit the applicability of current methods in Offline RL and Behavioral Cloning to learn from large, pre-collected datasets. In this work, we present Behavior Transformer (BeT), a new technique to model unlabeled demonstration data with multiple modes. BeT retrofits standard transformer architectures with action discretization coupled with a multi-task action correction inspired by offset prediction in object detection. This allows us to leverage the multi-modal modeling ability of modern transformers to predict multi-modal continuous actions. We experimentally evaluate BeT on a variety of robotic manipulation and self-driving behavior datasets. We show that BeT significantly improves over prior state-of-the-art work on solving demonstrated tasks while capturing the major modes present in the pre-collected datasets. Finally, through an extensive ablation study, we analyze the importance of every crucial component in BeT. Videos of behavior generated by BeT are available at https://notmahi.github.io/bet" 1040,GEMv2: Multilingual NLG Benchmarking in a Single Line of Code,"Evaluation in machine learning is usually informed by past choices, for example which datasets or metrics to use. This standardization enables the comparison on equal footing using leaderboards, but the evaluation choices become sub-optimal as better alternatives arise. This problem is especially pertinent in natural language generation which requires ever-improving suites of datasets, metrics, and human evaluation to make definitive claims. To make following best model evaluation practices easier, we introduce GEMv2. The new version of the Generation, Evaluation, and Metrics Benchmark introduces a modular infrastructure for dataset, model, and metric developers to benefit from each others work. GEMv2 supports 40 documented datasets in 51 languages. Models for all datasets can be evaluated online and our interactive data card creation and rendering tools make it easier to add new datasets to the living benchmark." 1041,Provable Acceleration of Heavy Ball beyond Quadratics for a Class of Polyak-Łojasiewicz Functions when the Non-Convexity is Averaged-Out,"Heavy Ball (HB) nowadays is one of the most popular momentum methods in non-convex optimization. It has been widely observed that incorporating the Heavy Ball dynamic in gradient-based methods accelerates the training process of modern machine learning models. However, the progress on establishing its theoretical foundation of acceleration is apparently far behind its empirical success. Existing provable acceleration results are of the quadratic or close-to-quadratic functions, as the current techniques of showing HB's acceleration are limited to the case when the Hessian is fixed. In this work, we develop some new techniques that help show acceleration beyond quadratics, which is achieved by analyzing how the change of the Hessian at two consecutive time points affects the convergence speed. Based on our technical results, a class of Polyak-\L{}ojasiewicz (PL) optimization problems for which provable acceleration can be achieved via HB is identified. Moreover, our analysis demonstrates a benefit of adaptively setting the momentum parameter." 1042,Concentration inequalities and optimal number of layers for stochastic deep neural networks,"We state concentration and martingale inequalities for the output of the hidden layers of a stochastic deep neural network (SDNN), as well as for the output of the whole SDNN. These results allow us to introduce an expected classifier (EC), and to give probabilistic upper bound for the classification error of the EC. We also state the optimal number of layers for the SDNN via an optimal stopping procedure. We apply our analysis to a stochastic version of a feedforward neural network with ReLU activation function." 1043,FedorAS: Federated Architecture Search under system heterogeneity,"Federated learning (FL) has recently gained considerable attention due to its ability to use decentralised data while preserving privacy. However, it also poses additional challenges related to the heterogeneity of the participating devices, both in terms of their computational capabilities and contributed data. Meanwhile, Neural Architecture Search (NAS) has been successfully used with centralised datasets, producing state-of-the-art results in constrained (hardware-aware) and unconstrained settings. However, even the most recent work laying at the intersection of NAS and FL assumes homogeneous compute environment with datacenter-grade hardware and does not address the issues of working with constrained, heterogeneous devices. As a result, practical usage of NAS in a federated setting remains an open problem that we address in our work. We design our system, FedorAS, to discover and train promising architectures when dealing with devices of varying capabilities holding non-IID distributed data, and present empirical evidence of its effectiveness across different settings. Specifically, we evaluate FedorAS across datasets spanning three different modalities (vision, speech, text) and show its better performance compared to state-of-the-art federated solutions, while maintaining resource efficiency." 1044,Correct and Certify: A New Approach to Self-Supervised 3D-Object Perception,"We consider an object pose estimation and model fitting problem, where - given a partial point cloud of an object - the goal is to estimate the object pose by fitting a CAD model to the sensor data. We solve this problem by combining (i) a semantic keypoint-based pose estimation model, (ii) a novel self-supervised training approach, and (iii) a certification procedure, that not only verifies whether the output produced by the model is correct or not, but also flags uniqueness of the produced solution. The semantic keypoint detector model is initially trained in simulation and does not perform well on real-data due to the domain gap. Our self-supervised training procedure uses a corrector and a certification module to improve the detector. The corrector module corrects the detected keypoints to compensate for the domain gap, and is implemented as a declarative layer, for which we develop a simple differentiation rule. The certification module declares whether the corrected output produced by the model is certifiable (i.e. correct) or not. At each iteration, the approach optimizes over the loss induced only by the certifiable input-output pairs. As training progresses, we see that the fraction of outputs that are certifiable increases, eventually reaching near $100\%$ in many cases. We also introduce the notion of strong certifiability wherein the model can determine if the predicted object model fit is unique or not. The detected semantic keypoints help us implement this in the forward pass. We conduct extensive experiments to evaluate the performance of the corrector, the certification, and the proposed self-supervised training using the ShapeNet and YCB datasets, and show the proposed approach achieves performance comparable to fully supervised baselines while not requiring pose or keypoint supervision on real data." 1045,VisFIS: Visual Feature Importance Supervision with Right-for-the-Right-Reason Objectives,"Many past works aim to improve visual reasoning in models by supervising feature importance (estimated by model explanation techniques) with human annotations such as highlights of important image regions. However, recent work has shown that performance gains from feature importance (FI) supervision for Visual Question Answering (VQA) tasks persist even with random supervision, suggesting that these methods do not meaningfully align model FI with human FI. In this paper, we show that model FI supervision can meaningfully improve VQA model accuracy as well as performance on several Right-for-the-Right-Reason (RRR) metrics by optimizing for four key model objectives: (1) accurate predictions given limited but sufficient information (Sufficiency); (2) max-entropy predictions given no important information (Uncertainty); (3) invariance of predictions to changes in unimportant features (Invariance); and (4) alignment between model FI explanations and human FI explanations (Plausibility). Our best performing method, Visual Feature Importance Supervision (VisFIS), outperforms strong baselines on benchmark VQA datasets in terms of both in-distribution and out-of-distribution accuracy. While past work suggests that the mechanism for improved accuracy is through improved explanation plausibility, we show that this relationship depends crucially on explanation faithfulness (whether explanations truly represent the model's internal reasoning). Predictions are more accurate when explanations are plausible and faithful, and not when they are plausible but not faithful. Lastly, we show that, surprisingly, RRR metrics are not predictive of out-of-distribution model accuracy when controlling for a model's in-distribution accuracy, which calls into question the value of these metrics for evaluating model reasoning. All supporting code is available at https://github.com/zfying/visfis" 1046,Constant-Factor Approximation Algorithms for Socially Fair $k$-Clustering,"We study approximation algorithms for the socially fair $(\ell_p, k)$-clustering problem with $m$ groups, whose special cases include the socially fair $k$-median ($p=1$) and socially fair $k$-means ($p=2$) problems. We present (1) a polynomial-time $(5+2\sqrt{6})^p$-approximation with at most $k+m$ centers (2) a $(5+2\sqrt{6}+\epsilon)^p$-approximation with $k$ centers in time $n^{2^{O(p)}\cdot m^2}$, and (3) a $(15+6\sqrt{6})^p$ approximation with $k$ centers in time $k^{m}\cdot\text{poly}(n)$. The first result is obtained via a refinement of the iterative rounding method using a sequence of linear programs. The latter two results are obtained by converting a solution with up to $k+m$ centers to one with $k$ centers using sparsification methods for (2) and via an exhaustive search for (3). We also compare the performance of our algorithms with existing bicriteria algorithms as well as exactly $k$ center approximation algorithms on benchmark datasets, and find that our algorithms also outperform existing methods in practice." 1047,Multi-Agent Car Parking using Reinforcement Learning,"As the industry of autonomous driving grows, so does the potential interaction of groups of autonomous cars. Combined with the advancement of Artificial Intelligence and simulation, such groups can be simulated, and safety-critical models can be learned controlling the cars within. This study applies reinforcement learning to the problem of multi-agent car parking, where groups of cars aim to efficiently park themselves, while remaining safe and rational. Utilising robust tools and machine learning frameworks, we design and implement a flexible car parking environment in the form of a Markov decision process with independent learners, exploiting multi-agent communication. We implement a suite of tools to perform experiments at scale, obtaining models parking up to 7 cars with over a 98.1% success rate, significantly beating existing single-agent models. We also obtain several results relating to competitive and collaborative behaviours exhibited by the cars in our environment, with varying densities and levels of communication. Notably, we discover a form of collaboration that cannot arise without competition, and a 'leaky' form of collaboration whereby agents collaborate without sufficient state. Such work has numerous potential applications in the autonomous driving and fleet management industries, and provides several useful techniques and benchmarks for the application of reinforcement learning to multi-agent car parking." 1048,General Univariate Estimation-of-Distribution Algorithms,"We propose a general formulation of a univariate estimation-of-distribution algorithm (EDA). It naturally incorporates the three classic univariate EDAs \emph{compact genetic algorithm}, \emph{univariate marginal distribution algorithm} and \emph{population-based incremental learning} as well as the \emph{max-min ant system} with iteration-best update. Our unified description of the existing algorithms allows a unified analysis of these; we demonstrate this by providing an analysis of genetic drift that immediately gives the existing results proven separately for the four algorithms named above. Our general model also includes EDAs that are more efficient than the existing ones and these may not be difficult to find as we demonstrate for the OneMax and LeadingOnes benchmarks." 1049,Learning Optimal Treatment Strategies for Sepsis Using Offline Reinforcement Learning in Continuous Space,"Sepsis is a leading cause of death in the ICU. It is a disease requiring complex interventions in a short period of time, but its optimal treatment strategy remains uncertain. Evidence suggests that the practices of currently used treatment strategies are problematic and may cause harm to patients. To address this decision problem, we propose a new medical decision model based on historical data to help clinicians recommend the best reference option for real-time treatment. Our model combines offline reinforcement learning with deep reinforcement learning to address the problem that traditional reinforcement learning in healthcare cannot interact with the environment, enabling our model to make decisions in a continuous state-action space. We demonstrate that, on average, the treatments recommended by the model are more valuable and reliable than those recommended by clinicians. In a large validation dataset, we found that patients whose actual doses from clinicians matched the AI's decisions had the lowest mortality rates. Our model provides personalized, clinically interpretable treatment decisions for sepsis that can improve patient care." 1050,Independent evaluation of state-of-the-art deep networks for mammography,"Deep neural models have shown remarkable performance in image recognition tasks, whenever large datasets of labeled images are available. The largest datasets in radiology are available for screening mammography. Recent reports, including in high impact journals, document performance of deep models at or above that of trained radiologists. What is not yet known is whether performance of these trained models is robust and replicates across datasets. Here we evaluate performance of five published state-of-the-art models on four publicly available mammography datasets. The limited size of public datasets precludes retraining the model and so we are limited to evaluate those models that have been made available with pre-trained parameters. Where test data was available, we replicated published results. However, the trained models performed poorly on out-of-sample data, except when based on all four standard views of a mammographic exam. We conclude that future progress will depend on a concerted effort to make more diverse and larger mammography datasets publicly available. Meanwhile, results that are not accompanied by a release of trained models for independent validation should be judged cautiously." 1051,Towards Unsupervised Content Disentanglement in Sentence Representations via Syntactic Roles,"Linking neural representations to linguistic factors is crucial in order to build and analyze NLP models interpretable by humans. Among these factors, syntactic roles (e.g. subjects, direct objects,$\dots$) and their realizations are essential markers since they can be understood as a decomposition of predicative structures and thus the meaning of sentences. Starting from a deep probabilistic generative model with attention, we measure the interaction between latent variables and realizations of syntactic roles and show that it is possible to obtain, without supervision, representations of sentences where different syntactic roles correspond to clearly identified different latent variables. The probabilistic model we propose is an Attention-Driven Variational Autoencoder (ADVAE). Drawing inspiration from Transformer-based machine translation models, ADVAEs enable the analysis of the interactions between latent variables and input tokens through attention. We also develop an evaluation protocol to measure disentanglement with regard to the realizations of syntactic roles. This protocol is based on attention maxima for the encoder and on latent variable perturbations for the decoder. Our experiments on raw English text from the SNLI dataset show that $\textit{i)}$ disentanglement of syntactic roles can be induced without supervision, $\textit{ii)}$ ADVAE separates syntactic roles better than classical sequence VAEs and Transformer VAEs, $\textit{iii)}$ realizations of syntactic roles can be separately modified in sentences by mere intervention on the associated latent variables. Our work constitutes a first step towards unsupervised controllable content generation. The code for our work is publicly available." 1052,Active Learning with Safety Constraints,"Active learning methods have shown great promise in reducing the number of samples necessary for learning. As automated learning systems are adopted into real-time, real-world decision-making pipelines, it is increasingly important that such algorithms are designed with safety in mind. In this work we investigate the complexity of learning the best safe decision in interactive environments. We reduce this problem to a constrained linear bandits problem, where our goal is to find the best arm satisfying certain (unknown) safety constraints. We propose an adaptive experimental design-based algorithm, which we show efficiently trades off between the difficulty of showing an arm is unsafe vs suboptimal. To our knowledge, our results are the first on best-arm identification in linear bandits with safety constraints. In practice, we demonstrate that this approach performs well on synthetic and real world datasets." 1053,"On the Role of Spatial, Spectral, and Temporal Processing for DNN-based Non-linear Multi-channel Speech Enhancement","Employing deep neural networks (DNNs) to directly learn filters for multi-channel speech enhancement has potentially two key advantages over a traditional approach combining a linear spatial filter with an independent tempo-spectral post-filter: 1) non-linear spatial filtering allows to overcome potential restrictions originating from a linear processing model and 2) joint processing of spatial and tempo-spectral information allows to exploit interdependencies between different sources of information. A variety of DNN-based non-linear filters have been proposed recently, for which good enhancement performance is reported. However, little is known about the internal mechanisms which turns network architecture design into a game of chance. Therefore, in this paper, we perform experiments to better understand the internal processing of spatial, spectral and temporal information by DNN-based non-linear filters. On the one hand, our experiments in a difficult speech extraction scenario confirm the importance of non-linear spatial filtering, which outperforms an oracle linear spatial filter by 0.24 POLQA score. On the other hand, we demonstrate that joint processing results in a large performance gap of 0.4 POLQA score between network architectures exploiting spectral versus temporal information besides spatial information." 1054,Optimal transport meets noisy label robust loss and MixUp regularization for domain adaptation,"It is common in computer vision to be confronted with domain shift: images which have the same class but different acquisition conditions. In domain adaptation (DA), one wants to classify unlabeled target images using source labeled images. Unfortunately, deep neural networks trained on a source training set perform poorly on target images which do not belong to the training domain. One strategy to improve these performances is to align the source and target image distributions in an embedded space using optimal transport (OT). However OT can cause negative transfer, i.e. aligning samples with different labels, which leads to overfitting especially in the presence of label shift between domains. In this work, we mitigate negative alignment by explaining it as a noisy label assignment to target images. We then mitigate its effect by appropriate regularization. We propose to couple the MixUp regularization \citep{zhang2018mixup} with a loss that is robust to noisy labels in order to improve domain adaptation performance. We show in an extensive ablation study that a combination of the two techniques is critical to achieve improved performance. Finally, we evaluate our method, called \textsc{mixunbot}, on several benchmarks and real-world DA problems." 1055,Cold Posteriors through PAC-Bayes,"We investigate the cold posterior effect through the lens of PAC-Bayes generalization bounds. We argue that in the non-asymptotic setting, when the number of training samples is (relatively) small, discussions of the cold posterior effect should take into account that approximate Bayesian inference does not readily provide guarantees of performance on out-of-sample data. Instead, out-of-sample error is better described through a generalization bound. In this context, we explore the connections between the ELBO objective from variational inference and the PAC-Bayes objectives. We note that, while the ELBO and PAC-Bayes objectives are similar, the latter objectives naturally contain a temperature parameter $\lambda$ which is not restricted to be $\lambda=1$. For both regression and classification tasks, in the case of isotropic Laplace approximations to the posterior, we show how this PAC-Bayesian interpretation of the temperature parameter captures the cold posterior effect." 1056,Neural Inverse Transform Sampler,"Any explicit functional representation $f$ of a density is hampered by two main obstacles when we wish to use it as a generative model: designing $f$ so that sampling is fast, and estimating $Z = \int f$ so that $Z^{-1}f$ integrates to 1. This becomes increasingly complicated as $f$ itself becomes complicated. In this paper, we show that when modeling one-dimensional conditional densities with a neural network, $Z$ can be exactly and efficiently computed by letting the network represent the cumulative distribution function of a target density, and applying a generalized fundamental theorem of calculus. We also derive a fast algorithm for sampling from the resulting representation by the inverse transform method. By extending these principles to higher dimensions, we introduce the \textbf{Neural Inverse Transform Sampler (NITS)}, a novel deep learning framework for modeling and sampling from general, multidimensional, compactly-supported probability densities. NITS is a highly expressive density estimator that boasts end-to-end differentiability, fast sampling, and exact and cheap likelihood evaluation. We demonstrate the applicability of NITS by applying it to realistic, high-dimensional density estimation tasks: likelihood-based generative modeling on the CIFAR-10 dataset, and density estimation on the UCI suite of benchmark datasets, where NITS produces compelling results rivaling or surpassing the state of the art." 1057,Ordered Subgraph Aggregation Networks,"Numerous subgraph-enhanced graph neural networks (GNNs) have emerged recently, provably boosting the expressive power of standard (message-passing) GNNs. However, there is a limited understanding of how these approaches relate to each other and to the Weisfeiler--Leman hierarchy. Moreover, current approaches either use all subgraphs of a given size, sample them uniformly at random, or use hand-crafted heuristics instead of learning to select subgraphs in a data-driven manner. Here, we offer a unified way to study such architectures by introducing a theoretical framework and extending the known expressivity results of subgraph-enhanced GNNs. Concretely, we show that increasing subgraph size always increases the expressive power and develop a better understanding of their limitations by relating them to the established $k\text{-}\mathsf{WL}$ hierarchy. In addition, we explore different approaches for learning to sample subgraphs using recent methods for backpropagating through complex discrete probability distributions. Empirically, we study the predictive performance of different subgraph-enhanced GNNs, showing that our data-driven architectures increase prediction accuracy on standard benchmark datasets compared to non-data-driven subgraph-enhanced graph neural networks while reducing computation time." 1058,Sharing pattern submodels for prediction with missing values,"Missing values are unavoidable in many applications of machine learning and present a challenge both during training and at test time. When variables are missing in recurring patterns, fitting separate pattern submodels have been proposed as a solution. However, independent models do not make efficient use of all available data. Conversely, fitting a shared model to the full data set typically relies on imputation which may be suboptimal when missingness depends on unobserved factors. We propose an alternative approach, called sharing pattern submodels, which make predictions that are a) robust to missing values at test time, b) maintains or improves the predictive power of pattern submodels, and c) has a short description enabling improved interpretability. We identify cases where sharing is provably optimal, even when missingness itself is predictive and when the prediction target depends on unobserved variables. Classification and regression experiments on synthetic data and two healthcare data sets demonstrate that our models achieve a favorable trade-off between pattern specialization and information sharing." 1059,Then and Now: Quantifying the Longitudinal Validity of Self-Disclosed Depression Diagnoses,"Self-disclosed mental health diagnoses, which serve as ground truth annotations of mental health status in the absence of clinical measures, underpin the conclusions behind most computational studies of mental health language from the last decade. However, psychiatric conditions are dynamic; a prior depression diagnosis may no longer be indicative of an individual's mental health, either due to treatment or other mitigating factors. We ask: to what extent are self-disclosures of mental health diagnoses actually relevant over time? We analyze recent activity from individuals who disclosed a depression diagnosis on social media over five years ago and, in turn, acquire a new understanding of how presentations of mental health status on social media manifest longitudinally. We also provide expanded evidence for the presence of personality-related biases in datasets curated using self-disclosed diagnoses. Our findings motivate three practical recommendations for improving mental health datasets curated using self-disclosed diagnoses: 1) Annotate diagnosis dates and psychiatric comorbidities; 2) Sample control groups using propensity score matching; 3) Identify and remove spurious correlations introduced by selection bias." 1060,reStructured Pre-training,"In this work, we try to decipher the internal connection of NLP technology development in the past decades, searching for essence, which rewards us with a (potential) new learning paradigm for NLP tasks, dubbed as reStructured Pre-training (RST). In such a paradigm, the role of data will be re-emphasized, and model pre-training and fine-tuning of downstream tasks are viewed as a process of data storing and accessing. Based on that, we operationalize the simple principle that a good storage mechanism should not only have the ability to cache a large amount of data but also consider the ease of access. We achieve this by pre-training models over restructured data that consist of a variety of valuable information instead of raw data after overcoming several engineering challenges. Experimentally, RST models not only surpass strong competitors (e.g., T0) on 52/55 popular datasets from a variety of NLP tasks, but also achieve superior performance in National College Entrance Examination - English (Gaokao-English),the most authoritative examination in China. Specifically, the proposed system Qin achieves 40 points higher than the average scores made by students and 15 points higher than GPT3 with 1/16 parameters. In particular, Qin gets a high score of 138.5 (the full mark is 150) in the 2018 English exam (national paper III). We have released the Gaokao Benchmark with an online submission platform. In addition, we test our model in the 2022 College Entrance Examination English that happened a few days ago (2022.06.08), and it gets a total score of 134 (v.s. GPT3's 108)." 1061,Discussion of `Multiscale Fisher's Independence Test for Multivariate Dependence',"We discuss how MultiFIT, the Multiscale Fisher's Independence Test for Multivariate Dependence proposed by Gorsky and Ma (2022), compares to existing linear-time kernel tests based on the Hilbert-Schmidt independence criterion (HSIC). We highlight the fact that the levels of the kernel tests at any finite sample size can be controlled exactly, as it is the case with the level of MultiFIT. In our experiments, we observe some of the performance limitations of MultiFIT in terms of test power." 1062,Understanding and Extending Subgraph GNNs by Rethinking Their Symmetries,"Subgraph GNNs are a recent class of expressive Graph Neural Networks (GNNs) which model graphs as collections of subgraphs. So far, the design space of possible Subgraph GNN architectures as well as their basic theoretical properties are still largely unexplored. In this paper, we study the most prominent form of subgraph methods, which employs node-based subgraph selection policies such as ego-networks or node marking and deletion. We address two central questions: (1) What is the upper-bound of the expressive power of these methods? and (2) What is the family of equivariant message passing layers on these sets of subgraphs?. Our first step in answering these questions is a novel symmetry analysis which shows that modelling the symmetries of node-based subgraph collections requires a significantly smaller symmetry group than the one adopted in previous works. This analysis is then used to establish a link between Subgraph GNNs and Invariant Graph Networks (IGNs). We answer the questions above by first bounding the expressive power of subgraph methods by 3-WL, and then proposing a general family of message-passing layers for subgraph methods that generalises all previous node-based Subgraph GNNs. Finally, we design a novel Subgraph GNN dubbed SUN, which theoretically unifies previous architectures while providing better empirical performance on multiple benchmarks." 1063,Variational Causal Dynamics: Discovering Modular World Models from Interventions,"Latent world models allow agents to reason about complex environments with high-dimensional observations. However, adapting to new environments and effectively leveraging previous knowledge remain significant challenges. We present variational causal dynamics (VCD), a structured world model that exploits the invariance of causal mechanisms across environments to achieve fast and modular adaptation. By causally factorising a transition model, VCD is able to identify reusable components across different environments. This is achieved by combining causal discovery and variational inference to learn a latent representation and transition model jointly in an unsupervised manner. Specifically, we optimise the evidence lower bound jointly over a representation model and a transition model structured as a causal graphical model. In evaluations on simulated environments with state and image observations, we show that VCD is able to successfully identify causal variables, and to discover consistent causal structures across different environments. Moreover, given a small number of observations in a previously unseen, intervened environment, VCD is able to identify the sparse changes in the dynamics and to adapt efficiently. In doing so, VCD significantly extends the capabilities of the current state-of-the-art in latent world models while also comparing favourably in terms of prediction accuracy." 1064,tntorch: Tensor Network Learning with PyTorch,"We present tntorch, a tensor learning framework that supports multiple decompositions (including Candecomp/Parafac, Tucker, and Tensor Train) under a unified interface. With our library, the user can learn and handle low-rank tensors with automatic differentiation, seamless GPU support, and the convenience of PyTorch's API. Besides decomposition algorithms, tntorch implements differentiable tensor algebra, rank truncation, cross-approximation, batch processing, comprehensive tensor arithmetics, and more." 1065,Explanation-based Counterfactual Retraining(XCR): A Calibration Method for Black-box Models,"With the rapid development of eXplainable Artificial Intelligence (XAI), a long line of past work has shown concerns about the Out-of-Distribution (OOD) problem in perturbation-based post-hoc XAI models and explanations are socially misaligned. We explore the limitations of post-hoc explanation methods that use approximators to mimic the behavior of black-box models. Then we propose eXplanation-based Counterfactual Retraining (XCR), which extracts feature importance fastly. XCR applies the explanations generated by the XAI model as counterfactual input to retrain the black-box model to address OOD and social misalignment problems. Evaluation of popular image datasets shows that XCR can improve model performance when only retaining 12.5% of the most crucial features without changing the black-box model structure. Furthermore, the evaluation of the benchmark of corruption datasets shows that the XCR is very helpful for improving model robustness and positively impacts the calibration of OOD problems. Even though not calibrated in the validation set like some OOD calibration methods, the corrupted data metric outperforms existing methods. Our method also beats current OOD calibration methods on the OOD calibration metric if calibration on the validation set is applied." 1066,"A view of mini-batch SGD via generating functions: conditions of convergence, phase transitions, benefit from negative momenta","Mini-batch SGD with momentum is a fundamental algorithm for learning large predictive models. In this paper we develop a new analytic framework to analyze mini-batch SGD for linear models at different momenta and sizes of batches. Our key idea is to describe the loss value sequence in terms of its generating function, which can be written in a compact form assuming a diagonal approximation for the second moments of model weights. By analyzing this generating function, we deduce various conclusions on the convergence conditions, phase structure of the model, and optimal learning settings. As a few examples, we show that 1) the optimization trajectory can generally switch from the ""signal-dominated"" to the ""noise-dominated"" phase, at a time scale that can be predicted analytically; 2) in the ""signal-dominated"" (but not the ""noise-dominated"") phase it is favorable to choose a large effective learning rate, however its value must be limited for any finite batch size to avoid divergence; 3) optimal convergence rate can be achieved at a negative momentum. We verify our theoretical predictions by extensive experiments with MNIST and synthetic problems, and find a good quantitative agreement." 1067,Near-optimal control of dynamical systems with neural ordinary differential equations,"Optimal control problems naturally arise in many scientific applications where one wishes to steer a dynamical system from a certain initial state $\mathbf{x}_0$ to a desired target state $\mathbf{x}^*$ in finite time $T$. Recent advances in deep learning and neural network-based optimization have contributed to the development of methods that can help solve control problems involving high-dimensional dynamical systems. In particular, the framework of neural ordinary differential equations (neural ODEs) provides an efficient means to iteratively approximate continuous time control functions associated with analytically intractable and computationally demanding control tasks. Although neural ODE controllers have shown great potential in solving complex control problems, the understanding of the effects of hyperparameters such as network structure and optimizers on learning performance is still very limited. Our work aims at addressing some of these knowledge gaps to conduct efficient hyperparameter optimization. To this end, we first analyze how truncated and non-truncated backpropagation through time affect runtime performance and the ability of neural networks to learn optimal control functions. Using analytical and numerical methods, we then study the role of parameter initializations, optimizers, and neural-network architecture. Finally, we connect our results to the ability of neural ODE controllers to implicitly regularize control energy." 1068,Beyond RMSE: Do machine-learned models of road user interaction produce human-like behavior?,"Autonomous vehicles use a variety of sensors and machine-learned models to predict the behavior of surrounding road users. Most of the machine-learned models in the literature focus on quantitative error metrics like the root mean square error (RMSE) to learn and report their models' capabilities. This focus on quantitative error metrics tends to ignore the more important behavioral aspect of the models, raising the question of whether these models really predict human-like behavior. Thus, we propose to analyze the output of machine-learned models much like we would analyze human data in conventional behavioral research. We introduce quantitative metrics to demonstrate presence of three different behavioral phenomena in a naturalistic highway driving dataset: 1) The kinematics-dependence of who passes a merging point first 2) Lane change by an on-highway vehicle to accommodate an on-ramp vehicle 3) Lane changes by vehicles on the highway to avoid lead vehicle conflicts. Then, we analyze the behavior of three machine-learned models using the same metrics. Even though the models' RMSE value differed, all the models captured the kinematic-dependent merging behavior but struggled at varying degrees to capture the more nuanced courtesy lane change and highway lane change behavior. Additionally, the collision aversion analysis during lane changes showed that the models struggled to capture the physical aspect of human driving: leaving adequate gap between the vehicles. Thus, our analysis highlighted the inadequacy of simple quantitative metrics and the need to take a broader behavioral perspective when analyzing machine-learned models of human driving predictions." 1069,OpenXAI: Towards a Transparent Evaluation of Model Explanations,"While several types of post hoc explanation methods (e.g., feature attribution methods) have been proposed in recent literature, there is little to no work on systematically benchmarking these methods in an efficient and transparent manner. Here, we introduce OpenXAI, a comprehensive and extensible open source framework for evaluating and benchmarking post hoc explanation methods. OpenXAI comprises of the following key components: (i) a flexible synthetic data generator and a collection of diverse real-world datasets, pre-trained models, and state-of-the-art feature attribution methods, (ii) open-source implementations of twenty-two quantitative metrics for evaluating faithfulness, stability (robustness), and fairness of explanation methods, and (iii) the first ever public XAI leaderboards to benchmark explanations. OpenXAI is easily extensible, as users can readily evaluate custom explanation methods and incorporate them into our leaderboards. Overall, OpenXAI provides an automated end-to-end pipeline that not only simplifies and standardizes the evaluation of post hoc explanation methods, but also promotes transparency and reproducibility in benchmarking these methods. OpenXAI datasets and data loaders, implementations of state-of-the-art explanation methods and evaluation metrics, as well as leaderboards are publicly available at https://open-xai.github.io/." 1070,Descent Steps of a Relation-Aware Energy Produce Heterogeneous Graph Neural Networks,"Heterogeneous graph neural networks (GNNs) achieve strong performance on node classification tasks in a semi-supervised learning setting. However, as in the simpler homogeneous GNN case, message-passing-based heterogeneous GNNs may struggle to balance between resisting the oversmoothing occuring in deep models and capturing long-range dependencies graph structured data. Moreover, the complexity of this trade-off is compounded in the heterogeneous graph case due to the disparate heterophily relationships between nodes of different types. To address these issues, we proposed a novel heterogeneous GNN architecture in which layers are derived from optimization steps that descend a novel relation-aware energy function. The corresponding minimizer is fully differentiable with respect to the energy function parameters, such that bilevel optimization can be applied to effectively learn a functional form whose minimum provides optimal node representations for subsequent classification tasks. In particular, this methodology allows us to model diverse heterophily relationships between different node types while avoiding oversmoothing effects. Experimental results on 8 heterogeneous graph benchmarks demonstrates that our proposed method can achieve competitive node classification accuracy." 1071,Noisy $\ell^{0}$-Sparse Subspace Clustering on Dimensionality Reduced Data,"Sparse subspace clustering methods with sparsity induced by $\ell^{0}$-norm, such as $\ell^{0}$-Sparse Subspace Clustering ($\ell^{0}$-SSC)~\citep{YangFJYH16-L0SSC-ijcv}, are demonstrated to be more effective than its $\ell^{1}$ counterpart such as Sparse Subspace Clustering (SSC)~\citep{ElhamifarV13}. However, the theoretical analysis of $\ell^{0}$-SSC is restricted to clean data that lie exactly in subspaces. Real data often suffer from noise and they may lie close to subspaces. In this paper, we show that an optimal solution to the optimization problem of noisy $\ell^{0}$-SSC achieves subspace detection property (SDP), a key element with which data from different subspaces are separated, under deterministic and semi-random model. Our results provide theoretical guarantee on the correctness of noisy $\ell^{0}$-SSC in terms of SDP on noisy data for the first time, which reveals the advantage of noisy $\ell^{0}$-SSC in terms of much less restrictive condition on subspace affinity. In order to improve the efficiency of noisy $\ell^{0}$-SSC, we propose Noisy-DR-$\ell^{0}$-SSC which provably recovers the subspaces on dimensionality reduced data. Noisy-DR-$\ell^{0}$-SSC first projects the data onto a lower dimensional space by random projection, then performs noisy $\ell^{0}$-SSC on the projected data for improved efficiency. Experimental results demonstrate the effectiveness of Noisy-DR-$\ell^{0}$-SSC." 1072,AlphaMLDigger: A Novel Machine Learning Solution to Explore Excess Return on Investment,"How to quickly and automatically mine effective information and serve investment decisions has attracted more and more attention from academia and industry. And new challenges have been raised with the global pandemic. This paper proposes a two-phase AlphaMLDigger that effectively finds excessive returns in the highly fluctuated market. In phase 1, a deep sequential NLP model is proposed to transfer blogs on Sina Microblog to market sentiment. In phase 2, the predicted market sentiment is combined with social network indicator features and stock market history features to predict the stock movements with different Machine Learning models and optimizers. The results show that our AlphaMLDigger achieves higher accuracy in the test set than previous works and is robust to the negative impact of COVID-19 to some extent." 1073,Answer Fast: Accelerating BERT on the Tensor Streaming Processor,"Transformers have become a predominant machine learning workload, they are not only the de-facto standard for natural language processing tasks, but they are also being deployed in other domains such as vision and speech recognition. Many of the transformer-based applications are real-time systems such as machine translation and web search. These real time systems often come with strict end-to-end inference latency requirements. Unfortunately, while the majority of the transformer computation comes from matrix multiplications, transformers also include several non-linear components that tend to become the bottleneck during an inference. In this work, we accelerate the inference of BERT models on the tensor streaming processor. By carefully fusing all the nonlinear components with the matrix multiplication components, we are able to efficiently utilize the on-chip matrix multiplication units resulting in a deterministic tail latency of 130 $\mu$s for a batch-1 inference through BERT-base, which is 6X faster than the current state-of-the-art." 1074,Surgical-VQA: Visual Question Answering in Surgical Scenes using Transformer,"Visual question answering (VQA) in surgery is largely unexplored. Expert surgeons are scarce and are often overloaded with clinical and academic workloads. This overload often limits their time answering questionnaires from patients, medical students or junior residents related to surgical procedures. At times, students and junior residents also refrain from asking too many questions during classes to reduce disruption. While computer-aided simulators and recording of past surgical procedures have been made available for them to observe and improve their skills, they still hugely rely on medical experts to answer their questions. Having a Surgical-VQA system as a reliable 'second opinion' could act as a backup and ease the load on the medical experts in answering these questions. The lack of annotated medical data and the presence of domain-specific terms has limited the exploration of VQA for surgical procedures. In this work, we design a Surgical-VQA task that answers questionnaires on surgical procedures based on the surgical scene. Extending the MICCAI endoscopic vision challenge 2018 dataset and workflow recognition dataset further, we introduce two Surgical-VQA datasets with classification and sentence-based answers. To perform Surgical-VQA, we employ vision-text transformers models. We further introduce a residual MLP-based VisualBert encoder model that enforces interaction between visual and text tokens, improving performance in classification-based answering. Furthermore, we study the influence of the number of input image patches and temporal visual features on the model performance in both classification and sentence-based answering." 1075,Dynamic Restrained Uncertainty Weighting Loss for Multitask Learning of Vocal Expression,"We propose a novel Dynamic Restrained Uncertainty Weighting Loss to experimentally handle the problem of balancing the contributions of multiple tasks on the ICML ExVo 2022 Challenge. The multitask aims to recognize expressed emotions and demographic traits from vocal bursts jointly. Our strategy combines the advantages of Uncertainty Weight and Dynamic Weight Average, by extending weights with a restraint term to make the learning process more explainable. We use a lightweight multi-exit CNN architecture to implement our proposed loss approach. The experimental H-Mean score (0.394) shows a substantial improvement over the baseline H-Mean score (0.335)." 1076,Automated GI tract segmentation using deep learning,"The job of Radiation oncologists is to deliver x-ray beams pointed toward the tumor and at the same time avoid the stomach and intestines. With MR-Linacs (magnetic resonance imaging and linear accelerator systems), oncologists can visualize the position of the tumor and allow for precise dose according to tumor cell presence which can vary from day to day. The current job of outlining the position of the stomach and intestines to adjust the X-ray beams direction for the dose delivery to the tumor while avoiding the organs. This is a time-consuming and labor-intensive process that can easily prolong treatments from 15 minutes to an hour a day unless deep learning methods can automate the segmentation process. This paper discusses an automated segmentation process using deep learning to make this process faster and allow more patients to get effective treatment." 1077,KeyCLD: Learning Constrained Lagrangian Dynamics in Keypoint Coordinates from Images,"We present KeyCLD, a framework to learn Lagrangian dynamics from images. Learned keypoints represent semantic landmarks in images and can directly represent state dynamics. Interpreting this state as Cartesian coordinates coupled with explicit holonomic constraints, allows expressing the dynamics with a constrained Lagrangian. Our method explicitly models kinetic and potential energy, thus allowing energy based control. We are the first to demonstrate learning of Lagrangian dynamics from images on the dm_control pendulum, cartpole and acrobot environments. This is a step forward towards learning Lagrangian dynamics from real-world images, since previous work in literature was only applied to minimalistic images with monochromatic shapes on empty backgrounds. Please refer to our project page for code and additional results: https://rdaems.github.io/keycld/" 1078,ROSE: A RObust and SEcure DNN Watermarking,"Protecting the Intellectual Property rights of DNN models is of primary importance prior to their deployment. So far, the proposed methods either necessitate changes to internal model parameters or the machine learning pipeline, or they fail to meet both the security and robustness requirements. This paper proposes a lightweight, robust, and secure black-box DNN watermarking protocol that takes advantage of cryptographic one-way functions as well as the injection of in-task key image-label pairs during the training process. These pairs are later used to prove DNN model ownership during testing. The main feature is that the value of the proof and its security are measurable. The extensive experiments watermarking image classification models for various datasets as well as exposing them to a variety of attacks, show that it provides protection while maintaining an adequate level of security and robustness." 1079,Agent-based Graph Neural Networks,"We present a novel graph neural network we call AgentNet, which is designed specifically for graph-level tasks. AgentNet is inspired by sublinear algorithms, featuring a computational complexity that is independent of the graph size. The architecture of AgentNet differs fundamentally from the architectures of known graph neural networks. In AgentNet, some trained \textit{neural agents} intelligently walk the graph, and then collectively decide on the output. We provide an extensive theoretical analysis of AgentNet: We show that the agents can learn to systematically explore their neighborhood and that AgentNet can distinguish some structures that are even indistinguishable by 3-WL. Moreover, AgentNet is able to separate any two graphs which are sufficiently different in terms of subgraphs. We confirm these theoretical results with synthetic experiments on hard-to-distinguish graphs and real-world graph classification tasks. In both cases, we compare favorably not only to standard GNNs but also to computationally more expensive GNN extensions." 1080,Auto-Encoding Adversarial Imitation Learning,"Reinforcement learning (RL) provides a powerful framework for decision-making, but its application in practice often requires a carefully designed reward function. Adversarial Imitation Learning (AIL) sheds light on automatic policy acquisition without access to the reward signal from the environment. In this work, we propose Auto-Encoding Adversarial Imitation Learning (AEAIL), a robust and scalable AIL framework. To induce expert policies from demonstrations, AEAIL utilizes the reconstruction error of an auto-encoder as a reward signal, which provides more information for optimizing policies than the prior discriminator-based ones. Subsequently, we use the derived objective functions to train the auto-encoder and the agent policy. Experiments show that our AEAIL performs superior compared to state-of-the-art methods in the MuJoCo environments. More importantly, AEAIL shows much better robustness when the expert demonstrations are noisy. Specifically, our method achieves $16.4\%$ and $47.2\%$ relative improvement overall compared to the best baseline FAIRL and PWIL on clean and noisy expert data, respectively. Video results, open-source code and dataset are available in https://sites.google.com/view/auto-encoding-imitation." 1081,A Simple Baseline for Domain Adaptation in End to End ASR Systems Using Synthetic Data,"Automatic Speech Recognition(ASR) has been dominated by deep learning-based end-to-end speech recognition models. These approaches require large amounts of labeled data in the form of audio-text pairs. Moreover, these models are more susceptible to domain shift as compared to traditional models. It is common practice to train generic ASR models and then adapt them to target domains using comparatively smaller data sets. We consider a more extreme case of domain adaptation where text-only corpus is available. In this work, we propose a simple baseline technique for domain adaptation in end-to-end speech recognition models. We convert the text-only corpus to audio data using single speaker Text to Speech (TTS) engine. The parallel data in the target domain is then used to fine-tune the final dense layer of generic ASR models. We show that single speaker synthetic TTS data coupled with final dense layer only fine-tuning provides reasonable improvements in word error rates. We use text data from address and e-commerce search domains to show the effectiveness of our low-cost baseline approach on CTC and attention-based models." 1082,A Systematic Comparison of Phonetic Aware Techniques for Speech Enhancement,"Speech enhancement has seen great improvement in recent years using end-to-end neural networks. However, most models are agnostic to the spoken phonetic content. Recently, several studies suggested phonetic-aware speech enhancement, mostly using perceptual supervision. Yet, injecting phonetic features during model optimization can take additional forms (e.g., model conditioning). In this paper, we conduct a systematic comparison between different methods of incorporating phonetic information in a speech enhancement model. By conducting a series of controlled experiments, we observe the influence of different phonetic content models as well as various feature-injection techniques on enhancement performance, considering both causal and non-causal models. Specifically, we evaluate three settings for injecting phonetic information, namely: i) feature conditioning; ii) perceptual supervision; and iii) regularization. Phonetic features are obtained using an intermediate layer of either a supervised pre-trained Automatic Speech Recognition (ASR) model or by using a pre-trained Self-Supervised Learning (SSL) model. We further observe the effect of choosing different embedding layers on performance, considering both manual and learned configurations. Results suggest that using a SSL model as phonetic features outperforms the ASR one in most cases. Interestingly, the conditioning setting performs best among the evaluated configurations." 1083,Neural Networks as Paths through the Space of Representations,"Deep neural networks implement a sequence of layer-by-layer operations that are each relatively easy to understand, but the resulting overall computation is generally difficult to understand. We develop a simple idea for interpreting the layer-by-layer construction of useful representations: the role of each layer is to reformat information to reduce the ""distance"" to the target outputs. We formalize this intuitive idea of ""distance"" by leveraging recent work on metric representational similarity, and show how it leads to a rich space of geometric concepts. With this framework, the layer-wise computation implemented by a deep neural network can be viewed as a path in a high-dimensional representation space. We develop tools to characterize the geometry of these in terms of distances, angles, and geodesics. We then ask three sets of questions of residual networks trained on CIFAR-10: (1) how straight are paths, and how does each layer contribute towards the target? (2) how do these properties emerge over training? and (3) how similar are the paths taken by wider versus deeper networks? We conclude by sketching additional ways that this kind of representational geometry can be used to understand and interpret network training, or to prescriptively improve network architectures to suit a task." 1084,Graph Neural Networks as Gradient Flows,"Dynamical systems minimizing an energy are ubiquitous in geometry and physics. We propose a gradient flow framework for GNNs where the equations follow the direction of steepest descent of a learnable energy. This approach allows to explain the GNN evolution from a multi-particle perspective as learning attractive and repulsive forces in feature space via the positive and negative eigenvalues of a symmetric ""channel-mixing"" matrix. We perform spectral analysis of the solutions and conclude that gradient flow graph convolutional models can induce a dynamics dominated by the graph high frequencies which is desirable for heterophilic datasets. We also describe structural constraints on common GNN architectures allowing to interpret them as gradient flows. We perform thorough ablation studies corroborating our theoretical analysis and show competitive performance of simple and lightweight models on real-world homophilic and heterophilic datasets." 1085,Traffic Congestion Prediction Using Machine Learning Techniques,"The prediction of traffic congestion can serve a crucial role in making future decisions. Although many studies have been conducted regarding congestion, most of these could not cover all the important factors (e.g., weather conditions). We proposed a prediction model for traffic congestion that can predict congestion based on day, time and several weather data (e.g., temperature, humidity). To evaluate our model, it has been tested against the traffic data of New Delhi. With this model, congestion of a road can be predicted one week ahead with an average RMSE of 1.12. Therefore, this model can be used to take preventive measure beforehand." 1086,Diagnostic Tool for Out-of-Sample Model Evaluation,"Assessment of model fitness is an important step in many problems. Models are typically fitted to training data by minimizing a loss function, such as the squared-error or negative log-likelihood, and it is natural to desire low losses on future data. This letter considers the use of a test data set to characterize the out-of-sample losses of a model. We propose a simple model diagnostic tool that provides finite-sample guarantees under weak assumptions. The tool is computationally efficient and can be interpreted as an empirical quantile. Several numerical experiments are presented to show how the proposed method quantifies the impact of distribution shifts, aids the analysis of regression, and enables model selection as well as hyper-parameter tuning." 1087,Multi-task twin support vector machine with Universum data,"Multi-task learning (MTL) has emerged as a promising topic of machine learning in recent years, aiming to enhance the performance of numerous related learning tasks by exploiting beneficial information. During the training phase, most of the existing multi-task learning models concentrate entirely on the target task data and ignore the non-target task data contained in the target tasks. To address this issue, Universum data, that do not correspond to any class of a classification problem, may be used as prior knowledge in the training model. This study looks at the challenge of multi-task learning using Universum data to employ non-target task data, which leads to better performance. It proposes a multi-task twin support vector machine with Universum data (UMTSVM) and provides two approaches to its solution. The first approach takes into account the dual formulation of UMTSVM and tries to solve a quadratic programming problem. The second approach formulates a least-squares version of UMTSVM and refers to it as LS-UMTSVM to further increase the generalization performance. The solution of the two primal problems in LS-UMTSVM is simplified to solving just two systems of linear equations, resulting in an incredibly simple and quick approach. Numerical experiments on several popular multi-task data sets and medical data sets demonstrate the efficiency of the proposed methods." 1088,Defect Prediction Using Stylistic Metrics,"Defect prediction is one of the most popular research topics due to its potential to minimize software quality assurance efforts. Existing approaches have examined defect prediction from various perspectives such as complexity and developer metrics. However, none of these consider programming style for defect prediction. This paper aims at analyzing the impact of stylistic metrics on both within-project and crossproject defect prediction. For prediction, 4 widely used machine learning algorithms namely Naive Bayes, Support Vector Machine, Decision Tree and Logistic Regression are used. The experiment is conducted on 14 releases of 5 popular, open source projects. F1, Precision and Recall are inspected to evaluate the results. Results reveal that stylistic metrics are a good predictor of defects." 1089,POGEMA: Partially Observable Grid Environment for Multiple Agents,"We introduce POGEMA (https://github.com/AIRI-Institute/pogema) a sandbox for challenging partially observable multi-agent pathfinding (PO-MAPF) problems . This is a grid-based environment that was specifically designed to be a flexible, tunable and scalable benchmark. It can be tailored to a variety of PO-MAPF, which can serve as an excellent testing ground for planning and learning methods, and their combination, which will allow us to move towards filling the gap between AI planning and learning." 1090,List-Decodable Covariance Estimation,"We give the first polynomial time algorithm for \emph{list-decodable covariance estimation}. For any $\alpha > 0$, our algorithm takes input a sample $Y \subseteq \mathbb{R}^d$ of size $n\geq d^{\mathsf{poly}(1/\alpha)}$ obtained by adversarially corrupting an $(1-\alpha)n$ points in an i.i.d. sample $X$ of size $n$ from the Gaussian distribution with unknown mean $\mu_*$ and covariance $\Sigma_*$. In $n^{\mathsf{poly}(1/\alpha)}$ time, it outputs a constant-size list of $k = k(\alpha)= (1/\alpha)^{\mathsf{poly}(1/\alpha)}$ candidate parameters that, with high probability, contains a $(\hat{\mu},\hat{\Sigma})$ such that the total variation distance $TV(\mathcal{N}(\mu_*,\Sigma_*),\mathcal{N}(\hat{\mu},\hat{\Sigma}))<1-O_{\alpha}(1)$. This is the statistically strongest notion of distance and implies multiplicative spectral and relative Frobenius distance approximation for parameters with dimension independent error. Our algorithm works more generally for $(1-\alpha)$-corruptions of any distribution $D$ that possesses low-degree sum-of-squares certificates of two natural analytic properties: 1) anti-concentration of one-dimensional marginals and 2) hypercontractivity of degree 2 polynomials. Prior to our work, the only known results for estimating covariance in the list-decodable setting were for the special cases of list-decodable linear regression and subspace recovery due to Karmarkar, Klivans, and Kothari (2019), Raghavendra and Yau (2019 and 2020) and Bakshi and Kothari (2020). These results need superpolynomial time for obtaining any subconstant error in the underlying dimension. Our result implies the first polynomial-time \emph{exact} algorithm for list-decodable linear regression and subspace recovery that allows, in particular, to obtain $2^{-\mathsf{poly}(d)}$ error in polynomial-time. Our result also implies an improved algorithm for clustering non-spherical mixtures." 1091,Information Geometry of Dropout Training,"Dropout is one of the most popular regularization techniques in neural network training. Because of its power and simplicity of idea, dropout has been analyzed extensively and many variants have been proposed. In this paper, several properties of dropout are discussed in a unified manner from the viewpoint of information geometry. We showed that dropout flattens the model manifold and that their regularization performance depends on the amount of the curvature. Then, we showed that dropout essentially corresponds to a regularization that depends on the Fisher information, and support this result from numerical experiments. Such a theoretical analysis of the technique from a different perspective is expected to greatly assist in the understanding of neural networks, which are still in their infancy." 1092,A Study on the Evaluation of Generative Models,"Implicit generative models, which do not return likelihood values, such as generative adversarial networks and diffusion models, have become prevalent in recent years. While it is true that these models have shown remarkable results, evaluating their performance is challenging. This issue is of vital importance to push research forward and identify meaningful gains from random noise. Currently, heuristic metrics such as the Inception score (IS) and Frechet Inception Distance (FID) are the most common evaluation metrics, but what they measure is not entirely clear. Additionally, there are questions regarding how meaningful their score actually is. In this work, we study the evaluation metrics of generative models by generating a high-quality synthetic dataset on which we can estimate classical metrics for comparison. Our study shows that while FID and IS do correlate to several f-divergences, their ranking of close models can vary considerably making them problematic when used for fain-grained comparison. We further used this experimental setting to study which evaluation metric best correlates with our probabilistic metrics. Lastly, we look into the base features used for metrics such as FID." 1093,Optimally Weighted Ensembles of Regression Models: Exact Weight Optimization and Applications,"Automated model selection is often proposed to users to choose which machine learning model (or method) to apply to a given regression task. In this paper, we show that combining different regression models can yield better results than selecting a single ('best') regression model, and outline an efficient method that obtains optimally weighted convex linear combination from a heterogeneous set of regression models. More specifically, in this paper, a heuristic weight optimization, used in a preceding conference paper, is replaced by an exact optimization algorithm using convex quadratic programming. We prove convexity of the quadratic programming formulation for the straightforward formulation and for a formulation with weighted data points. The novel weight optimization is not only (more) exact but also more efficient. The methods we develop in this paper are implemented and made available via github-open source. They can be executed on commonly available hardware and offer a transparent and easy to interpret interface. The results indicate that the approach outperforms model selection methods on a range of data sets, including data sets with mixed variable type from drug discovery applications." 1094,FairGrad: Fairness Aware Gradient Descent,"We tackle the problem of group fairness in classification, where the objective is to learn models that do not unjustly discriminate against subgroups of the population. Most existing approaches are limited to simple binary tasks or involve difficult to implement training mechanisms. This reduces their practical applicability. In this paper, we propose FairGrad, a method to enforce fairness based on a reweighting scheme that iteratively learns group specific weights based on whether they are advantaged or not. FairGrad is easy to implement and can accommodate various standard fairness definitions. Furthermore, we show that it is comparable to standard baselines over various datasets including ones used in natural language processing and computer vision." 1095,AI-based software for lung nodule detection in chest X-rays -- Time for a second reader approach?,"Objectives: To compare artificial intelligence (AI) as a second reader in detecting lung nodules on chest X-rays (CXR) versus radiologists of two binational institutions, and to evaluate AI performance when using two different modes: automated versus assisted (additional remote radiologist review). Methods: The CXR public database (n = 247) of the Japanese Society of Radiological Technology with various types and sizes of lung nodules was analyzed. Eight radiologists evaluated the CXR images with regard to the presence of lung nodules and nodule conspicuity. After radiologist review, the AI software processed and flagged the CXR with the highest probability of missed nodules. The calculated accuracy metrics were the area under the curve (AUC), sensitivity, specificity, F1 score, false negative case number (FN), and the effect of different AI modes (automated/assisted) on the accuracy of nodule detection. Results: For radiologists, the average AUC value was 0.77 $\pm$ 0.07, while the average FN was 52.63 $\pm$ 17.53 (all studies) and 32 $\pm$ 11.59 (studies containing a nodule of malignant etiology = 32% rate of missed malignant nodules). Both AI modes -- automated and assisted -- produced an average increase in sensitivity (by 14% and 12%) and of F1-score (5% and 6%) and a decrease in specificity (by 10% and 3%, respectively). Conclusions: Both AI modes flagged the pulmonary nodules missed by radiologists in a significant number of cases. AI as a second reader has a high potential to improve diagnostic accuracy and radiology workflow. AI might detect certain pulmonary nodules earlier than radiologists, with a potentially significant impact on patient outcomes." 1096,Influence of uncertainty estimation techniques on false-positive reduction in liver lesion detection,"Deep learning techniques show success in detecting objects in medical images, but still suffer from false-positive predictions that may hinder accurate diagnosis. The estimated uncertainty of the neural network output has been used to flag incorrect predictions. We study the role played by features computed from neural network uncertainty estimates and shape-based features computed from binary predictions in reducing false positives in liver lesion detection by developing a classification-based post-processing step for different uncertainty estimation methods. We demonstrate an improvement in the lesion detection performance of the neural network (with respect to F1-score) for all uncertainty estimation methods on two datasets, comprising abdominal MR and CT images respectively. We show that features computed from neural network uncertainty estimates tend not to contribute much toward reducing false positives. Our results show that factors like class imbalance (true over false positive ratio) and shape-based features extracted from uncertainty maps play an important role in distinguishing false positive from true positive predictions" 1097,SpA-Former: Transformer image shadow detection and removal via spatial attention,"In this paper, we propose an end-to-end SpA-Former to recover a shadow-free image from a single shaded image. Unlike traditional methods that require two steps for shadow detection and then shadow removal, the SpA-Former unifies these steps into one, which is a one-stage network capable of directly learning the mapping function between shadows and no shadows, it does not require a separate shadow detection. Thus, SpA-former is adaptable to real image de-shadowing for shadows projected on different semantic regions. SpA-Former consists of transformer layer and a series of joint Fourier transform residual blocks and two-wheel joint spatial attention. The network in this paper is able to handle the task while achieving a very fast processing efficiency. Our code is relased on https://github.com/ zhangbaijin/Spatial-Transformer-shadow-removal" 1098,S2TNet: Spatio-Temporal Transformer Networks for Trajectory Prediction in Autonomous Driving,"To safely and rationally participate in dense and heterogeneous traffic, autonomous vehicles require to sufficiently analyze the motion patterns of surrounding traffic-agents and accurately predict their future trajectories. This is challenging because the trajectories of traffic-agents are not only influenced by the traffic-agents themselves but also by spatial interaction with each other. Previous methods usually rely on the sequential step-by-step processing of Long Short-Term Memory networks (LSTMs) and merely extract the interactions between spatial neighbors for single type traffic-agents. We propose the Spatio-Temporal Transformer Networks (S2TNet), which models the spatio-temporal interactions by spatio-temporal Transformer and deals with the temporel sequences by temporal Transformer. We input additional category, shape and heading information into our networks to handle the heterogeneity of traffic-agents. The proposed methods outperforms state-of-the-art methods on ApolloScape Trajectory dataset by more than 7\% on both the weighted sum of Average and Final Displacement Error. Our code is available at https://github.com/chenghuang66/s2tnet." 1099,How to Combine Variational Bayesian Networks in Federated Learning,"Federated Learning enables multiple data centers to train a central model collaboratively without exposing any confidential data. Even though deterministic models are capable of performing high prediction accuracy, their lack of calibration and capability to quantify uncertainty is problematic for safety-critical applications. Different from deterministic models, probabilistic models such as Bayesian neural networks are relatively well-calibrated and able to quantify uncertainty alongside their competitive prediction accuracy. Both of the approaches appear in the federated learning framework; however, the aggregation scheme of deterministic models cannot be directly applied to probabilistic models since weights correspond to distributions instead of point estimates. In this work, we study the effects of various aggregation schemes for variational Bayesian neural networks. With empirical results on three image classification datasets, we observe that the degree of spread for an aggregated distribution is a significant factor in the learning process. Hence, we present an investigation on the question of how to combine variational Bayesian networks in federated learning, while providing benchmarks for different aggregation settings." 1100,Optical Flow Regularization of Implicit Neural Representations for Video Frame Interpolation,"Recent works have shown the ability of Implicit Neural Representations (INR) to carry meaningful representations of signal derivatives. In this work, we leverage this property to perform Video Frame Interpolation (VFI) by explicitly constraining the derivatives of the INR to satisfy the optical flow constraint equation. We achieve state of the art VFI on limited motion ranges using only a target video and its optical flow, without learning the interpolation operator from additional training data. We further show that constraining the INR derivatives not only allows to better interpolate intermediate frames but also improves the ability of narrow networks to fit the observed frames, which suggests potential applications to video compression and INR optimization." 1101,KiloNeuS: Implicit Neural Representations with Real-Time Global Illumination,"The latest trends in inverse rendering techniques for reconstruction use neural networks to learn 3D representations as neural fields. NeRF-based techniques fit multi-layer perceptrons (MLPs) to a set of training images to estimate a radiance field which can then be rendered from any virtual camera by means of volume rendering algorithms. Major drawbacks of these representations are the lack of well-defined surfaces and non-interactive rendering times, as wide and deep MLPs must be queried millions of times per single frame. These limitations have recently been singularly overcome, but managing to accomplish this simultaneously opens up new use cases. We present KiloNeuS, a new neural object representation that can be rendered in path-traced scenes at interactive frame rates. KiloNeuS enables the simulation of realistic light interactions between neural and classic primitives in shared scenes, and it demonstrably performs in real-time with plenty of room for future optimizations and extensions." 1102,Guided Diffusion Model for Adversarial Purification from Random Noise,"In this paper, we propose a novel guided diffusion purification approach to provide a strong defense against adversarial attacks. Our model achieves 89.62% robust accuracy under PGD-L_inf attack (eps = 8/255) on the CIFAR-10 dataset. We first explore the essential correlations between unguided diffusion models and randomized smoothing, enabling us to apply the models to certified robustness. The empirical results show that our models outperform randomized smoothing by 5% when the certified L2 radius r is larger than 0.5." 1103,Decentralized Gossip-Based Stochastic Bilevel Optimization over Communication Networks,"Bilevel optimization have gained growing interests, with numerous applications found in meta learning, minimax games, reinforcement learning, and nested composition optimization. This paper studies the problem of distributed bilevel optimization over a network where agents can only communicate with neighbors, including examples from multi-task, multi-agent learning and federated learning. In this paper, we propose a gossip-based distributed bilevel learning algorithm that allows networked agents to solve both the inner and outer optimization problems in a single timescale and share information via network propagation. We show that our algorithm enjoys the $\mathcal{O}(\frac{1}{K \epsilon^2})$ per-agent sample complexity for general nonconvex bilevel optimization and $\mathcal{O}(\frac{1}{K \epsilon})$ for strongly convex objective, achieving a speedup that scales linearly with the network size. The sample complexities are optimal in both $\epsilon$ and $K$. We test our algorithm on the examples of hyperparameter tuning and decentralized reinforcement learning. Simulated experiments confirmed that our algorithm achieves the state-of-the-art training efficiency and test accuracy." 1104,Bregman Power k-Means for Clustering Exponential Family Data,"Recent progress in center-based clustering algorithms combats poor local minima by implicit annealing, using a family of generalized means. These methods are variations of Lloyd's celebrated $k$-means algorithm, and are most appropriate for spherical clusters such as those arising from Gaussian data. In this paper, we bridge these algorithmic advances to classical work on hard clustering under Bregman divergences, which enjoy a bijection to exponential family distributions and are thus well-suited for clustering objects arising from a breadth of data generating mechanisms. The elegant properties of Bregman divergences allow us to maintain closed form updates in a simple and transparent algorithm, and moreover lead to new theoretical arguments for establishing finite sample bounds that relax the bounded support assumption made in the existing state of the art. Additionally, we consider thorough empirical analyses on simulated experiments and a case study on rainfall data, finding that the proposed method outperforms existing peer methods in a variety of non-Gaussian data settings." 1105,Robust Universal Adversarial Perturbations,"Universal Adversarial Perturbations (UAPs) are imperceptible, image-agnostic vectors that cause deep neural networks (DNNs) to misclassify inputs from a data distribution with high probability. Existing methods do not create UAPs robust to transformations, thereby limiting their applicability as a real-world attacks. In this work, we introduce a new concept and formulation of robust universal adversarial perturbations. Based on our formulation, we build a novel, iterative algorithm that leverages probabilistic robustness bounds for generating UAPs robust against transformations generated by composing arbitrary sub-differentiable transformation functions. We perform an extensive evaluation on the popular CIFAR-10 and ILSVRC 2012 datasets measuring robustness under human-interpretable semantic transformations, such as rotation, contrast changes, etc, that are common in the real-world. Our results show that our generated UAPs are significantly more robust than those from baselines." 1106,Play It Cool: Dynamic Shifting Prevents Thermal Throttling,"Machine learning (ML) has entered the mobile era where an enormous number of ML models are deployed on edge devices. However, running common ML models on edge devices continuously may generate excessive heat from the computation, forcing the device to ""slow down"" to prevent overheating, a phenomenon called thermal throttling. This paper studies the impact of thermal throttling on mobile phones: when it occurs, the CPU clock frequency is reduced, and the model inference latency may increase dramatically. This unpleasant inconsistent behavior has a substantial negative effect on user experience, but it has been overlooked for a long time. To counter thermal throttling, we propose to utilize dynamic networks with shared weights and dynamically shift between large and small ML models seamlessly according to their thermal profile, i.e., shifting to a small model when the system is about to throttle. With the proposed dynamic shifting, the application runs consistently without experiencing CPU clock frequency degradation and latency increase. In addition, we also study the resulting accuracy when dynamic shifting is deployed and show that our approach provides a reasonable trade-off between model latency and model accuracy." 1107,DaisyRec 2.0: Benchmarking Recommendation for Rigorous Evaluation,"Recently, one critical issue looms large in the field of recommender systems -- there are no effective benchmarks for rigorous evaluation -- which consequently leads to unreproducible evaluation and unfair comparison. We, therefore, conduct studies from the perspectives of practical theory and experiments, aiming at benchmarking recommendation for rigorous evaluation. Regarding the theoretical study, a series of hyper-factors affecting recommendation performance throughout the whole evaluation chain are systematically summarized and analyzed via an exhaustive review on 141 papers published at eight top-tier conferences within 2017-2020. We then classify them into model-independent and model-dependent hyper-factors, and different modes of rigorous evaluation are defined and discussed in-depth accordingly. For the experimental study, we release DaisyRec 2.0 library by integrating these hyper-factors to perform rigorous evaluation, whereby a holistic empirical study is conducted to unveil the impacts of different hyper-factors on recommendation performance. Supported by the theoretical and experimental studies, we finally create benchmarks for rigorous evaluation by proposing standardized procedures and providing performance of ten state-of-the-arts across six evaluation metrics on six datasets as a reference for later study. Overall, our work sheds light on the issues in recommendation evaluation, provides potential solutions for rigorous evaluation, and lays foundation for further investigation." 1108,Quantization Robust Federated Learning for Efficient Inference on Heterogeneous Devices,"Federated Learning (FL) is a machine learning paradigm to distributively learn machine learning models from decentralized data that remains on-device. Despite the success of standard Federated optimization methods, such as Federated Averaging (FedAvg) in FL, the energy demands and hardware induced constraints for on-device learning have not been considered sufficiently in the literature. Specifically, an essential demand for on-device learning is to enable trained models to be quantized to various bit-widths based on the energy needs and heterogeneous hardware designs across the federation. In this work, we introduce multiple variants of federated averaging algorithm that train neural networks robust to quantization. Such networks can be quantized to various bit-widths with only limited reduction in full precision model accuracy. We perform extensive experiments on standard FL benchmarks to evaluate our proposed FedAvg variants for quantization robustness and provide a convergence analysis for our Quantization-Aware variants in FL. Our results demonstrate that integrating quantization robustness results in FL models that are significantly more robust to different bit-widths during quantized on-device inference." 1109,Learning Debiased Classifier with Biased Committee,"Neural networks are prone to be biased towards spurious correlations between classes and latent attributes exhibited in a major portion of training data, which ruins their generalization capability. This paper proposes a new method for training debiased classifiers with no spurious attribute label. The key idea of the method is to employ a committee of classifiers as an auxiliary module that identifies bias-conflicting data, i.e., data without spurious correlations, and assigns large weights to them when training the main classifier. The committee is learned as a bootstrapped ensemble so that a majority of its classifiers are biased as well as being diverse, and intentionally fail to predict classes of bias-conflicting data accordingly. The consensus within the committee on prediction difficulty thus provides a reliable cue for identifying and weighting bias-conflicting data. Moreover, the committee is also trained with knowledge transferred from the main classifier so that it gradually becomes debiased along with the main classifier and emphasizes more difficult data as training progresses. On five real-world datasets, our method outperforms existing methods using no spurious attribute label like ours and even surpasses those relying on bias labels occasionally." 1110,Learning Distribution Grid Topologies: A Tutorial,"Unveiling feeder topologies from data is of paramount importance to advance situational awareness and proper utilization of smart resources in power distribution grids. This tutorial summarizes, contrasts, and establishes useful links between recent works on topology identification and detection schemes that have been proposed for power distribution grids.% under different regimes of measurement type, observability, and sampling. The primary focus is to highlight methods that overcome the limited availability of measurement devices in distribution grids, while enhancing topology estimates using conservation laws of power-flow physics and structural properties of feeders. Grid data from phasor measurement units or smart meters can be collected either passively in the traditional way, or actively, upon actuating grid resources and measuring the feeder's voltage response. Analytical claims on feeder identifiability and detectability are reviewed under disparate meter placement scenarios. Such topology learning claims can be attained exactly or approximately so via algorithmic solutions with various levels of computational complexity, ranging from least-squares fits to convex optimization problems, and from polynomial-time searches over graphs to mixed-integer programs. This tutorial aspires to provide researchers and engineers with knowledge of the current state-of-the-art in tractable distribution grid learning and insights into future directions of work." 1111,Robust Bayesian Recourse,"Algorithmic recourse aims to recommend an informative feedback to overturn an unfavorable machine learning decision. We introduce in this paper the Bayesian recourse, a model-agnostic recourse that minimizes the posterior probability odds ratio. Further, we present its min-max robust counterpart with the goal of hedging against future changes in the machine learning model parameters. The robust counterpart explicitly takes into account possible perturbations of the data in a Gaussian mixture ambiguity set prescribed using the optimal transport (Wasserstein) distance. We show that the resulting worst-case objective function can be decomposed into solving a series of two-dimensional optimization subproblems, and the min-max recourse finding problem is thus amenable to a gradient descent algorithm. Contrary to existing methods for generating robust recourses, the robust Bayesian recourse does not require a linear approximation step. The numerical experiment demonstrates the effectiveness of our proposed robust Bayesian recourse facing model shifts. Our code is available at https://github.com/VinAIResearch/robust-bayesian-recourse." 1112,Few-shot Long-Tailed Bird Audio Recognition,"It is easier to hear birds than see them. However, they still play an essential role in nature and are excellent indicators of deteriorating environmental quality and pollution. Recent advances in Deep Neural Networks allow us to process audio data to detect and classify birds. This technology can assist researchers in monitoring bird populations and biodiversity. We propose a sound detection and classification pipeline to analyze complex soundscape recordings and identify birdcalls in the background. Our method learns from weak labels and few data and acoustically recognizes the bird species. Our solution achieved 18th place of 807 teams at the BirdCLEF 2022 Challenge hosted on Kaggle." 1113,Efficient Interdependent Systems Recovery Modeling with DeepONets,"Modeling the recovery of interdependent critical infrastructure is a key component of quantifying and optimizing societal resilience to disruptive events. However, simulating the recovery of large-scale interdependent systems under random disruptive events is computationally expensive. Therefore, we propose the application of Deep Operator Networks (DeepONets) in this paper to accelerate the recovery modeling of interdependent systems. DeepONets are ML architectures which identify mathematical operators from data. The form of governing equations DeepONets identify and the governing equation of interdependent systems recovery model are similar. Therefore, we hypothesize that DeepONets can efficiently model the interdependent systems recovery with little training data. We applied DeepONets to a simple case of four interdependent systems with sixteen states. DeepONets, overall, performed satisfactorily in predicting the recovery of these interdependent systems for out of training sample data when compared to reference results." 1114,Fighting Fire with Fire: Avoiding DNN Shortcuts through Priming,"Across applications spanning supervised classification and sequential control, deep learning has been reported to find ""shortcut"" solutions that fail catastrophically under minor changes in the data distribution. In this paper, we show empirically that DNNs can be coaxed to avoid poor shortcuts by providing an additional ""priming"" feature computed from key input features, usually a coarse output estimate. Priming relies on approximate domain knowledge of these task-relevant key input features, which is often easy to obtain in practical settings. For example, one might prioritize recent frames over past frames in a video input for visual imitation learning, or salient foreground over background pixels for image classification. On NICO image classification, MuJoCo continuous control, and CARLA autonomous driving, our priming strategy works significantly better than several popular state-of-the-art approaches for feature selection and data augmentation. We connect these empirical findings to recent theoretical results on DNN optimization, and argue theoretically that priming distracts the optimizer away from poor shortcuts by creating better, simpler shortcuts." 1115,FedBC: Calibrating Global and Local Models via Federated Learning Beyond Consensus,"In federated learning (FL), the objective of collaboratively learning a global model through aggregation of model updates across devices tends to oppose the goal of personalization via local information. In this work, we calibrate this tradeoff in a quantitative manner through a multi-criterion optimization-based framework, which we cast as a constrained program: the objective for a device is its local objective, which it seeks to minimize while satisfying nonlinear constraints that quantify the proximity between the local and the global model. By considering the Lagrangian relaxation of this problem, we develop an algorithm that allows each node to minimize its local component of Lagrangian through queries to a first-order gradient oracle. Then, the server executes Lagrange multiplier ascent steps followed by a Lagrange multiplier-weighted averaging step. We call this instantiation of the primal-dual method Federated Learning Beyond Consensus ($\texttt{FedBC}$). Theoretically, we establish that $\texttt{FedBC}$ converges to a first-order stationary point at rates that matches the state of the art, up to an additional error term that depends on the tolerance parameter that arises due to the proximity constraints. Overall, the analysis is a novel characterization of primal-dual methods applied to non-convex saddle point problems with nonlinear constraints. Finally, we demonstrate that $\texttt{FedBC}$ balances the global and local model test accuracy metrics across a suite of datasets (Synthetic, MNIST, CIFAR-10, Shakespeare), achieving competitive performance with the state of the art." 1116,Jointist: Joint Learning for Multi-instrument Transcription and Its Applications,"In this paper, we introduce Jointist, an instrument-aware multi-instrument framework that is capable of transcribing, recognizing, and separating multiple musical instruments from an audio clip. Jointist consists of the instrument recognition module that conditions the other modules: the transcription module that outputs instrument-specific piano rolls, and the source separation module that utilizes instrument information and transcription results. The instrument conditioning is designed for an explicit multi-instrument functionality while the connection between the transcription and source separation modules is for better transcription performance. Our challenging problem formulation makes the model highly useful in the real world given that modern popular music typically consists of multiple instruments. However, its novelty necessitates a new perspective on how to evaluate such a model. During the experiment, we assess the model from various aspects, providing a new evaluation perspective for multi-instrument transcription. We also argue that transcription models can be utilized as a preprocessing module for other music analysis tasks. In the experiment on several downstream tasks, the symbolic representation provided by our transcription model turned out to be helpful to spectrograms in solving downbeat detection, chord recognition, and key estimation." 1117,Automated Cancer Subtyping via Vector Quantization Mutual Information Maximization,"Cancer subtyping is crucial for understanding the nature of tumors and providing suitable therapy. However, existing labelling methods are medically controversial, and have driven the process of subtyping away from teaching signals. Moreover, cancer genetic expression profiles are high-dimensional, scarce, and have complicated dependence, thereby posing a serious challenge to existing subtyping models for outputting sensible clustering. In this study, we propose a novel clustering method for exploiting genetic expression profiles and distinguishing subtypes in an unsupervised manner. The proposed method adaptively learns categorical correspondence from latent representations of expression profiles to the subtypes output by the model. By maximizing the problem -- agnostic mutual information between input expression profiles and output subtypes, our method can automatically decide a suitable number of subtypes. Through experiments, we demonstrate that our proposed method can refine existing controversial labels, and, by further medical analysis, this refinement is proven to have a high correlation with cancer survival rates." 1118,Imitation Learning for Generalizable Self-driving Policy with Sim-to-real Transfer,"Imitation Learning uses the demonstrations of an expert to uncover the optimal policy and it is suitable for real-world robotics tasks as well. In this case, however, the training of the agent is carried out in a simulation environment due to safety, economic and time constraints. Later, the agent is applied in the real-life domain using sim-to-real methods. In this paper, we apply Imitation Learning methods that solve a robotics task in a simulated environment and use transfer learning to apply these solutions in the real-world environment. Our task is set in the Duckietown environment, where the robotic agent has to follow the right lane based on the input images of a single forward-facing camera. We present three Imitation Learning and two sim-to-real methods capable of achieving this task. A detailed comparison is provided on these techniques to highlight their advantages and disadvantages." 1119,"Multi-Resolution, Multi-Horizon Distributed Solar PV Power Forecasting with Forecast Combinations","Distributed, small-scale solar photovoltaic (PV) systems are being installed at a rapidly increasing rate. This can cause major impacts on distribution networks and energy markets. As a result, there is a significant need for improved forecasting of the power generation of these systems at different time resolutions and horizons. However, the performance of forecasting models depends on the resolution and horizon. Forecast combinations (ensembles), that combine the forecasts of multiple models into a single forecast may be robust in such cases. Therefore, in this paper, we provide comparisons and insights into the performance of five state-of-the-art forecast models and existing forecast combinations at multiple resolutions and horizons. We propose a forecast combination approach based on particle swarm optimization (PSO) that will enable a forecaster to produce accurate forecasts for the task at hand by weighting the forecasts produced by individual models. Furthermore, we compare the performance of the proposed combination approach with existing forecast combination approaches. A comprehensive evaluation is conducted using a real-world residential PV power data set measured at 25 houses located in three locations in the United States. The results across four different resolutions and four different horizons show that the PSO-based forecast combination approach outperforms the use of any individual forecast model and other forecast combination counterparts, with an average Mean Absolute Scaled Error reduction by 3.81% compared to the best performing individual model. Our approach enables a solar forecaster to produce accurate forecasts for their application regardless of the forecast resolution or horizon." 1120,Scaling Autoregressive Models for Content-Rich Text-to-Image Generation,"We present the Pathways Autoregressive Text-to-Image (Parti) model, which generates high-fidelity photorealistic images and supports content-rich synthesis involving complex compositions and world knowledge. Parti treats text-to-image generation as a sequence-to-sequence modeling problem, akin to machine translation, with sequences of image tokens as the target outputs rather than text tokens in another language. This strategy can naturally tap into the rich body of prior work on large language models, which have seen continued advances in capabilities and performance through scaling data and model sizes. Our approach is simple: First, Parti uses a Transformer-based image tokenizer, ViT-VQGAN, to encode images as sequences of discrete tokens. Second, we achieve consistent quality improvements by scaling the encoder-decoder Transformer model up to 20B parameters, with a new state-of-the-art zero-shot FID score of 7.23 and finetuned FID score of 3.22 on MS-COCO. Our detailed analysis on Localized Narratives as well as PartiPrompts (P2), a new holistic benchmark of over 1600 English prompts, demonstrate the effectiveness of Parti across a wide variety of categories and difficulty aspects. We also explore and highlight limitations of our models in order to define and exemplify key areas of focus for further improvements. See https://parti.research.google/ for high-resolution images." 1121,Generative Pretraining for Black-Box Optimization,"Many problems in science and engineering involve optimizing an expensive black-box function over a high-dimensional space. For such black-box optimization (BBO) problems, we typically assume a small budget for online function evaluations, but also often have access to a fixed, offline dataset for pretraining. Prior approaches seek to utilize the offline data to approximate the function or its inverse but are not sufficiently accurate far from the data distribution. We propose Black-box Optimization Transformer (BOOMER), a generative framework for pretraining black-box optimizers using offline datasets. In BOOMER, we train an autoregressive model to imitate trajectory runs of implicit black-box function optimizers. Since these trajectories are unavailable by default, we develop a simple randomized heuristic to synthesize trajectories by sorting random points from offline data. We show theoretically that this heuristic induces trajectories that mimic transitions from diverse low-fidelity (exploration) to high-fidelity (exploitation) samples. Further, we introduce mechanisms to control the rate at which a trajectory transitions from exploration to exploitation, and use it to generalize outside the offline data at test-time. Empirically, we instantiate BOOMER using a casually masked Transformer and evaluate it on Design-Bench, where we rank the best on average, outperforming state-of-the-art baselines." 1122,Federated Latent Class Regression for Hierarchical Data,"Federated Learning (FL) allows a number of agents to participate in training a global machine learning model without disclosing locally stored data. Compared to traditional distributed learning, the heterogeneity (non-IID) of the agents slows down the convergence in FL. Furthermore, many datasets, being too noisy or too small, are easily overfitted by complex models, such as deep neural networks. Here, we consider the problem of using FL regression on noisy, hierarchical and tabular datasets in which user distributions are significantly different. Inspired by Latent Class Regression (LCR), we propose a novel probabilistic model, Hierarchical Latent Class Regression (HLCR), and its extension to Federated Learning, FEDHLCR. FEDHLCR consists of a mixture of linear regression models, allowing better accuracy than simple linear regression, while at the same time maintaining its analytical properties and avoiding overfitting. Our inference algorithm, being derived from Bayesian theory, provides strong convergence guarantees and good robustness to overfitting. Experimental results show that FEDHLCR offers fast convergence even in non-IID datasets." 1123,Efficient and effective training of language and graph neural network models,"Can we combine heterogenous graph structure with text to learn high-quality semantic and behavioural representations? Graph neural networks (GNN)s encode numerical node attributes and graph structure to achieve impressive performance in a variety of supervised learning tasks. Current GNN approaches are challenged by textual features, which typically need to be encoded to a numerical vector before provided to the GNN that may incur some information loss. In this paper, we put forth an efficient and effective framework termed language model GNN (LM-GNN) to jointly train large-scale language models and graph neural networks. The effectiveness in our framework is achieved by applying stage-wise fine-tuning of the BERT model first with heterogenous graph information and then with a GNN model. Several system and design optimizations are proposed to enable scalable and efficient training. LM-GNN accommodates node and edge classification as well as link prediction tasks. We evaluate the LM-GNN framework in different datasets performance and showcase the effectiveness of the proposed approach. LM-GNN provides competitive results in an Amazon query-purchase-product application." 1124,On the Statistical Efficiency of Reward-Free Exploration in Non-Linear RL,"We study reward-free reinforcement learning (RL) under general non-linear function approximation, and establish sample efficiency and hardness results under various standard structural assumptions. On the positive side, we propose the RFOLIVE (Reward-Free OLIVE) algorithm for sample-efficient reward-free exploration under minimal structural assumptions, which covers the previously studied settings of linear MDPs (Jin et al., 2020b), linear completeness (Zanette et al., 2020b) and low-rank MDPs with unknown representation (Modi et al., 2021). Our analyses indicate that the explorability or reachability assumptions, previously made for the latter two settings, are not necessary statistically for reward-free exploration. On the negative side, we provide a statistical hardness result for both reward-free and reward-aware exploration under linear completeness assumptions when the underlying features are unknown, showing an exponential separation between low-rank and linear completeness settings." 1125,"On the Limitations of Elo: Real-World Games, are Transitive, not Additive","Real-world competitive games, such as chess, go, or StarCraft II, rely on Elo models to measure the strength of their players. Since these games are not fully transitive, using Elo implicitly assumes they have a strong transitive component that can correctly be identified and extracted. In this study, we investigate the challenge of identifying the strength of the transitive component in games. First, we show that Elo models can fail to extract this transitive component, even in elementary transitive games. Then, based on this observation, we propose an extension of the Elo score: we end up with a disc ranking system that assigns each player two scores, which we refer to as skill and consistency. Finally, we propose an empirical validation on payoff matrices coming from real-world games played by bots and humans." 1126,"BiometricBlender: Ultra-high dimensional, multi-class synthetic data generator to imitate biometric feature space","The lack of freely available (real-life or synthetic) high or ultra-high dimensional, multi-class datasets may hamper the rapidly growing research on feature screening, especially in the field of biometrics, where the usage of such datasets is common. This paper reports a Python package called BiometricBlender, which is an ultra-high dimensional, multi-class synthetic data generator to benchmark a wide range of feature screening methods. During the data generation process, the overall usefulness and the intercorrelations of blended features can be controlled by the user, thus the synthetic feature space is able to imitate the key properties of a real biometric dataset." 1127,Derivative-Informed Neural Operator: An Efficient Framework for High-Dimensional Parametric Derivative Learning,"Neural operators have gained significant attention recently due to their ability to approximate high-dimensional parametric maps between function spaces. At present, only parametric function approximation has been addressed in the neural operator literature. In this work we investigate incorporating parametric derivative information in neural operator training; this information can improve function approximations, additionally it can be used to improve the approximation of the derivative with respect to the parameter, which is often the key to scalable solution of high-dimensional outer-loop problems (e.g. Bayesian inverse problems). Parametric Jacobian information is formally intractable to incorporate due to its high-dimensionality, to address this concern we propose strategies based on reduced SVD, randomized sketching and the use of reduced basis surrogates. All of these strategies only require only $O(r)$ Jacobian actions to construct sample Jacobian data, and allow us to reduce the linear algebra and memory costs associated with the Jacobian training from the product of the input and output dimensions down to $O(r^2)$, where $r$ is the dimensionality associated with the dimension reduction technique. Numerical results for parametric PDE problems demonstrate that the addition of derivative information to the training problem can significantly improve the parametric map approximation, particularly given few data. When Jacobian actions are inexpensive compared to the parametric map, this information can be economically substituted for parametric map data. Additionally we show that Jacobian error approximations improve significantly with the introduction of Jacobian training data. This result opens the door to the use of derivative-informed neural operators (DINOs) in outer-loop algorithms where they can amortize the additional training data cost via repeated evaluations." 1128,Quantum-Enhanced Selection Operators for Evolutionary Algorithms,"Genetic algorithms have unique properties which are useful when applied to black box optimization. Using selection, crossover, and mutation operators, candidate solutions may be obtained without the need to calculate a gradient. In this work, we study results obtained from using quantum-enhanced operators within the selection mechanism of a genetic algorithm. Our approach frames the selection process as a minimization of a binary quadratic model with which we encode fitness and distance between members of a population, and we leverage a quantum annealing system to sample low energy solutions for the selection mechanism. We benchmark these quantum-enhanced algorithms against classical algorithms over various black-box objective functions, including the OneMax function, and functions from the IOHProfiler library for black-box optimization. We observe a performance gain in average number of generations to convergence for the quantum-enhanced elitist selection operator in comparison to classical on the OneMax function. We also find that the quantum-enhanced selection operator with non-elitist selection outperform benchmarks on functions with fitness perturbation from the IOHProfiler library. Additionally, we find that in the case of elitist selection, the quantum-enhanced operators outperform classical benchmarks on functions with varying degrees of dummy variables and neutrality." 1129,Imitate then Transcend: Multi-Agent Optimal Execution with Dual-Window Denoise PPO,"A novel framework for solving the optimal execution and placement problems using reinforcement learning (RL) with imitation was proposed. The RL agents trained from the proposed framework consistently outperformed the industry benchmark time-weighted average price (TWAP) strategy in execution cost and showed great generalization across out-of-sample trading dates and tickers. The impressive performance was achieved from three aspects. First, our RL network architecture called Dual-window Denoise PPO enabled efficient learning in a noisy market environment. Second, a reward scheme with imitation learning was designed, and a comprehensive set of market features was studied. Third, our flexible action formulation allowed the RL agent to tackle optimal execution and placement collectively resulting in better performance than solving individual problems separately. The RL agent's performance was evaluated in our multi-agent realistic historical limit order book simulator in which price impact was accurately assessed. In addition, ablation studies were also performed, confirming the superiority of our framework." 1130,Sharp Constants in Uniformity Testing via the Huber Statistic,"Uniformity testing is one of the most well-studied problems in property testing, with many known test statistics, including ones based on counting collisions, singletons, and the empirical TV distance. It is known that the optimal sample complexity to distinguish the uniform distribution on $m$ elements from any $\epsilon$-far distribution with $1-\delta$ probability is $n = \Theta\left(\frac{\sqrt{m \log (1/\delta)}}{\epsilon^2} + \frac{\log (1/\delta)}{\epsilon^2}\right)$, which is achieved by the empirical TV tester. Yet in simulation, these theoretical analyses are misleading: in many cases, they do not correctly rank order the performance of existing testers, even in an asymptotic regime of all parameters tending to $0$ or $\infty$. We explain this discrepancy by studying the \emph{constant factors} required by the algorithms. We show that the collisions tester achieves a sharp maximal constant in the number of standard deviations of separation between uniform and non-uniform inputs. We then introduce a new tester based on the Huber loss, and show that it not only matches this separation, but also has tails corresponding to a Gaussian with this separation. This leads to a sample complexity of $(1 + o(1))\frac{\sqrt{m \log (1/\delta)}}{\epsilon^2}$ in the regime where this term is dominant, unlike all other existing testers." 1131,Predicting Team Performance with Spatial Temporal Graph Convolutional Networks,"This paper presents a new approach for predicting team performance from the behavioral traces of a set of agents. This spatiotemporal forecasting problem is very relevant to sports analytics challenges such as coaching and opponent modeling. We demonstrate that our proposed model, Spatial Temporal Graph Convolutional Networks (ST-GCN), outperforms other classification techniques at predicting game score from a short segment of player movement and game features. Our proposed architecture uses a graph convolutional network to capture the spatial relationships between team members and Gated Recurrent Units to analyze dynamic motion information. An ablative evaluation was performed to demonstrate the contributions of different aspects of our architecture." 1132,Physics-informed machine learning with differentiable programming for heterogeneous underground reservoir pressure management,"Avoiding over-pressurization in subsurface reservoirs is critical for applications like CO2 sequestration and wastewater injection. Managing the pressures by controlling injection/extraction are challenging because of complex heterogeneity in the subsurface. The heterogeneity typically requires high-fidelity physics-based models to make predictions on CO$_2$ fate. Furthermore, characterizing the heterogeneity accurately is fraught with parametric uncertainty. Accounting for both, heterogeneity and uncertainty, makes this a computationally-intensive problem challenging for current reservoir simulators. To tackle this, we use differentiable programming with a full-physics model and machine learning to determine the fluid extraction rates that prevent over-pressurization at critical reservoir locations. We use DPFEHM framework, which has trustworthy physics based on the standard two-point flux finite volume discretization and is also automatically differentiable like machine learning models. Our physics-informed machine learning framework uses convolutional neural networks to learn an appropriate extraction rate based on the permeability field. We also perform a hyperparameter search to improve the model's accuracy. Training and testing scenarios are executed to evaluate the feasibility of using physics-informed machine learning to manage reservoir pressures. We constructed and tested a sufficiently accurate simulator that is 400000 times faster than the underlying physics-based simulator, allowing for near real-time analysis and robust uncertainty quantification." 1133,Meta Reinforcement Learning with Finite Training Tasks -- a Density Estimation Approach,"In meta reinforcement learning (meta RL), an agent learns from a set of training tasks how to quickly solve a new task, drawn from the same task distribution. The optimal meta RL policy, a.k.a. the Bayes-optimal behavior, is well defined, and guarantees optimal reward in expectation, taken with respect to the task distribution. The question we explore in this work is how many training tasks are required to guarantee approximately optimal behavior with high probability. Recent work provided the first such PAC analysis for a model-free setting, where a history-dependent policy was learned from the training tasks. In this work, we propose a different approach: directly learn the task distribution, using density estimation techniques, and then train a policy on the learned task distribution. We show that our approach leads to bounds that depend on the dimension of the task distribution. In particular, in settings where the task distribution lies in a low-dimensional manifold, we extend our analysis to use dimensionality reduction techniques and account for such structure, obtaining significantly better bounds than previous work, which strictly depend on the number of states and actions. The key of our approach is the regularization implied by the kernel density estimation method. We further demonstrate that this regularization is useful in practice, when `plugged in' the state-of-the-art VariBAD meta RL algorithm." 1134,Beyond Uniform Lipschitz Condition in Differentially Private Optimization,"Most prior convergence results on differentially private stochastic gradient descent (DP-SGD) are derived under the simplistic assumption of uniform Lipschitzness, i.e., the per-sample gradients are uniformly bounded. This assumption is unrealistic in many problems, e.g., linear regression with Gaussian data. We relax uniform Lipschitzness by instead assuming that the per-sample gradients have \textit{sample-dependent} upper bounds, i.e., per-sample Lipschitz constants, which themselves may be unbounded. We derive new convergence results for DP-SGD on both convex and nonconvex functions when the per-sample Lipschitz constants have bounded moments. Furthermore, we provide principled guidance on choosing the clip norm in DP-SGD for convex settings satisfying our relaxed version of Lipschitzness, without making distributional assumptions on the Lipschitz constants. We verify the effectiveness of our recommendation via experiments on benchmarking datasets." 1135,Using cognitive psychology to understand GPT-3,"We study GPT-3, a recent large language model, using tools from cognitive psychology. More specifically, we assess GPT-3's decision-making, information search, deliberation, and causal reasoning abilities on a battery of canonical experiments from the literature. We find that much of GPT-3's behavior is impressive: it solves vignette-based tasks similarly or better than human subjects, is able to make decent decisions from descriptions, outperforms humans in a multi-armed bandit task, and shows signatures of model-based reinforcement learning. Yet we also find that small perturbations to vignette-based tasks can lead GPT-3 vastly astray, that it shows no signatures of directed exploration, and that it fails miserably in a causal reasoning task. These results enrich our understanding of current large language models and pave the way for future investigations using tools from cognitive psychology to study increasingly capable and opaque artificial agents." 1136,TraSE: Towards Tackling Authorial Style from a Cognitive Science Perspective,"Stylistic analysis of text is a key task in research areas ranging from authorship attribution to forensic analysis and personality profiling. The existing approaches for stylistic analysis are plagued by issues like topic influence, lack of discriminability for large number of authors and the requirement for large amounts of diverse data. In this paper, the source of these issues are identified along with the necessity for a cognitive perspective on authorial style in addressing them. A novel feature representation, called Trajectory-based Style Estimation (TraSE), is introduced to support this purpose. Authorship attribution experiments with over 27,000 authors and 1.4 million samples in a cross-domain scenario resulted in 90% attribution accuracy suggesting that the feature representation is immune to such negative influences and an excellent candidate for stylistic analysis. Finally, a qualitative analysis is performed on TraSE using physical human characteristics, like age, to validate its claim on capturing cognitive traits." 1137,Multi-Omic Data Integration and Feature Selection for Survival-based Patient Stratification via Supervised Concrete Autoencoders,"Cancer is a complex disease with significant social and economic impact. Advancements in high-throughput molecular assays and the reduced cost for performing high-quality multi-omics measurements have fuelled insights through machine learning . Previous studies have shown promise on using multiple omic layers to predict survival and stratify cancer patients. In this paper, we developed a Supervised Autoencoder (SAE) model for survival-based multi-omic integration which improves upon previous work, and report a Concrete Supervised Autoencoder model (CSAE), which uses feature selection to jointly reconstruct the input features as well as predict survival. Our experiments show that our models outperform or are on par with some of the most commonly used baselines, while either providing a better survival separation (SAE) or being more interpretable (CSAE). We also perform a feature selection stability analysis on our models and notice that there is a power-law relationship with features which are commonly associated with survival. The code for this project is available at: https://github.com/phcavelar/coxae" 1138,TiCo: Transformation Invariance and Covariance Contrast for Self-Supervised Visual Representation Learning,"We present Transformation Invariance and Covariance Contrast (TiCo) for self-supervised visual representation learning. Similar to other recent self-supervised learning methods, our method is based on maximizing the agreement among embeddings of different distorted versions of the same image, which pushes the encoder to produce transformation invariant representations. To avoid the trivial solution where the encoder generates constant vectors, we regularize the covariance matrix of the embeddings from different images by penalizing low rank solutions. By jointly minimizing the transformation invariance loss and covariance contrast loss, we get an encoder that is able to produce useful representations for downstream tasks. We analyze our method and show that it can be viewed as a variant of MoCo with an implicit memory bank of unlimited size at no extra memory cost. This makes our method perform better than alternative methods when using small batch sizes. TiCo can also be seen as a modification of Barlow Twins. By connecting the contrastive and redundancy-reduction methods together, TiCo gives us new insights into how joint embedding methods work." 1139,Performance Prediction Under Dataset Shift,"ML models deployed in production often have to face unknown domain changes, fundamentally different from their training settings. Performance prediction models carry out the crucial task of measuring the impact of these changes on model performance. We study the generalization capabilities of various performance prediction models to new domains by learning on generated synthetic perturbations. Empirical validation on a benchmark of ten tabular datasets shows that models based upon state-of-the-art shift detection metrics are not expressive enough to generalize to unseen domains, while Error Predictors bring a consistent improvement in performance prediction under shift. We additionally propose a natural and effortless uncertainty estimation of the predicted accuracy that ensures reliable use of performance predictors. Our implementation is available at https: //github.com/dataiku-research/performance_prediction_under_shift." 1140,Epicasting: An Ensemble Wavelet Neural Network (EWNet) for Forecasting Epidemics,"Infectious diseases remain among the top contributors to human illness and death worldwide, among which many diseases produce epidemic waves of infection. The unavailability of specific drugs and ready-to-use vaccines to prevent most of these epidemics makes the situation worse. These force public health officials, health care providers, and policymakers to rely on early warning systems generated by reliable and accurate forecasts of epidemics. Accurate forecasts of epidemics can assist stakeholders in tailoring countermeasures, such as vaccination campaigns, staff scheduling, and resource allocation, to the situation at hand, which could translate to reductions in the impact of a disease. Unfortunately, most of these past epidemics (e.g., dengue, malaria, hepatitis, influenza, and most recent, Covid-19) exhibit nonlinear and non-stationary characteristics due to their spreading fluctuations based on seasonal-dependent variability and the nature of these epidemics. We analyze a wide variety of epidemic time series datasets using a maximal overlap discrete wavelet transform (MODWT) based autoregressive neural network and call it EWNet. MODWT techniques effectively characterize non-stationary behavior and seasonal dependencies in the epidemic time series and improve the forecasting scheme of the autoregressive neural network in the proposed ensemble wavelet network framework. From a nonlinear time series viewpoint, we explore the asymptotic stationarity of the proposed EWNet model to show the asymptotic behavior of the associated Markov Chain. We also theoretically investigate the effect of learning stability and the choice of hidden neurons in the proposed EWNet model. From a practical perspective, we compare our proposed EWNet framework with several statistical, machine learning, and deep learning models that have been previously used for epidemic forecasting." 1141,A consistent and flexible framework for deep matrix factorizations,"Deep matrix factorizations (deep MFs) are recent unsupervised data mining techniques inspired by constrained low-rank approximations. They aim to extract complex hierarchies of features within high-dimensional datasets. Most of the loss functions proposed in the literature to evaluate the quality of deep MF models and the underlying optimization frameworks are not consistent because different losses are used at different layers. In this paper, we introduce two meaningful loss functions for deep MF and present a generic framework to solve the corresponding optimization problems. We illustrate the effectiveness of this approach through the integration of various constraints and regularizations, such as sparsity, nonnegativity and minimum-volume. The models are successfully applied on both synthetic and real data, namely for hyperspectral unmixing and extraction of facial features." 1142,Multi-level Domain Adaptation for Lane Detection,"We focus on bridging domain discrepancy in lane detection among different scenarios to greatly reduce extra annotation and re-training costs for autonomous driving. Critical factors hinder the performance improvement of cross-domain lane detection that conventional methods only focus on pixel-wise loss while ignoring shape and position priors of lanes. To address the issue, we propose the Multi-level Domain Adaptation (MLDA) framework, a new perspective to handle cross-domain lane detection at three complementary semantic levels of pixel, instance and category. Specifically, at pixel level, we propose to apply cross-class confidence constraints in self-training to tackle the imbalanced confidence distribution of lane and background. At instance level, we go beyond pixels to treat segmented lanes as instances and facilitate discriminative features in target domain with triplet learning, which effectively rebuilds the semantic context of lanes and contributes to alleviating the feature confusion. At category level, we propose an adaptive inter-domain embedding module to utilize the position prior of lanes during adaptation. In two challenging datasets, ie TuSimple and CULane, our approach improves lane detection performance by a large margin with gains of 8.8% on accuracy and 7.4% on F1-score respectively, compared with state-of-the-art domain adaptation algorithms." 1143,Towards OOD Detection in Graph Classification from Uncertainty Estimation Perspective,"The problem of out-of-distribution detection for graph classification is far from being solved. The existing models tend to be overconfident about OOD examples or completely ignore the detection task. In this work, we consider this problem from the uncertainty estimation perspective and perform the comparison of several recently proposed methods. In our experiment, we find that there is no universal approach for OOD detection, and it is important to consider both graph representations and predictive categorical distribution." 1144,Learning Continuous Rotation Canonicalization with Radial Beam Sampling,"Nearly all state of the art vision models are sensitive to image rotations. Existing methods often compensate for missing inductive biases by using augmented training data to learn pseudo-invariances. Alongside the resource demanding data inflation process, predictions often poorly generalize. The inductive biases inherent to convolutional neural networks allow for translation equivariance through kernels acting parallely to the horizontal and vertical axes of the pixel grid. This inductive bias, however, does not allow for rotation equivariance. We propose a radial beam sampling strategy along with radial kernels operating on these beams to inherently incorporate center-rotation covariance. Together with an angle distance loss, we present a radial beam-based image canonicalization model, short BIC. Our model allows for maximal continuous angle regression and canonicalizes arbitrary center-rotated input images. As a pre-processing model, this enables rotation-invariant vision pipelines with model-agnostic rotation-sensitive downstream predictions. We show that our end-to-end trained angle regressor is able to predict continuous rotation angles on several vision datasets, i.e. FashionMNIST, CIFAR10, COIL100, and LFW." 1145,Differentially Private Maximal Information Coefficients,"The Maximal Information Coefficient (MIC) is a powerful statistic to identify dependencies between variables. However, it may be applied to sensitive data, and publishing it could leak private information. As a solution, we present algorithms to approximate MIC in a way that provides differential privacy. We show that the natural application of the classic Laplace mechanism yields insufficient accuracy. We therefore introduce the MICr statistic, which is a new MIC approximation that is more compatible with differential privacy. We prove MICr is a consistent estimator for MIC, and we provide two differentially private versions of it. We perform experiments on a variety of real and synthetic datasets. The results show that the private MICr statistics significantly outperform direct application of the Laplace mechanism. Moreover, experiments on real-world datasets show accuracy that is usable when the sample size is at least moderately large." 1146,Learning Neuro-Symbolic Skills for Bilevel Planning,"Decision-making is challenging in robotics environments with continuous object-centric states, continuous actions, long horizons, and sparse feedback. Hierarchical approaches, such as task and motion planning (TAMP), address these challenges by decomposing decision-making into two or more levels of abstraction. In a setting where demonstrations and symbolic predicates are given, prior work has shown how to learn symbolic operators and neural samplers for TAMP with manually designed parameterized policies. Our main contribution is a method for learning parameterized polices in combination with operators and samplers. These components are packaged into modular neuro-symbolic skills and sequenced together with search-then-sample TAMP to solve new tasks. In experiments in four robotics domains, we show that our approach -- bilevel planning with neuro-symbolic skills -- can solve a wide range of tasks with varying initial states, goals, and objects, outperforming six baselines and ablations. Video: https://youtu.be/PbFZP8rPuGg Code: https://tinyurl.com/skill-learning" 1147,ConTraNet: A single end-to-end hybrid network for EEG-based and EMG-based human machine interfaces,"Objective: Electroencephalography (EEG) and electromyography (EMG) are two non-invasive bio-signals, which are widely used in human machine interface (HMI) technologies (EEG-HMI and EMG-HMI paradigm) for the rehabilitation of physically disabled people. Successful decoding of EEG and EMG signals into respective control command is a pivotal step in the rehabilitation process. Recently, several Convolutional neural networks (CNNs) based architectures are proposed that directly map the raw time-series signal into decision space and the process of meaningful features extraction and classification are performed simultaneously. However, these networks are tailored to the learn the expected characteristics of the given bio-signal and are limited to single paradigm. In this work, we addressed the question that can we build a single architecture which is able to learn distinct features from different HMI paradigms and still successfully classify them. Approach: In this work, we introduce a single hybrid model called ConTraNet, which is based on CNN and Transformer architectures that is equally useful for EEG-HMI and EMG-HMI paradigms. ConTraNet uses CNN block to introduce inductive bias in the model and learn local dependencies, whereas the Transformer block uses the self-attention mechanism to learn the long-range dependencies in the signal, which are crucial for the classification of EEG and EMG signals. Main results: We evaluated and compared the ConTraNet with state-of-the-art methods on three publicly available datasets which belong to EEG-HMI and EMG-HMI paradigms. ConTraNet outperformed its counterparts in all the different category tasks (2-class, 3-class, 4-class, and 10-class decoding tasks). Significance: The results suggest that ConTraNet is robust to learn distinct features from different HMI paradigms and generalizes well as compared to the current state of the art algorithms." 1148,On the Maximum Hessian Eigenvalue and Generalization,"The mechanisms by which certain training interventions, such as increasing learning rates and applying batch normalization, improve the generalization of deep networks remains a mystery. Prior works have speculated that ""flatter"" solutions generalize better than ""sharper"" solutions to unseen data, motivating several metrics for measuring flatness (particularly $\lambda_{max}$, the largest eigenvalue of the Hessian of the loss); and algorithms, such as Sharpness-Aware Minimization (SAM) [1], that directly optimize for flatness. Other works question the link between $\lambda_{max}$ and generalization. In this paper, we present findings that call $\lambda_{max}$'s influence on generalization further into question. We show that: (1) while larger learning rates reduce $\lambda_{max}$ for all batch sizes, generalization benefits sometimes vanish at larger batch sizes; (2) by scaling batch size and learning rate simultaneously, we can change $\lambda_{max}$ without affecting generalization; (3) while SAM produces smaller $\lambda_{max}$ for all batch sizes, generalization benefits (also) vanish with larger batch sizes; (4) for dropout, excessively high dropout probabilities can degrade generalization, even as they promote smaller $\lambda_{max}$; and (5) while batch-normalization does not consistently produce smaller $\lambda_{max}$, it nevertheless confers generalization benefits. While our experiments affirm the generalization benefits of large learning rates and SAM for minibatch SGD, the GD-SGD discrepancy demonstrates limits to $\lambda_{max}$'s ability to explain generalization in neural networks." 1149,Sparse Kernel Gaussian Processes through Iterative Charted Refinement (ICR),"Gaussian Processes (GPs) are highly expressive, probabilistic models. A major limitation is their computational complexity. Naively, exact GP inference requires $\mathcal{O}(N^3)$ computations with $N$ denoting the number of modeled points. Current approaches to overcome this limitation either rely on sparse, structured or stochastic representations of data or kernel respectively and usually involve nested optimizations to evaluate a GP. We present a new, generative method named Iterative Charted Refinement (ICR) to model GPs on nearly arbitrarily spaced points in $\mathcal{O}(N)$ time for decaying kernels without nested optimizations. ICR represents long- as well as short-range correlations by combining views of the modeled locations at varying resolutions with a user-provided coordinate chart. In our experiment with points whose spacings vary over two orders of magnitude, ICR's accuracy is comparable to state-of-the-art GP methods. ICR outperforms existing methods in terms of computational speed by one order of magnitude on the CPU and GPU and has already been successfully applied to model a GP with $122$ billion parameters." 1150,Robust SDE-Based Variational Formulations for Solving Linear PDEs via Deep Learning,"The combination of Monte Carlo methods and deep learning has recently led to efficient algorithms for solving partial differential equations (PDEs) in high dimensions. Related learning problems are often stated as variational formulations based on associated stochastic differential equations (SDEs), which allow the minimization of corresponding losses using gradient-based optimization methods. In respective numerical implementations it is therefore crucial to rely on adequate gradient estimators that exhibit low variance in order to reach convergence accurately and swiftly. In this article, we rigorously investigate corresponding numerical aspects that appear in the context of linear Kolmogorov PDEs. In particular, we systematically compare existing deep learning approaches and provide theoretical explanations for their performances. Subsequently, we suggest novel methods that can be shown to be more robust both theoretically and numerically, leading to substantial performance improvements." 1151,D-CIPHER: Discovery of Closed-form PDEs,"Closed-form differential equations, including partial differential equations and higher-order ordinary differential equations, are one of the most important tools used by scientists to model and better understand natural phenomena. Discovering these equations directly from data is challenging because it requires modeling relationships between various derivatives that are not observed in the data (\textit{equation-data mismatch}) and it involves searching across a huge space of possible equations. Current approaches make strong assumptions about the form of the equation and thus fail to discover many well-known systems. Moreover, many of them resolve the equation-data mismatch by estimating the derivatives, which makes them inadequate for noisy and infrequently sampled systems. To this end, we propose D-CIPHER, which is robust to measurement artifacts and can uncover a new and very general class of differential equations. We further design a novel optimization procedure, CoLLie, to help D-CIPHER search through this class efficiently. Finally, we demonstrate empirically that it can discover many well-known equations that are beyond the capabilities of current methods." 1152,Nimble GNN Embedding with Tensor-Train Decomposition,"This paper describes a new method for representing embedding tables of graph neural networks (GNNs) more compactly via tensor-train (TT) decomposition. We consider the scenario where (a) the graph data that lack node features, thereby requiring the learning of embeddings during training; and (b) we wish to exploit GPU platforms, where smaller tables are needed to reduce host-to-GPU communication even for large-memory GPUs. The use of TT enables a compact parameterization of the embedding, rendering it small enough to fit entirely on modern GPUs even for massive graphs. When combined with judicious schemes for initialization and hierarchical graph partitioning, this approach can reduce the size of node embedding vectors by 1,659 times to 81,362 times on large publicly available benchmark datasets, achieving comparable or better accuracy and significant speedups on multi-GPU systems. In some cases, our model without explicit node features on input can even match the accuracy of models that use node features." 1153,Gradient-Enhanced Physics-Informed Neural Networks for Power Systems Operational Support,"The application of deep learning methods to speed up the resolution of challenging power flow problems has recently shown very encouraging results. However, power system dynamics are not snap-shot, steady-state operations. These dynamics must be considered to ensure that the optimal solutions provided by these models adhere to practical dynamical constraints, avoiding frequency fluctuations and grid instabilities. Unfortunately, dynamic system models based on ordinary or partial differential equations are frequently unsuitable for direct application in control or state estimates due to their high computational costs. To address these challenges, this paper introduces a machine learning method to approximate the behavior of power systems dynamics in near real time. The proposed framework is based on gradient-enhanced physics-informed neural networks (gPINNs) and encodes the underlying physical laws governing power systems. A key characteristic of the proposed gPINN is its ability to train without the need of generating expensive training data. The paper illustrates the potential of the proposed approach in both forward and inverse problems in a single-machine infinite bus system for predicting rotor angles and frequency, and uncertain parameters such as inertia and damping to showcase its potential for a range of power systems applications." 1154,Solving Constrained Variational Inequalities via an Interior Point Method,"We develop an interior-point approach to solve constrained variational inequality (cVI) problems. Inspired by the efficacy of the alternating direction method of multipliers (ADMM) method in the single-objective context, we generalize ADMM to derive a first-order method for cVIs, that we refer to as ADMM-based interior point method for constrained VIs (ACVI). We provide convergence guarantees for ACVI in two general classes of problems: (i) when the operator is $\xi$-monotone, and (ii) when it is monotone, the constraints are active and the game is not purely rotational. When the operator is in addition L-Lipschitz for the latter case, we match known lower bounds on rates for the gap function of $\mathcal{O}(1/\sqrt{K})$ and $\mathcal{O}(1/K)$ for the last and average iterate, respectively. To the best of our knowledge, this is the first presentation of a first-order interior-point method for the general cVI problem that has a global convergence guarantee. Moreover, unlike previous work in this setting, ACVI provides a means to solve cVIs when the constraints are nontrivial. Empirical analyses demonstrate clear advantages of ACVI over common first-order methods. In particular, (i) cyclical behavior is notably reduced as our methods approach the solution from the analytic center, and (ii) unlike projection-based methods that oscillate when near a constraint, ACVI efficiently handles the constraints." 1155,Controllability of Coarsely Measured Networked Linear Dynamical Systems (Extended Version),"We consider the controllability of large-scale linear networked dynamical systems when complete knowledge of network structure is unavailable and knowledge is limited to coarse summaries. We provide conditions under which average controllability of the fine-scale system can be well approximated by average controllability of the (synthesized, reduced-order) coarse-scale system. To this end, we require knowledge of some inherent parametric structure of the fine-scale network that makes this type of approximation possible. Therefore, we assume that the underlying fine-scale network is generated by the stochastic block model (SBM) -- often studied in community detection. We then provide an algorithm that directly estimates the average controllability of the fine-scale system using a coarse summary of SBM. Our analysis indicates the necessity of underlying structure (e.g., in-built communities) to be able to quantify accurately the controllability from coarsely characterized networked dynamics. We also compare our method to that of the reduced-order method and highlight the regimes where both can outperform each other. Finally, we provide simulations to confirm our theoretical results for different scalings of network size and density, and the parameter that captures how much community-structure is retained in the coarse summary." 1156,Ensembling over Classifiers: a Bias-Variance Perspective,"Ensembles are a straightforward, remarkably effective method for improving the accuracy,calibration, and robustness of models on classification tasks; yet, the reasons that underlie their success remain an active area of research. We build upon the extension to the bias-variance decomposition by Pfau (2013) in order to gain crucial insights into the behavior of ensembles of classifiers. Introducing a dual reparameterization of the bias-variance tradeoff, we first derive generalized laws of total expectation and variance for nonsymmetric losses typical of classification tasks. Comparing conditional and bootstrap bias/variance estimates, we then show that conditional estimates necessarily incur an irreducible error. Next, we show that ensembling in dual space reduces the variance and leaves the bias unchanged, whereas standard ensembling can arbitrarily affect the bias. Empirically, standard ensembling reducesthe bias, leading us to hypothesize that ensembles of classifiers may perform well in part because of this unexpected reduction.We conclude by an empirical analysis of recent deep learning methods that ensemble over hyperparameters, revealing that these techniques indeed favor bias reduction. This suggests that, contrary to classical wisdom, targeting bias reduction may be a promising direction for classifier ensembles." 1157,sqSGD: Locally Private and Communication Efficient Federated Learning,"Federated learning (FL) is a technique that trains machine learning models from decentralized data sources. We study FL under local notions of privacy constraints, which provides strong protection against sensitive data disclosures via obfuscating the data before leaving the client. We identify two major concerns in designing practical privacy-preserving FL algorithms: communication efficiency and high-dimensional compatibility. We then develop a gradient-based learning algorithm called \emph{sqSGD} (selective quantized stochastic gradient descent) that addresses both concerns. The proposed algorithm is based on a novel privacy-preserving quantization scheme that uses a constant number of bits per dimension per client. Then we improve the base algorithm in three ways: first, we apply a gradient subsampling strategy that simultaneously offers better training performance and smaller communication costs under a fixed privacy budget. Secondly, we utilize randomized rotation as a preprocessing step to reduce quantization error. Thirdly, an adaptive gradient norm upper bound shrinkage strategy is adopted to improve accuracy and stabilize training. Finally, the practicality of the proposed framework is demonstrated on benchmark datasets. Experiment results show that sqSGD successfully learns large models like LeNet and ResNet with local privacy constraints. In addition, with fixed privacy and communication level, the performance of sqSGD significantly dominates that of various baseline algorithms." 1158,EnvPool: A Highly Parallel Reinforcement Learning Environment Execution Engine,"There has been significant progress in developing reinforcement learning (RL) training systems. Past works such as IMPALA, Apex, Seed RL, Sample Factory, and others aim to improve the system's overall throughput. In this paper, we try to address a common bottleneck in the RL training system, i.e., parallel environment execution, which is often the slowest part of the whole system but receives little attention. With a curated design for paralleling RL environments, we have improved the RL environment simulation speed across different hardware setups, ranging from a laptop, and a modest workstation, to a high-end machine like NVIDIA DGX-A100. On a high-end machine, EnvPool achieves 1 million frames per second for the environment execution on Atari environments and 3 million frames per second on MuJoCo environments. When running on a laptop, the speed of EnvPool is 2.8 times of the Python subprocess. Moreover, great compatibility with existing RL training libraries has been demonstrated in the open-sourced community, including CleanRL, rl_games, DeepMind Acme, etc. Finally, EnvPool allows researchers to iterate their ideas at a much faster pace and has the great potential to become the de facto RL environment execution engine. Example runs show that it takes only 5 minutes to train Atari Pong and MuJoCo Ant, both on a laptop. EnvPool has already been open-sourced at https://github.com/sail-sg/envpool." 1159,Scaling up Kernels in 3D CNNs,"Recent advances in 2D CNNs and vision transformers (ViTs) reveal that large kernels are essential for enough receptive fields and high performance. Inspired by this literature, we examine the feasibility and challenges of 3D large-kernel designs. We demonstrate that applying large convolutional kernels in 3D CNNs has more difficulties in both performance and efficiency. Existing techniques that work well in 2D CNNs are ineffective in 3D networks, including the popular depth-wise convolutions. To overcome these obstacles, we present the spatial-wise group convolution and its large-kernel module (SW-LK block). It avoids the optimization and efficiency issues of naive 3D large kernels. Our large-kernel 3D CNN network, i.e., LargeKernel3D, yields non-trivial improvements on various 3D tasks, including semantic segmentation and object detection. Notably, it achieves 73.9% mIoU on the ScanNetv2 semantic segmentation and 72.8% NDS nuScenes object detection benchmarks, ranking 1st on the nuScenes LIDAR leaderboard. It is further boosted to 74.2% NDS with a simple multi-modal fusion. LargeKernel3D attains comparable or superior results than its CNN and transformer counterparts. For the first time, we show that large kernels are feasible and essential for 3D networks." 1160,Uncertainty Quantification for Competency Assessment of Autonomous Agents,"For safe and reliable deployment in the real world, autonomous agents must elicit appropriate levels of trust from human users. One method to build trust is to have agents assess and communicate their own competencies for performing given tasks. Competency depends on the uncertainties affecting the agent, making accurate uncertainty quantification vital for competency assessment. In this work, we show how ensembles of deep generative models can be used to quantify the agent's aleatoric and epistemic uncertainties when forecasting task outcomes as part of competency assessment." 1161,On the effectiveness of persistent homology,"Persistent homology (PH) is one of the most popular methods in Topological Data Analysis. While PH has been used in many different types of applications, the reasons behind its success remain elusive. In particular, it is not known for which classes of problems it is most effective, or to what extent it can detect geometric or topological features. The goal of this work is to identify some types of problems on which PH performs well or even better than other methods in data analysis. We consider three fundamental shape-analysis tasks: the detection of the number of holes, curvature and convexity from 2D and 3D point clouds sampled from shapes. Experiments demonstrate that PH is successful in these tasks, outperforming several baselines, including PointNet, an architecture inspired precisely by the properties of point clouds. In addition, we observe that PH remains effective for limited computational resources and limited training data, as well as out-of-distribution test data, including various data transformations and noise." 1162,(Certified!!) Adversarial Robustness for Free!,"In this paper we show how to achieve state-of-the-art certified adversarial robustness to 2-norm bounded perturbations by relying exclusively on off-the-shelf pretrained models. To do so, we instantiate the denoised smoothing approach of Salman et al. by combining a pretrained denoising diffusion probabilistic model and a standard high-accuracy classifier. This allows us to certify 71% accuracy on ImageNet under adversarial perturbations constrained to be within a 2-norm of 0.5, an improvement of 14 percentage points over the prior certified SoTA using any approach, or an improvement of 30 percentage points over denoised smoothing. We obtain these results using only pretrained diffusion models and image classifiers, without requiring any fine tuning or retraining of model parameters." 1163,Faster Diffusion Cardiac MRI with Deep Learning-based breath hold reduction,"Diffusion Tensor Cardiac Magnetic Resonance (DT-CMR) enables us to probe the microstructural arrangement of cardiomyocytes within the myocardium in vivo and non-invasively, which no other imaging modality allows. This innovative technology could revolutionise the ability to perform cardiac clinical diagnosis, risk stratification, prognosis and therapy follow-up. However, DT-CMR is currently inefficient with over six minutes needed to acquire a single 2D static image. Therefore, DT-CMR is currently confined to research but not used clinically. We propose to reduce the number of repetitions needed to produce DT-CMR datasets and subsequently de-noise them, decreasing the acquisition time by a linear factor while maintaining acceptable image quality. Our proposed approach, based on Generative Adversarial Networks, Vision Transformers, and Ensemble Learning, performs significantly and considerably better than previous proposed approaches, bringing single breath-hold DT-CMR closer to reality." 1164,Rethinking Symbolic Regression Datasets and Benchmarks for Scientific Discovery,"This paper revisits datasets and evaluation criteria for Symbolic Regression, a task of expressing given data using mathematical equations, specifically focused on its potential for scientific discovery. Focused on a set of formulas used in the existing datasets based on Feynman Lectures on Physics, we recreate 120 datasets to discuss the performance of symbolic regression for scientific discovery (SRSD). For each of the 120 SRSD datasets, we carefully review the properties of the formula and its variables to design reasonably realistic sampling range of values so that our new SRSD datasets can be used for evaluating the potential of SRSD such as whether or not an SR method con (re)discover physical laws from such datasets. As an evaluation metric, we also propose to use normalized edit distances between a predicted equation and the ground-truth equation trees. While existing metrics are either binary or errors between the target values and an SR model's predicted values for a given input, normalized edit distances evaluate a sort of similarity between the ground-truth and predicted equation trees. We have conducted experiments on our new SRSD datasets using five state-of-the-art SR methods in SRBench and a simple baseline based on a recent Transformer architecture. The results show that we provide a more realistic performance evaluation and open up a new machine learning-based approach for scientific discovery. Our datasets and code repository are publicly available." 1165,EpiGRAF: Rethinking training of 3D GANs,"A very recent trend in generative modeling is building 3D-aware generators from 2D image collections. To induce the 3D bias, such models typically rely on volumetric rendering, which is expensive to employ at high resolutions. During the past months, there appeared more than 10 works that address this scaling issue by training a separate 2D decoder to upsample a low-resolution image (or a feature tensor) produced from a pure 3D generator. But this solution comes at a cost: not only does it break multi-view consistency (i.e. shape and texture change when the camera moves), but it also learns the geometry in a low fidelity. In this work, we show that it is possible to obtain a high-resolution 3D generator with SotA image quality by following a completely different route of simply training the model patch-wise. We revisit and improve this optimization scheme in two ways. First, we design a location- and scale-aware discriminator to work on patches of different proportions and spatial positions. Second, we modify the patch sampling strategy based on an annealed beta distribution to stabilize training and accelerate the convergence. The resulted model, named EpiGRAF, is an efficient, high-resolution, pure 3D generator, and we test it on four datasets (two introduced in this work) at $256^2$ and $512^2$ resolutions. It obtains state-of-the-art image quality, high-fidelity geometry and trains ${\approx} 2.5 \times$ faster than the upsampler-based counterparts. Project website: https://universome.github.io/epigraf." 1166,Lyapunov Density Models: Constraining Distribution Shift in Learning-Based Control,"Learned models and policies can generalize effectively when evaluated within the distribution of the training data, but can produce unpredictable and erroneous outputs on out-of-distribution inputs. In order to avoid distribution shift when deploying learning-based control algorithms, we seek a mechanism to constrain the agent to states and actions that resemble those that it was trained on. In control theory, Lyapunov stability and control-invariant sets allow us to make guarantees about controllers that stabilize the system around specific states, while in machine learning, density models allow us to estimate the training data distribution. Can we combine these two concepts, producing learning-based control algorithms that constrain the system to in-distribution states using only in-distribution actions? In this work, we propose to do this by combining concepts from Lyapunov stability and density estimation, introducing Lyapunov density models: a generalization of control Lyapunov functions and density models that provides guarantees on an agent's ability to stay in-distribution over its entire trajectory." 1167,Learning to Estimate and Refine Fluid Motion with Physical Dynamics,"Extracting information on fluid motion directly from images is challenging. Fluid flow represents a complex dynamic system governed by the Navier-Stokes equations. General optical flow methods are typically designed for rigid body motion, and thus struggle if applied to fluid motion estimation directly. Further, optical flow methods only focus on two consecutive frames without utilising historical temporal information, while the fluid motion (velocity field) can be considered a continuous trajectory constrained by time-dependent partial differential equations (PDEs). This discrepancy has the potential to induce physically inconsistent estimations. Here we propose an unsupervised learning based prediction-correction scheme for fluid flow estimation. An estimate is first given by a PDE-constrained optical flow predictor, which is then refined by a physical based corrector. The proposed approach outperforms optical flow methods and shows competitive results compared to existing supervised learning based methods on a benchmark dataset. Furthermore, the proposed approach can generalize to complex real-world fluid scenarios where ground truth information is effectively unknowable. Finally, experiments demonstrate that the physical corrector can refine flow estimates by mimicking the operator splitting method commonly utilised in fluid dynamical simulation." 1168,Policy learning with asymmetric utilities,"Data-driven decision making plays an important role even in high stakes settings like medicine and public policy. Learning optimal policies from observed data requires a careful formulation of the utility function whose expected value is maximized across a population. Although researchers typically use utilities that depend on observed outcomes alone, in many settings the decision maker's utility function is more properly characterized by the joint set of potential outcomes under all actions. For example, the Hippocratic principle to ``do no harm'' implies that the cost of causing death to a patient who would otherwise survive without treatment is greater than the cost of forgoing life-saving treatment. We consider optimal policy learning with asymmetric utility functions of this form. We show that asymmetric utilities lead to an unidentifiable social welfare function, and so we first partially identify it. Drawing on statistical decision theory, we then derive minimax decision rules by minimizing the maximum regret relative to alternative policies. We show that one can learn minimax decision rules from observed data by solving intermediate classification problems. We also establish that the finite sample regret of this procedure is bounded by the mis-classification rate of these intermediate classifiers. We apply this conceptual framework and methodology to the decision about whether or not to use right heart catheterization for patients with possible pulmonary hypertension." 1169,Survival Kernets: Scalable and Interpretable Deep Kernel Survival Analysis with an Accuracy Guarantee,"Kernel survival analysis models estimate individual survival distributions with the help of a kernel function, which measures the similarity between any two data points. Such a kernel function can be learned using deep kernel survival models. In this paper, we present a new deep kernel survival model called a survival kernet, which scales to large datasets in a manner that is amenable to model interpretation and also theoretical analysis. Specifically, the training data are partitioned into clusters based on a recently developed training set compression scheme for classification and regression called kernel netting that we extend to the survival analysis setting. At test-time, each data point is represented as a weighted combination of these clusters, and each such cluster can be visualized. For a special case of survival kernets, we establish a finite-sample error bound on predicted survival distributions that is, up to a log factor, optimal. Whereas scalability at test time is achieved using the aforementioned kernel netting compression strategy, scalability during training is achieved by a warm-start procedure based on tree ensembles such as XGBoost and a heuristic approach to accelerating neural architecture search. On three standard survival analysis datasets of varying sizes (up to roughly 3 million data points), we show that survival kernets are highly competitive with the best of baselines tested in terms of concordance index. Our code is available at: https://github.com/georgehc/survival-kernets" 1170,The Privacy Onion Effect: Memorization is Relative,"Machine learning models trained on private datasets have been shown to leak their private data. While recent work has found that the average data point is rarely leaked, the outlier samples are frequently subject to memorization and, consequently, privacy leakage. We demonstrate and analyse an Onion Effect of memorization: removing the ""layer"" of outlier points that are most vulnerable to a privacy attack exposes a new layer of previously-safe points to the same attack. We perform several experiments to study this effect, and understand why it occurs. The existence of this effect has various consequences. For example, it suggests that proposals to defend against memorization without training with rigorous privacy guarantees are unlikely to be effective. Further, it suggests that privacy-enhancing technologies such as machine unlearning could actually harm the privacy of other users." 1171,"The Digital Twin Landscape at the Crossroads of Predictive Maintenance, Machine Learning and Physics Based Modeling","The concept of a digital twin has exploded in popularity over the past decade, yet confusion around its plurality of definitions, its novelty as a new technology, and its practical applicability still exists, all despite numerous reviews, surveys, and press releases. The history of the term digital twin is explored, as well as its initial context in the fields of product life cycle management, asset maintenance, and equipment fleet management, operations, and planning. A definition for a minimally viable framework to utilize a digital twin is also provided based on seven essential elements. A brief tour through DT applications and industries where DT methods are employed is also outlined. The application of a digital twin framework is highlighted in the field of predictive maintenance, and its extensions utilizing machine learning and physics based modeling. Employing the combination of machine learning and physics based modeling to form hybrid digital twin frameworks, may synergistically alleviate the shortcomings of each method when used in isolation. Key challenges of implementing digital twin models in practice are additionally discussed. As digital twin technology experiences rapid growth and as it matures, its great promise to substantially enhance tools and solutions for intelligent upkeep of complex equipment, are expected to materialize." 1172,Shifted Compression Framework: Generalizations and Improvements,"Communication is one of the key bottlenecks in the distributed training of large-scale machine learning models, and lossy compression of exchanged information, such as stochastic gradients or models, is one of the most effective instruments to alleviate this issue. Among the most studied compression techniques is the class of unbiased compression operators with variance bounded by a multiple of the square norm of the vector we wish to compress. By design, this variance may remain high, and only diminishes if the input vector approaches zero. However, unless the model being trained is overparameterized, there is no a-priori reason for the vectors we wish to compress to approach zero during the iterations of classical methods such as distributed compressed {\sf SGD}, which has adverse effects on the convergence speed. Due to this issue, several more elaborate and seemingly very different algorithms have been proposed recently, with the goal of circumventing this issue. These methods are based on the idea of compressing the {\em difference} between the vector we would normally wish to compress and some auxiliary vector which changes throughout the iterative process. In this work we take a step back, and develop a unified framework for studying such methods, conceptually, and theoretically. Our framework incorporates methods compressing both gradients and models, using unbiased and biased compressors, and sheds light on the construction of the auxiliary vectors. Furthermore, our general framework can lead to the improvement of several existing algorithms, and can produce new algorithms. Finally, we performed several numerical experiments which illustrate and support our theoretical findings." 1173,Winning the Lottery Ahead of Time: Efficient Early Network Pruning,"Pruning, the task of sparsifying deep neural networks, received increasing attention recently. Although state-of-the-art pruning methods extract highly sparse models, they neglect two main challenges: (1) the process of finding these sparse models is often very expensive; (2) unstructured pruning does not provide benefits in terms of GPU memory, training time, or carbon emissions. We propose Early Compression via Gradient Flow Preservation (EarlyCroP), which efficiently extracts state-of-the-art sparse models before or early in training addressing challenge (1), and can be applied in a structured manner addressing challenge (2). This enables us to train sparse networks on commodity GPUs whose dense versions would be too large, thereby saving costs and reducing hardware requirements. We empirically show that EarlyCroP outperforms a rich set of baselines for many tasks (incl. classification, regression) and domains (incl. computer vision, natural language processing, and reinforcment learning). EarlyCroP leads to accuracy comparable to dense training while outperforming pruning baselines." 1174,Robust Task Representations for Offline Meta-Reinforcement Learning via Contrastive Learning,"We study offline meta-reinforcement learning, a practical reinforcement learning paradigm that learns from offline data to adapt to new tasks. The distribution of offline data is determined jointly by the behavior policy and the task. Existing offline meta-reinforcement learning algorithms cannot distinguish these factors, making task representations unstable to the change of behavior policies. To address this problem, we propose a contrastive learning framework for task representations that are robust to the distribution mismatch of behavior policies in training and test. We design a bi-level encoder structure, use mutual information maximization to formalize task representation learning, derive a contrastive learning objective, and introduce several approaches to approximate the true distribution of negative pairs. Experiments on a variety of offline meta-reinforcement learning benchmarks demonstrate the advantages of our method over prior methods, especially on the generalization to out-of-distribution behavior policies. The code is available at https://github.com/PKU-AI-Edge/CORRO." 1175,Model Joins: Enabling Analytics Over Joins of Absent Big Tables,"This work is motivated by two key facts. First, it is highly desirable to be able to learn and perform knowledge discovery and analytics (LKD) tasks without the need to access raw-data tables. This may be due to organizations finding it increasingly frustrating and costly to manage and maintain ever-growing tables, or for privacy reasons. Hence, compact models can be developed from the raw data and used instead of the tables. Second, oftentimes, LKD tasks are to be performed on a (potentially very large) table which is itself the result of joining separate (potentially very large) relational tables. But how can one do this, when the individual to-be-joined tables are absent? Here, we pose the following fundamental questions: Q1: How can one ""join models"" of (absent/deleted) tables or ""join models with other tables"" in a way that enables LKD as if it were performed on the join of the actual raw tables? Q2: What are appropriate models to use per table? Q3: As the model join would be an approximation of the actual data join, how can one evaluate the quality of the model join result? This work puts forth a framework, Model Join, addressing these challenges. The framework integrates and joins the per-table models of the absent tables and generates a uniform and independent sample that is a high-quality approximation of a uniform and independent sample of the actual raw-data join. The approximation stems from the models, but not from the Model Join framework. The sample obtained by the Model Join can be used to perform LKD downstream tasks, such as approximate query processing, classification, clustering, regression, association rule mining, visualization, and so on. To our knowledge, this is the first work with this agenda and solutions. Detailed experiments with TPC-DS data and synthetic data showcase Model Join's usefulness." 1176,Plug and Play Counterfactual Text Generation for Model Robustness,"Generating counterfactual test-cases is an important backbone for testing NLP models and making them as robust and reliable as traditional software. In generating the test-cases, a desired property is the ability to control the test-case generation in a flexible manner to test for a large variety of failure cases and to explain and repair them in a targeted manner. In this direction, significant progress has been made in the prior works by manually writing rules for generating controlled counterfactuals. However, this approach requires heavy manual supervision and lacks the flexibility to easily introduce new controls. Motivated by the impressive flexibility of the plug-and-play approach of PPLM, we propose bringing the framework of plug-and-play to counterfactual test case generation task. We introduce CASPer, a plug-and-play counterfactual generation framework to generate test cases that satisfy goal attributes on demand. Our plug-and-play model can steer the test case generation process given any attribute model without requiring attribute-specific training of the model. In experiments, we show that CASPer effectively generates counterfactual text that follow the steering provided by an attribute model while also being fluent, diverse and preserving the original content. We also show that the generated counterfactuals from CASPer can be used for augmenting the training data and thereby fixing and making the test model more robust." 1177,A Single-Timescale Analysis For Stochastic Approximation With Multiple Coupled Sequences,"Stochastic approximation (SA) with multiple coupled sequences has found broad applications in machine learning such as bilevel learning and reinforcement learning (RL). In this paper, we study the finite-time convergence of nonlinear SA with multiple coupled sequences. Different from existing multi-timescale analysis, we seek for scenarios where a fine-grained analysis can provide the tight performance guarantee for multi-sequence single-timescale SA (STSA). At the heart of our analysis is the smoothness property of the fixed points in multi-sequence SA that holds in many applications. When all sequences have strongly monotone increments, we establish the iteration complexity of $\mathcal{O}(\epsilon^{-1})$ to achieve $\epsilon$-accuracy, which improves the existing $\mathcal{O}(\epsilon^{-1.5})$ complexity for two coupled sequences. When all but the main sequence have strongly monotone increments, we establish the iteration complexity of $\mathcal{O}(\epsilon^{-2})$. The merit of our results lies in that applying them to stochastic bilevel and compositional optimization problems, as well as RL problems leads to either relaxed assumptions or improvements over their existing performance guarantees." 1178,CoCoPIE XGen: A Full-Stack AI-Oriented Optimizing Framework,"There is a growing demand for shifting the delivery of AI capability from data centers on the cloud to edge or end devices, exemplified by the fast emerging real-time AI-based apps running on smartphones, AR/VR devices, autonomous vehicles, and various IoT devices. The shift has however been seriously hampered by the large growing gap between DNN computing demands and the computing power on edge or end devices. This article presents the design of XGen, an optimizing framework for DNN designed to bridge the gap. XGen takes cross-cutting co-design as its first-order consideration. Its full-stack AI-oriented optimizations consist of a number of innovative optimizations at every layer of the DNN software stack, all designed in a cooperative manner. The unique technology makes XGen able to optimize various DNNs, including those with an extreme depth (e.g., BERT, GPT, other transformers), and generate code that runs several times faster than those from existing DNN frameworks, while delivering the same level of accuracy." 1179,An Efficient Industrial Federated Learning Framework for AIoT: A Face Recognition Application,"Recently, the artificial intelligence of things (AIoT) has been gaining increasing attention, with an intriguing vision of providing highly intelligent services through the network connection of things, leading to an advanced AI-driven ecology. However, recent regulatory restrictions on data privacy preclude uploading sensitive local data to data centers and utilizing them in a centralized approach. Directly applying federated learning algorithms in this scenario could hardly meet the industrial requirements of both efficiency and accuracy. Therefore, we propose an efficient industrial federated learning framework for AIoT in terms of a face recognition application. Specifically, we propose to utilize the concept of transfer learning to speed up federated training on devices and further present a novel design of a private projector that helps protect shared gradients without incurring additional memory consumption or computational cost. Empirical studies on a private Asian face dataset show that our approach can achieve high recognition accuracy in only 20 communication rounds, demonstrating its effectiveness in prediction and its efficiency in training." 1180,WrapperFL: A Model Agnostic Plug-in for Industrial Federated Learning,"Federated learning, as a privacy-preserving collaborative machine learning paradigm, has been gaining more and more attention in the industry. With the huge rise in demand, there have been many federated learning platforms that allow federated participants to set up and build a federated model from scratch. However, exiting platforms are highly intrusive, complicated, and hard to integrate with built machine learning models. For many real-world businesses that already have mature serving models, existing federated learning platforms have high entry barriers and development costs. This paper presents a simple yet practical federated learning plug-in inspired by ensemble learning, dubbed WrapperFL, allowing participants to build/join a federated system with existing models at minimal costs. The WrapperFL works in a plug-and-play way by simply attaching to the input and output interfaces of an existing model, without the need of re-development, significantly reducing the overhead of manpower and resources. We verify our proposed method on diverse tasks under heterogeneous data distributions and heterogeneous models. The experimental results demonstrate that WrapperFL can be successfully applied to a wide range of applications under practical settings and improves the local model with federated learning at a low cost." 1181,Neural Moving Horizon Estimation for Robust Flight Control,"Estimating and reacting to external disturbances is crucial for robust flight control of quadrotors. Existing estimators typically require significant tuning for a specific flight scenario or training with extensive ground-truth disturbance data to achieve satisfactory performance. In this paper, we propose a neural moving horizon estimator (NeuroMHE) that can automatically tune the MHE parameters modeled by a neural network and adapt to different flight scenarios. We achieve this by deriving the analytical gradients of the MHE estimates with respect to the tuning parameters, which enable a seamless embedding of an MHE as a learnable layer into the neural network for highly effective learning. Most interestingly, we show that the gradients can be obtained efficiently from a Kalman filter in a recursive form. Moreover, we develop a model-based policy gradient algorithm to train NeuroMHE directly from the trajectory tracking error without the need for the ground-truth disturbance data. The effectiveness of NeuroMHE is verified extensively via both simulations and physical experiments on a quadrotor in various challenging flights. Notably, NeuroMHE outperforms the state-of-the-art estimator with force estimation error reductions of up to $49.4\%$ by using only a $2.5\%$ amount of the neural network parameters. The proposed method is general and can be applied to robust adaptive control for other robotic systems." 1182,Generative Modelling With Inverse Heat Dissipation,"While diffusion models have shown great success in image generation, their noise-inverting generative process does not explicitly consider the structure of images, such as their inherent multi-scale nature. Inspired by diffusion models and the desirability of coarse-to-fine modelling, we propose a new model that generates images through iteratively inverting the heat equation, a PDE that locally erases fine-scale information when run over the 2D plane of the image. In our novel methodology, the solution of the forward heat equation is interpreted as a variational approximation in a directed graphical model. We demonstrate promising image quality and point out emergent qualitative properties not seen in diffusion models, such as disentanglement of overall colour and shape in images and aspects of neural network interpretability. Spectral analysis on natural images positions our model as a type of dual to diffusion models and reveals implicit inductive biases in them." 1183,TabText: a Systematic Approach to Aggregate Knowledge Across Tabular Data Structures,"Processing and analyzing tabular data in a productive and efficient way is essential for building successful applications of machine learning in fields such as healthcare. However, the lack of a unified framework for representing and standardizing tabular information poses a significant challenge to researchers and professionals alike. In this work, we present TabText, a methodology that leverages the unstructured data format of language to encode tabular data from different table structures and time periods efficiently and accurately. We show using two healthcare datasets and four prediction tasks that features extracted via TabText outperform those extracted with traditional processing methods by 2-5%. Furthermore, we analyze the sensitivity of our framework against different choices for sentence representations of missing values, meta information and language descriptiveness, and provide insights into winning strategies that improve performance." 1184,An Energy and Carbon Footprint Analysis of Distributed and Federated Learning,"Classical and centralized Artificial Intelligence (AI) methods require moving data from producers (sensors, machines) to energy hungry data centers, raising environmental concerns due to computational and communication resource demands, while violating privacy. Emerging alternatives to mitigate such high energy costs propose to efficiently distribute, or federate, the learning tasks across devices, which are typically low-power. This paper proposes a novel framework for the analysis of energy and carbon footprints in distributed and federated learning (FL). The proposed framework quantifies both the energy footprints and the carbon equivalent emissions for vanilla FL methods and consensus-based fully decentralized approaches. We discuss optimal bounds and operational points that support green FL designs and underpin their sustainability assessment. Two case studies from emerging 5G industry verticals are analyzed: these quantify the environmental footprints of continual and reinforcement learning setups, where the training process is repeated periodically for continuous improvements. For all cases, sustainability of distributed learning relies on the fulfillment of specific requirements on communication efficiency and learner population size. Energy and test accuracy should be also traded off considering the model and the data footprints for the targeted industrial applications." 1185,Supervised learning of random quantum circuits via scalable neural networks,"Predicting the output of quantum circuits is a hard computational task that plays a pivotal role in the development of universal quantum computers. Here we investigate the supervised learning of output expectation values of random quantum circuits. Deep convolutional neural networks (CNNs) are trained to predict single-qubit and two-qubit expectation values using databases of classically simulated circuits. These circuits are represented via an appropriately designed one-hot encoding of the constituent gates. The prediction accuracy for previously unseen circuits is analyzed, also making comparisons with small-scale quantum computers available from the free IBM Quantum program. The CNNs often outperform the quantum devices, depending on the circuit depth, on the network depth, and on the training set size. Notably, our CNNs are designed to be scalable. This allows us exploiting transfer learning and performing extrapolations to circuits larger than those included in the training set. These CNNs also demonstrate remarkable resilience against noise, namely, they remain accurate even when trained on (simulated) expectation values averaged over very few measurements." 1186,Machine Learning Prescriptive Canvas for Optimizing Business Outcomes,"Data science has the potential to improve business in a variety of verticals. While the lion's share of data science projects uses a predictive approach, to drive improvements these predictions should become decisions. However, such a two-step approach is not only sub-optimal but might even degrade performance and fail the project. The alternative is to follow a prescriptive framing, where actions are ""first citizens"" so that the model produces a policy that prescribes an action to take, rather than predicting an outcome. In this paper, we explain why the prescriptive approach is important and provide a step-by-step methodology: the Prescriptive Canvas. The latter aims to improve framing and communication across the project stakeholders including project and data science managers towards a successful business impact." 1187,Marginal Tail-Adaptive Normalizing Flows,"Learning the tail behavior of a distribution is a notoriously difficult problem. By definition, the number of samples from the tail is small, and deep generative models, such as normalizing flows, tend to concentrate on learning the body of the distribution. In this paper, we focus on improving the ability of normalizing flows to correctly capture the tail behavior and, thus, form more accurate models. We prove that the marginal tailedness of an autoregressive flow can be controlled via the tailedness of the marginals of its base distribution. This theoretical insight leads us to a novel type of flows based on flexible base distributions and data-driven linear layers. An empirical analysis shows that the proposed method improves on the accuracy -- especially on the tails of the distribution -- and is able to generate heavy-tailed data. We demonstrate its application on a weather and climate example, in which capturing the tail behavior is essential." 1188,Dynamic Reserve Price Design for Lazada Sponsored Search,"In ecommerce platform, users will be less likely to use organic search if sponsored search shows them unexpected advertising items, which will be a hidden cost for the platform. In order to incorporate the hidden cost into auction mechanism which helps create positive growth for the platform, we turn to a reserve price design to decide whether we sell the traffic, as well as build healthy relationships between revenue and user experience. We propose a dynamic reserve price design framework to sell traffic more efficiently with minimal cost of user experience while keeping long term incentives to the advertisers to reveal their valuations truthfully. A distributed algorithm is also proposed to compute the reserve price with billion scale data in the production environment. Experiments with offline evaluations and online AB testing demonstrate that it is a simple and efficient method to be suitably used in industrial production. It has already been fully deployed in the production of Lazada sponsored search." 1189,Algorithmic Gaussianization through Sketching: Converting Data into Sub-gaussian Random Designs,"Algorithmic Gaussianization is a phenomenon that can arise when using randomized sketching or sampling methods to produce smaller representations of large datasets: For certain tasks, these sketched representations have been observed to exhibit many robust performance characteristics that are known to occur when a data sample comes from a sub-gaussian random design, which is a powerful statistical model of data distributions. However, this phenomenon has only been studied for specific tasks and metrics, or by relying on computationally expensive methods. We address this by providing an algorithmic framework for gaussianizing data distributions via averaging, proving that it is possible to efficiently construct data sketches that are nearly indistinguishable (in terms of total variation distance) from sub-gaussian random designs. In particular, relying on a recently introduced sketching technique called Leverage Score Sparsified (LESS) embeddings, we show that one can construct an $n\times d$ sketch of an $N\times d$ matrix $A$, where $n\ll N$, that is nearly indistinguishable from a sub-gaussian design, in time $O(\text{nnz}(A)\log N + nd^2)$, where $\text{nnz}(A)$ is the number of non-zero entries in $A$. As a consequence, strong statistical guarantees and precise asymptotics available for the estimators produced from sub-gaussian designs (e.g., for least squares and Lasso regression, covariance estimation, low-rank approximation, etc.) can be straightforwardly adapted to our sketching framework. We illustrate this with a new approximation guarantee for sketched least squares, among other examples." 1190,muBoost: An Effective Method for Solving Indic Multilingual Text Classification Problem,"Text Classification is an integral part of many Natural Language Processing tasks such as sarcasm detection, sentiment analysis and many more such applications. Many e-commerce websites, social-media/entertainment platforms use such models to enhance user-experience to generate traffic and thus, revenue on their platforms. In this paper, we are presenting our solution to Multilingual Abusive Comment Identification Problem on Moj, an Indian video-sharing social networking service, powered by ShareChat. The problem dealt with detecting abusive comments, in 13 regional Indic languages such as Hindi, Telugu, Kannada etc., on the videos on Moj platform. Our solution utilizes the novel muBoost, an ensemble of CatBoost classifier models and Multilingual Representations for Indian Languages (MURIL) model, to produce SOTA performance on Indic text classification tasks. We were able to achieve a mean F1-score of 89.286 on the test data, an improvement over baseline MURIL model with a F1-score of 87.48." 1191,Interpretable Deep Causal Learning for Moderation Effects,"In this extended abstract paper, we address the problem of interpretability and targeted regularization in causal machine learning models. In particular, we focus on the problem of estimating individual causal/treatment effects under observed confounders, which can be controlled for and moderate the effect of the treatment on the outcome of interest. Black-box ML models adjusted for the causal setting perform generally well in this task, but they lack interpretable output identifying the main drivers of treatment heterogeneity and their functional relationship. We propose a novel deep counterfactual learning architecture for estimating individual treatment effects that can simultaneously: i) convey targeted regularization on, and produce quantify uncertainty around the quantity of interest (i.e., the Conditional Average Treatment Effect); ii) disentangle baseline prognostic and moderating effects of the covariates and output interpretable score functions describing their relationship with the outcome. Finally, we demonstrate the use of the method via a simple simulated experiment." 1192,R2-AD2: Detecting Anomalies by Analysing the Raw Gradient,"Neural networks follow a gradient-based learning scheme, adapting their mapping parameters by back-propagating the output loss. Samples unlike the ones seen during training cause a different gradient distribution. Based on this intuition, we design a novel semi-supervised anomaly detection method called R2-AD2. By analysing the temporal distribution of the gradient over multiple training steps, we reliably detect point anomalies in strict semi-supervised settings. Instead of domain dependent features, we input the raw gradient caused by the sample under test to an end-to-end recurrent neural network architecture. R2-AD2 works in a purely data-driven way, thus is readily applicable in a variety of important use cases of anomaly detection." 1193,Incorporating Voice Instructions in Model-Based Reinforcement Learning for Self-Driving Cars,"This paper presents a novel approach that supports natural language voice instructions to guide deep reinforcement learning (DRL) algorithms when training self-driving cars. DRL methods are popular approaches for autonomous vehicle (AV) agents. However, most existing methods are sample- and time-inefficient and lack a natural communication channel with the human expert. In this paper, how new human drivers learn from human coaches motivates us to study new ways of human-in-the-loop learning and a more natural and approachable training interface for the agents. We propose incorporating natural language voice instructions (NLI) in model-based deep reinforcement learning to train self-driving cars. We evaluate the proposed method together with a few state-of-the-art DRL methods in the CARLA simulator. The results show that NLI can help ease the training process and significantly boost the agents' learning speed." 1194,World of Bugs: A Platform for Automated Bug Detection in 3D Video Games,"We present World of Bugs (WOB), an open platform that aims to support Automated Bug Detection (ABD) research in video games. We discuss some open problems in ABD and how they relate to the platform's design, arguing that learning-based solutions are required if further progress is to be made. The platform's key feature is a growing collection of common video game bugs that may be used for training and evaluating ABD approaches." 1195,Riemannian data-dependent randomized smoothing for neural networks certification,"Certification of neural networks is an important and challenging problem that has been attracting the attention of the machine learning community since few years. In this paper, we focus on randomized smoothing (RS) which is considered as the state-of-the-art method to obtain certifiably robust neural networks. In particular, a new data-dependent RS technique called ANCER introduced recently can be used to certify ellipses with orthogonal axis near each input data of the neural network. In this work, we remark that ANCER is not invariant under rotation of input data and propose a new rotationally-invariant formulation of it which can certify ellipses without constraints on their axis. Our approach called Riemannian Data Dependant Randomized Smoothing (RDDRS) relies on information geometry techniques on the manifold of covariance matrices and can certify bigger regions than ANCER based on our experiments on the MNIST dataset." 1196,"Asymmetric Learned Image Compression with Multi-Scale Residual Block, Importance Map, and Post-Quantization Filtering","Recently, deep learning-based image compression has made signifcant progresses, and has achieved better ratedistortion (R-D) performance than the latest traditional method, H.266/VVC, in both subjective metric and the more challenging objective metric. However, a major problem is that many leading learned schemes cannot maintain a good trade-off between performance and complexity. In this paper, we propose an effcient and effective image coding framework, which achieves similar R-D performance with lower complexity than the state of the art. First, we develop an improved multi-scale residual block (MSRB) that can expand the receptive feld and is easier to obtain global information. It can further capture and reduce the spatial correlation of the latent representations. Second, a more advanced importance map network is introduced to adaptively allocate bits to different regions of the image. Third, we apply a 2D post-quantization flter (PQF) to reduce the quantization error, motivated by the Sample Adaptive Offset (SAO) flter in video coding. Moreover, We fnd that the complexity of encoder and decoder have different effects on image compression performance. Based on this observation, we design an asymmetric paradigm, in which the encoder employs three stages of MSRBs to improve the learning capacity, whereas the decoder only needs one stage of MSRB to yield satisfactory reconstruction, thereby reducing the decoding complexity without sacrifcing performance. Experimental results show that compared to the state-of-the-art method, the encoding and decoding time of the proposed method are about 17 times faster, and the R-D performance is only reduced by less than 1% on both Kodak and Tecnick datasets, which is still better than H.266/VVC(4:4:4) and other recent learning-based methods. Our source code is publicly available at https://github.com/fengyurenpingsheng." 1197,The Integration of Machine Learning into Automated Test Generation: A Systematic Literature Review,"Context: Machine learning (ML) may enable effective automated test generation. Objective: We characterize emerging research, examining testing practices, researcher goals, ML techniques applied, evaluation, and challenges. Methods: We perform a systematic literature review on a sample of 97 publications. Results: ML generates input for system, GUI, unit, performance, and combinatorial testing or improves the performance of existing generation methods. ML is also used to generate test verdicts, property-based, and expected output oracles. Supervised learning - often based on neural networks - and reinforcement learning - often based on Q-learning - are common, and some publications also employ unsupervised or semi-supervised learning. (Semi-/Un-)Supervised approaches are evaluated using both traditional testing metrics and ML-related metrics (e.g., accuracy), while reinforcement learning is often evaluated using testing metrics tied to the reward function. Conclusion: Work-to-date shows great promise, but there are open challenges regarding training data, retraining, scalability, evaluation complexity, ML algorithms employed - and how they are applied - benchmarks, and replicability. Our findings can serve as a roadmap and inspiration for researchers in this field." 1198,Supermodular f-divergences and bounds on lossy compression and generalization error with mutual f-information,"In this paper, we introduce super-modular $\mf$-divergences and provide three applications for them: (i) we introduce Sanov's upper bound on the tail probability of sum of independent random variables based on super-modular $\mf$-divergence and show that our generalized Sanov's bound strictly improves over ordinary one, (ii) we consider the lossy compression problem which studies the set of achievable rates for a given distortion and code length. We extend the rate-distortion function using mutual $\mf$-information and provide new and strictly better bounds on achievable rates in the finite blocklength regime using super-modular $\mf$-divergences, and (iii) we provide a connection between the generalization error of algorithms with bounded input/output mutual $\mf$-information and a generalized rate-distortion problem. This connection allows us to bound the generalization error of learning algorithms using lower bounds on the rate-distortion function. Our bound is based on a new lower bound on the rate-distortion function that (for some examples) strictly improves over previously best-known bounds. Moreover, super-modular $\mf$-divergences are utilized to reduce the dimension of the problem and obtain single-letter bounds." 1199,Personalized Subgraph Federated Learning,"In real-world scenarios, subgraphs of a larger global graph may be distributed across multiple devices or institutions, and only locally accessible due to privacy restrictions, although there may be links between them. Recently proposed subgraph Federated Learning (FL) methods deal with those missing links across private local subgraphs while distributively training Graph Neural Networks (GNNs) on them. However, they have overlooked the inevitable heterogeneity among subgraphs, caused by subgraphs comprising different parts of a global graph. For example, a subgraph may belong to one of the communities within the larger global graph. A naive subgraph FL in such a case will collapse incompatible knowledge from local GNN models trained on heterogeneous graph distributions. To overcome such a limitation, we introduce a new subgraph FL problem, personalized subgraph FL, which focuses on the joint improvement of the interrelated local GNN models rather than learning a single global GNN model, and propose a novel framework, FEDerated Personalized sUBgraph learning (FED-PUB), to tackle it. A crucial challenge in personalized subgraph FL is that the server does not know which subgraph each client has. FED-PUB thus utilizes functional embeddings of the local GNNs using random graphs as inputs to compute similarities between them, and use them to perform weighted averaging for server-side aggregation. Further, it learns a personalized sparse mask at each client to select and update only the subgraph-relevant subset of the aggregated parameters. We validate FED-PUB for its subgraph FL performance on six datasets, considering both non-overlapping and overlapping subgraphs, on which ours largely outperforms relevant baselines." 1200,Enabling Capsule Networks at the Edge through Approximate Softmax and Squash Operations,"Complex Deep Neural Networks such as Capsule Networks (CapsNets) exhibit high learning capabilities at the cost of compute-intensive operations. To enable their deployment on edge devices, we propose to leverage approximate computing for designing approximate variants of the complex operations like softmax and squash. In our experiments, we evaluate tradeoffs between area, power consumption, and critical path delay of the designs implemented with the ASIC design flow, and the accuracy of the quantized CapsNets, compared to the exact functions." 1201,A General Theory for Federated Optimization with Asynchronous and Heterogeneous Clients Updates,"We propose a novel framework to study asynchronous federated learning optimization with delays in gradient updates. Our theoretical framework extends the standard FedAvg aggregation scheme by introducing stochastic aggregation weights to represent the variability of the clients update time, due for example to heterogeneous hardware capabilities. Our formalism applies to the general federated setting where clients have heterogeneous datasets and perform at least one step of stochastic gradient descent (SGD). We demonstrate convergence for such a scheme and provide sufficient conditions for the related minimum to be the optimum of the federated problem. We show that our general framework applies to existing optimization schemes including centralized learning, FedAvg, asynchronous FedAvg, and FedBuff. The theory here provided allows drawing meaningful guidelines for designing a federated learning experiment in heterogeneous conditions. In particular, we develop in this work FedFix, a novel extension of FedAvg enabling efficient asynchronous federated training while preserving the convergence stability of synchronous aggregation. We empirically demonstrate our theory on a series of experiments showing that asynchronous FedAvg leads to fast convergence at the expense of stability, and we finally demonstrate the improvements of FedFix over synchronous and asynchronous FedAvg." 1202,Analysis of Self-Supervised Learning and Dimensionality Reduction Methods in Clustering-Based Active Learning for Speech Emotion Recognition,"When domain experts are needed to perform data annotation for complex machine-learning tasks, reducing annotation effort is crucial in order to cut down time and expenses. For cases when there are no annotations available, one approach is to utilize the structure of the feature space for clustering-based active learning (AL) methods. However, these methods are heavily dependent on how the samples are organized in the feature space and what distance metric is used. Unsupervised methods such as contrastive predictive coding (CPC) can potentially be used to learn organized feature spaces, but these methods typically create high-dimensional features which might be challenging for estimating data density. In this paper, we combine CPC and multiple dimensionality reduction methods in search of functioning practices for clustering-based AL. Our experiments for simulating speech emotion recognition system deployment show that both the local and global topology of the feature space can be successfully used for AL, and that CPC can be used to improve clustering-based AL performance over traditional signal features. Additionally, we observe that compressing data dimensionality does not harm AL performance substantially, and that 2-D feature representations achieved similar AL performance as higher-dimensional representations when the number of annotations is not very low." 1203,Federated Reinforcement Learning: Linear Speedup Under Markovian Sampling,"Since reinforcement learning algorithms are notoriously data-intensive, the task of sampling observations from the environment is usually split across multiple agents. However, transferring these observations from the agents to a central location can be prohibitively expensive in terms of the communication cost, and it can also compromise the privacy of each agent's local behavior policy. In this paper, we consider a federated reinforcement learning framework where multiple agents collaboratively learn a global model, without sharing their individual data and policies. Each agent maintains a local copy of the model and updates it using locally sampled data. Although having N agents enables the sampling of N times more data, it is not clear if it leads to proportional convergence speedup. We propose federated versions of on-policy TD, off-policy TD and Q-learning, and analyze their convergence. For all these algorithms, to the best of our knowledge, we are the first to consider Markovian noise and multiple local updates, and prove a linear convergence speedup with respect to the number of agents. To obtain these results, we show that federated TD and Q-learning are special cases of a general framework for federated stochastic approximation with Markovian noise, and we leverage this framework to provide a unified convergence analysis that applies to all the algorithms." 1204,Knowledge Graph Fusion for Language Model Fine-tuning,"Language Models such as BERT have grown in popularity due to their ability to be pre-trained and perform robustly on a wide range of Natural Language Processing tasks. Often seen as an evolution over traditional word embedding techniques, they can produce semantic representations of text, useful for tasks such as semantic similarity. However, state-of-the-art models often have high computational requirements and lack global context or domain knowledge which is required for complete language understanding. To address these limitations, we investigate the benefits of knowledge incorporation into the fine-tuning stages of BERT. An existing K-BERT model, which enriches sentences with triplets from a Knowledge Graph, is adapted for the English language and extended to inject contextually relevant information into sentences. As a side-effect, changes made to K-BERT for accommodating the English language also extend to other word-based languages. Experiments conducted indicate that injected knowledge introduces noise. We see statistically significant improvements for knowledge-driven tasks when this noise is minimised. We show evidence that, given the appropriate task, modest injection with relevant, high-quality knowledge is most performant." 1205,Predicting Parking Lot Availability by Graph-to-Sequence Model: A Case Study with SmartSantander,"Nowadays, so as to improve services and urban areas livability, multiple smart city initiatives are being carried out throughout the world. SmartSantander is a smart city project in Santander, Spain, which has relied on wireless sensor network technologies to deploy heterogeneous sensors within the city to measure multiple parameters, including outdoor parking information. In this paper, we study the prediction of parking lot availability using historical data from more than 300 outdoor parking sensors with SmartSantander. We design a graph-to-sequence model to capture the periodical fluctuation and geographical proximity of parking lots. For developing and evaluating our model, we use a 3-year dataset of parking lot availability in the city of Santander. Our model achieves a high accuracy compared with existing sequence-to-sequence models, which is accurate enough to provide a parking information service in the city. We apply our model to a smartphone application to be widely used by citizens and tourists." 1206,Certifiably Robust Policy Learning against Adversarial Communication in Multi-agent Systems,"Communication is important in many multi-agent reinforcement learning (MARL) problems for agents to share information and make good decisions. However, when deploying trained communicative agents in a real-world application where noise and potential attackers exist, the safety of communication-based policies becomes a severe issue that is underexplored. Specifically, if communication messages are manipulated by malicious attackers, agents relying on untrustworthy communication may take unsafe actions that lead to catastrophic consequences. Therefore, it is crucial to ensure that agents will not be misled by corrupted communication, while still benefiting from benign communication. In this work, we consider an environment with $N$ agents, where the attacker may arbitrarily change the communication from any $C<\frac{N-1}{2}$ agents to a victim agent. For this strong threat model, we propose a certifiable defense by constructing a message-ensemble policy that aggregates multiple randomly ablated message sets. Theoretical analysis shows that this message-ensemble policy can utilize benign communication while being certifiably robust to adversarial communication, regardless of the attacking algorithm. Experiments in multiple environments verify that our defense significantly improves the robustness of trained policies against various types of attacks." 1207,Deep Reinforcement Learning for Turbulence Modeling in Large Eddy Simulations,"Over the last years, supervised learning (SL) has established itself as the state-of-the-art for data-driven turbulence modeling. In the SL paradigm, models are trained based on a dataset, which is typically computed a priori from a high-fidelity solution by applying the respective filter function, which separates the resolved and the unresolved flow scales. For implicitly filtered large eddy simulation (LES), this approach is infeasible, since here, the employed discretization itself acts as an implicit filter function. As a consequence, the exact filter form is generally not known and thus, the corresponding closure terms cannot be computed even if the full solution is available. The reinforcement learning (RL) paradigm can be used to avoid this inconsistency by training not on a previously obtained training dataset, but instead by interacting directly with the dynamical LES environment itself. This allows to incorporate the potentially complex implicit LES filter into the training process by design. In this work, we apply a reinforcement learning framework to find an optimal eddy-viscosity for implicitly filtered large eddy simulations of forced homogeneous isotropic turbulence. For this, we formulate the task of turbulence modeling as an RL task with a policy network based on convolutional neural networks that adapts the eddy-viscosity in LES dynamically in space and time based on the local flow state only. We demonstrate that the trained models can provide long-term stable simulations and that they outperform established analytical models in terms of accuracy. In addition, the models generalize well to other resolutions and discretizations. We thus demonstrate that RL can provide a framework for consistent, accurate and stable turbulence modeling especially for implicitly filtered LES." 1208,Open-Source Framework for Encrypted Internet and Malicious Traffic Classification,"Internet traffic classification plays a key role in network visibility, Quality of Services (QoS), intrusion detection, Quality of Experience (QoE) and traffic-trend analyses. In order to improve privacy, integrity, confidentiality, and protocol obfuscation, the current traffic is based on encryption protocols, e.g., SSL/TLS. With the increased use of Machine-Learning (ML) and Deep-Learning (DL) models in the literature, comparison between different models and methods has become cumbersome and difficult due to a lack of a standardized framework. In this paper, we propose an open-source framework, named OSF-EIMTC, which can provide the full pipeline of the learning process. From the well-known datasets to extracting new and well-known features, it provides implementations of well-known ML and DL models (from the traffic classification literature) as well as evaluations. Such a framework can facilitate research in traffic classification domains, so that it will be more repeatable, reproducible, easier to execute, and will allow a more accurate comparison of well-known and novel features and models. As part of our framework evaluation, we demonstrate a variety of cases where the framework can be of use, utilizing multiple datasets, models, and feature sets. We show analyses of publicly available datasets and invite the community to participate in our open challenges using the OSF-EIMTC." 1209,A Contrastive Approach to Online Change Point Detection,"We suggest a novel procedure for online change point detection. Our approach expands an idea of maximizing a discrepancy measure between points from pre-change and post-change distributions. This leads to a flexible procedure suitable for both parametric and nonparametric scenarios. We prove non-asymptotic bounds on the average running length of the procedure and its expected detection delay. The efficiency of the algorithm is illustrated with numerical experiments on synthetic and real-world data sets." 1210,Propagation with Adaptive Mask then Training for Node Classification on Attributed Networks,"Node classification on attributed networks is a semi-supervised task that is crucial for network analysis. By decoupling two critical operations in Graph Convolutional Networks (GCNs), namely feature transformation and neighborhood aggregation, some recent works of decoupled GCNs could support the information to propagate deeper and achieve advanced performance. However, they follow the traditional structure-aware propagation strategy of GCNs, making it hard to capture the attribute correlation of nodes and sensitive to the structure noise described by edges whose two endpoints belong to different categories. To address these issues, we propose a new method called the itshape Propagation with Adaptive Mask then Training (PAMT). The key idea is to integrate the attribute similarity mask into the structure-aware propagation process. In this way, PAMT could preserve the attribute correlation of adjacent nodes during the propagation and effectively reduce the influence of structure noise. Moreover, we develop an iterative refinement mechanism to update the similarity mask during the training process for improving the training performance. Extensive experiments on four real-world datasets demonstrate the superior performance and robustness of PAMT." 1211,Comprehensive Analysis of Negative Sampling in Knowledge Graph Representation Learning,"Negative sampling (NS) loss plays an important role in learning knowledge graph embedding (KGE) to handle a huge number of entities. However, the performance of KGE degrades without hyperparameters such as the margin term and number of negative samples in NS loss being appropriately selected. Currently, empirical hyperparameter tuning addresses this problem at the cost of computational time. To solve this problem, we theoretically analyzed NS loss to assist hyperparameter tuning and understand the better use of the NS loss in KGE learning. Our theoretical analysis showed that scoring methods with restricted value ranges, such as TransE and RotatE, require appropriate adjustment of the margin term or the number of negative samples different from those without restricted value ranges, such as RESCAL, ComplEx, and DistMult. We also propose subsampling methods specialized for the NS loss in KGE studied from a theoretical aspect. Our empirical analysis on the FB15k-237, WN18RR, and YAGO3-10 datasets showed that the results of actually trained models agree with our theoretical findings." 1212,Insights into Pre-training via Simpler Synthetic Tasks,"Pre-training produces representations that are effective for a wide range of downstream tasks, but it is still unclear what properties of pre-training are necessary for effective gains. Notably, recent work shows that even pre-training on synthetic tasks can achieve significant gains in downstream tasks. In this work, we perform three experiments that iteratively simplify pre-training and show that the simplifications still retain much of its gains. First, building on prior work, we perform a systematic evaluation of three existing synthetic pre-training methods on six downstream tasks. We find the best synthetic pre-training method, LIME, attains an average of $67\%$ of the benefits of natural pre-training. Second, to our surprise, we find that pre-training on a simple and generic synthetic task defined by the Set function achieves $65\%$ of the benefits, almost matching LIME. Third, we find that $39\%$ of the benefits can be attained by using merely the parameter statistics of synthetic pre-training. We release the source code at https://github.com/felixzli/synthetic_pretraining." 1213,Few-Max: Few-Shot Domain Adaptation for Unsupervised Contrastive Representation Learning,"Contrastive self-supervised learning methods learn to map data points such as images into non-parametric representation space without requiring labels. While highly successful, current methods require a large amount of data in the training phase. In situations where the target training set is limited in size, generalization is known to be poor. Pretraining on a large source data set and fine-tuning on the target samples is prone to overfitting in the few-shot regime, where only a small number of target samples are available. Motivated by this, we propose a domain adaption method for self-supervised contrastive learning, termed Few-Max, to address the issue of adaptation to a target distribution under few-shot learning. To quantify the representation quality, we evaluate Few-Max on a range of source and target datasets, including ImageNet, VisDA, and fastMRI, on which Few-Max consistently outperforms other approaches." 1214,Transferable Graph Backdoor Attack,"Graph Neural Networks (GNNs) have achieved tremendous success in many graph mining tasks benefitting from the message passing strategy that fuses the local structure and node features for better graph representation learning. Despite the success of GNNs, and similar to other types of deep neural networks, GNNs are found to be vulnerable to unnoticeable perturbations on both graph structure and node features. Many adversarial attacks have been proposed to disclose the fragility of GNNs under different perturbation strategies to create adversarial examples. However, vulnerability of GNNs to successful backdoor attacks was only shown recently. In this paper, we disclose the TRAP attack, a Transferable GRAPh backdoor attack. The core attack principle is to poison the training dataset with perturbation-based triggers that can lead to an effective and transferable backdoor attack. The perturbation trigger for a graph is generated by performing the perturbation actions on the graph structure via a gradient based score matrix from a surrogate model. Compared with prior works, TRAP attack is different in several ways: i) it exploits a surrogate Graph Convolutional Network (GCN) model to generate perturbation triggers for a blackbox based backdoor attack; ii) it generates sample-specific perturbation triggers which do not have a fixed pattern; and iii) the attack transfers, for the first time in the context of GNNs, to different GNN models when trained with the forged poisoned training dataset. Through extensive evaluations on four real-world datasets, we demonstrate the effectiveness of the TRAP attack to build transferable backdoors in four different popular GNNs using four real-world datasets." 1215,Automatic Concept Extraction for Concept Bottleneck-based Video Classification,"Recent efforts in interpretable deep learning models have shown that concept-based explanation methods achieve competitive accuracy with standard end-to-end models and enable reasoning and intervention about extracted high-level visual concepts from images, e.g., identifying the wing color and beak length for bird-species classification. However, these concept bottleneck models rely on a necessary and sufficient set of predefined concepts-which is intractable for complex tasks such as video classification. For complex tasks, the labels and the relationship between visual elements span many frames, e.g., identifying a bird flying or catching prey-necessitating concepts with various levels of abstraction. To this end, we present CoDEx, an automatic Concept Discovery and Extraction module that rigorously composes a necessary and sufficient set of concept abstractions for concept-based video classification. CoDEx identifies a rich set of complex concept abstractions from natural language explanations of videos-obviating the need to predefine the amorphous set of concepts. To demonstrate our method's viability, we construct two new public datasets that combine existing complex video classification datasets with short, crowd-sourced natural language explanations for their labels. Our method elicits inherent complex concept abstractions in natural language to generalize concept-bottleneck methods to complex tasks." 1216,Safe and Psychologically Pleasant Traffic Signal Control with Reinforcement Learning using Action Masking,"Reinforcement learning (RL) for traffic signal control (TSC) has shown better performance in simulation for controlling the traffic flow of intersections than conventional approaches. However, due to several challenges, no RL-based TSC has been deployed in the field yet. One major challenge for real-world deployment is to ensure that all safety requirements are met at all times during operation. We present an approach to ensure safety in a real-world intersection by using an action space that is safe by design. The action space encompasses traffic phases, which represent the combination of non-conflicting signal colors of the intersection. Additionally, an action masking mechanism makes sure that only appropriate phase transitions are carried out. Another challenge for real-world deployment is to ensure a control behavior that avoids stress for road users. We demonstrate how to achieve this by incorporating domain knowledge through extending the action masking mechanism. We test and verify our approach in a realistic simulation scenario. By ensuring safety and psychologically pleasant control behavior, our approach drives development towards real-world deployment of RL for TSC." 1217,Finite Expression Method for Solving High-Dimensional Partial Differential Equations,"Designing efficient and accurate numerical solvers for high-dimensional partial differential equations (PDEs) remains a challenging and important topic in computational science and engineering, mainly due to the ``curse of dimensionality"" in designing numerical schemes that scale in dimension. This paper introduces a new methodology that seeks an approximate PDE solution in the space of functions with finitely many analytic expressions and, hence, this methodology is named the finite expression method (FEX). It is proved in approximation theory that FEX can avoid the curse of dimensionality. As a proof of concept, a deep reinforcement learning method is proposed to implement FEX for various high-dimensional PDEs in different dimensions, achieving high and even machine accuracy with a memory complexity polynomial in dimension and an amenable time complexity. An approximate solution with finite analytic expressions also provides interpretable insights into the ground truth PDE solution, which can further help to advance the understanding of physical systems and design postprocessing techniques for a refined solution." 1218,Automatic Controllable Product Copywriting for E-Commerce,"Automatic product description generation for e-commerce has witnessed significant advancement in the past decade. Product copywriting aims to attract users' interest and improve user experience by highlighting product characteristics with textual descriptions. As the services provided by e-commerce platforms become diverse, it is necessary to adapt the patterns of automatically-generated descriptions dynamically. In this paper, we report our experience in deploying an E-commerce Prefix-based Controllable Copywriting Generation (EPCCG) system into the JD.com e-commerce product recommendation platform. The development of the system contains two main components: 1) copywriting aspect extraction; 2) weakly supervised aspect labeling; 3) text generation with a prefix-based language model; 4) copywriting quality control. We conduct experiments to validate the effectiveness of the proposed EPCCG. In addition, we introduce the deployed architecture which cooperates with the EPCCG into the real-time JD.com e-commerce recommendation platform and the significant payoff since deployment." 1219,Model-Based Imitation Learning Using Entropy Regularization of Model and Policy,"Approaches based on generative adversarial networks for imitation learning are promising because they are sample efficient in terms of expert demonstrations. However, training a generator requires many interactions with the actual environment because model-free reinforcement learning is adopted to update a policy. To improve the sample efficiency using model-based reinforcement learning, we propose model-based Entropy-Regularized Imitation Learning (MB-ERIL) under the entropy-regularized Markov decision process to reduce the number of interactions with the actual environment. MB-ERIL uses two discriminators. A policy discriminator distinguishes the actions generated by a robot from expert ones, and a model discriminator distinguishes the counterfactual state transitions generated by the model from the actual ones. We derive the structured discriminators so that the learning of the policy and the model is efficient. Computer simulations and real robot experiments show that MB-ERIL achieves a competitive performance and significantly improves the sample efficiency compared to baseline methods." 1220,Reconstruct from Top View: A 3D Lane Detection Approach based on Geometry Structure Prior,"In this paper, we propose an advanced approach in targeting the problem of monocular 3D lane detection by leveraging geometry structure underneath the process of 2D to 3D lane reconstruction. Inspired by previous methods, we first analyze the geometry heuristic between the 3D lane and its 2D representation on the ground and propose to impose explicit supervision based on the structure prior, which makes it achievable to build inter-lane and intra-lane relationships to facilitate the reconstruction of 3D lanes from local to global. Second, to reduce the structure loss in 2D lane representation, we directly extract top view lane information from front view images, which tremendously eases the confusion of distant lane features in previous methods. Furthermore, we propose a novel task-specific data augmentation method by synthesizing new training data for both segmentation and reconstruction tasks in our pipeline, to counter the imbalanced data distribution of camera pose and ground slope to improve generalization on unseen data. Our work marks the first attempt to employ the geometry prior information into DNN-based 3D lane detection and makes it achievable for detecting lanes in an extra-long distance, doubling the original detection range. The proposed method can be smoothly adopted by other frameworks without extra costs. Experimental results show that our work outperforms state-of-the-art approaches by 3.8% F-Score on Apollo 3D synthetic dataset at real-time speed of 82 FPS without introducing extra parameters." 1221,DeePKS+ABACUS as a Bridge between Expensive Quantum Mechanical Models and Machine Learning Potentials,"Recently, the development of machine learning (ML) potentials has made it possible to perform large-scale and long-time molecular simulations with the accuracy of quantum mechanical (QM) models. However, for high-level QM methods, such as density functional theory (DFT) at the meta-GGA level and/or with exact exchange, quantum Monte Carlo, etc., generating a sufficient amount of data for training a ML potential has remained computationally challenging due to their high cost. In this work, we demonstrate that this issue can be largely alleviated with Deep Kohn-Sham (DeePKS), a ML-based DFT model. DeePKS employs a computationally efficient neural network-based functional model to construct a correction term added upon a cheap DFT model. Upon training, DeePKS offers closely-matched energies and forces compared with high-level QM method, but the number of training data required is orders of magnitude less than that required for training a reliable ML potential. As such, DeePKS can serve as a bridge between expensive QM models and ML potentials: one can generate a decent amount of high-accuracy QM data to train a DeePKS model, and then use the DeePKS model to label a much larger amount of configurations to train a ML potential. This scheme for periodic systems is implemented in a DFT package ABACUS, which is open-source and ready for use in various applications." 1222,Renormalized Sparse Neural Network Pruning,"Large neural networks are heavily over-parameterized. This is done because it improves training to optimality. However once the network is trained, this means many parameters can be zeroed, or pruned, leaving an equivalent sparse neural network. We propose renormalizing sparse neural networks in order to improve accuracy. We prove that our method's error converges to 0 as network parameters cluster or concentrate. We prove that without renormalizing, the error does not converge to zero in general. We experiment with our method on real world datasets MNIST, Fashion MNIST, and CIFAR-10 and confirm a large improvement in accuracy with renormalization versus standard pruning." 1223,A Simple Approach for Visual Rearrangement: 3D Mapping and Semantic Search,"Physically rearranging objects is an important capability for embodied agents. Visual room rearrangement evaluates an agent's ability to rearrange objects in a room to a desired goal based solely on visual input. We propose a simple yet effective method for this problem: (1) search for and map which objects need to be rearranged, and (2) rearrange each object until the task is complete. Our approach consists of an off-the-shelf semantic segmentation model, voxel-based semantic map, and semantic search policy to efficiently find objects that need to be rearranged. On the AI2-THOR Rearrangement Challenge, our method improves on current state-of-the-art end-to-end reinforcement learning-based methods that learn visual rearrangement policies from 0.53% correct rearrangement to 16.56%, using only 2.7% as many samples from the environment." 1224,The Manifold Scattering Transform for High-Dimensional Point Cloud Data,"The manifold scattering transform is a deep feature extractor for data defined on a Riemannian manifold. It is one of the first examples of extending convolutional neural network-like operators to general manifolds. The initial work on this model focused primarily on its theoretical stability and invariance properties but did not provide methods for its numerical implementation except in the case of two-dimensional surfaces with predefined meshes. In this work, we present practical schemes, based on the theory of diffusion maps, for implementing the manifold scattering transform to datasets arising in naturalistic systems, such as single cell genetics, where the data is a high-dimensional point cloud modeled as lying on a low-dimensional manifold. We show that our methods are effective for signal classification and manifold classification tasks." 1225,Finding Optimal Policy for Queueing Models: New Parameterization,"Queueing systems appear in many important real-life applications including communication networks, transportation and manufacturing systems. Reinforcement learning (RL) framework is a suitable model for the queueing control problem where the underlying dynamics are usually unknown and the agent receives little information from the environment to navigate. In this work, we investigate the optimization aspects of the queueing model as a RL environment and provide insight to learn the optimal policy efficiently. We propose a new parameterization of the policy by using the intrinsic properties of queueing network systems. Experiments show good performance of our methods with various load conditions from light to heavy traffic." 1226,Benchmarking Node Outlier Detection on Graphs,"Graph outlier detection is an emerging but crucial machine learning task with numerous applications. Despite the proliferation of algorithms developed in recent years, the lack of a standard and unified setting for performance evaluation limits their advancement and usage in real-world applications. To tap the gap, we present, (to our best knowledge) the first comprehensive unsupervised node outlier detection benchmark for graphs called UNOD, with the following highlights: (1) evaluating fourteen methods with backbone spanning from classical matrix factorization to the latest graph neural networks; (2) benchmarking the method performance with different types of injected outliers and organic outliers on real-world datasets; (3) comparing the efficiency and scalability of the algorithms by runtime and GPU memory usage on synthetic graphs at different scales. Based on the analyses of extensive experimental results, we discuss the pros and cons of current UNOD methods, and point out multiple crucial and promising future research directions." 1227,Robust Deep Reinforcement Learning through Bootstrapped Opportunistic Curriculum,"Despite considerable advances in deep reinforcement learning, it has been shown to be highly vulnerable to adversarial perturbations to state observations. Recent efforts that have attempted to improve adversarial robustness of reinforcement learning can nevertheless tolerate only very small perturbations, and remain fragile as perturbation size increases. We propose Bootstrapped Opportunistic Adversarial Curriculum Learning (BCL), a novel flexible adversarial curriculum learning framework for robust reinforcement learning. Our framework combines two ideas: conservatively bootstrapping each curriculum phase with highest quality solutions obtained from multiple runs of the previous phase, and opportunistically skipping forward in the curriculum. In our experiments we show that the proposed BCL framework enables dramatic improvements in robustness of learned policies to adversarial perturbations. The greatest improvement is for Pong, where our framework yields robustness to perturbations of up to 25/255; in contrast, the best existing approach can only tolerate adversarial noise up to 5/255. Our code is available at: https://github.com/jlwu002/BCL." 1228,A Novel Three-Dimensional Navigation Method for the Visually Impaired,"According to the World Health Organization, visual impairment is estimated to affect approximately 2.2 billion people worldwide. The visually impaired must currently rely on navigational aids to replace their sense of sight, like a white cane or GPS (Global Positioning System) based navigation, both of which fail to work well indoors. The white cane cannot be used to determine a user's position within a room, while GPS can often lose connection indoors and does not provide orientation information, making both approaches unsuitable for indoor use. Therefore, this research seeks to develop a 3D-imaging solution that enables contactless navigation through a complex indoor environment. The device can pinpoint a user's position and orientation with 31% less error compared to previous approaches while requiring only 53.1% of the memory, and processing 125% faster. The device can also detect obstacles with 60.2% more accuracy than the previous state-of-the-art models while requiring only 41% of the memory and processing 260% faster. When testing with human participants, the device allows for a 94.5% reduction in collisions with obstacles in the environment and allows for a 48.3% increase in walking speed, showing that my device enables safer and more rapid navigation for the visually impaired. All in all, this research demonstrates a 3D-based navigation system for the visually impaired. The approach can be used by a wide variety of mobile low-power devices, like cell phones, ensuring this research remains accessible to all." 1229,Decentralized Distributed Learning with Privacy-Preserving Data Synthesis,"In the medical field, multi-center collaborations are often sought to yield more generalizable findings by leveraging the heterogeneity of patient and clinical data. However, recent privacy regulations hinder the possibility to share data, and consequently, to come up with machine learning-based solutions that support diagnosis and prognosis. Federated learning (FL) aims at sidestepping this limitation by bringing AI-based solutions to data owners and only sharing local AI models, or parts thereof, that need then to be aggregated. However, most of the existing federated learning solutions are still at their infancy and show several shortcomings, from the lack of a reliable and effective aggregation scheme able to retain the knowledge learned locally to weak privacy preservation as real data may be reconstructed from model updates. Furthermore, the majority of these approaches, especially those dealing with medical data, relies on a centralized distributed learning strategy that poses robustness, scalability and trust issues. In this paper we present a decentralized distributed method that, exploiting concepts from experience replay and generative adversarial research, effectively integrates features from local nodes, providing models able to generalize across multiple datasets while maintaining privacy. The proposed approach is tested on two tasks - tuberculosis and melanoma classification - using multiple datasets in order to simulate realistic non-i.i.d. data scenarios. Results show that our approach achieves performance comparable to both standard (non-federated) learning and federated methods in their centralized (thus, more favourable) formulation." 1230,Identifiability of deep generative models under mixture priors without auxiliary information,"We prove identifiability of a broad class of deep latent variable models that (a) have universal approximation capabilities and (b) are the decoders of variational autoencoders that are commonly used in practice. Unlike existing work, our analysis does not require weak supervision, auxiliary information, or conditioning in the latent space. Recently, there has been a surge of works studying identifiability of such models. In these works, the main assumption is that along with the data, an auxiliary variable $u$ (also known as side information) is observed as well. At the same time, several works have empirically observed that this doesn't seem to be necessary in practice. In this work, we explain this behavior by showing that for a broad class of generative (i.e. unsupervised) models with universal approximation capabilities, the side information $u$ is not necessary: We prove identifiability of the entire generative model where we do not observe $u$ and only observe the data $x$. The models we consider are tightly connected with autoencoder architectures used in practice that leverage mixture priors in the latent space and ReLU/leaky-ReLU activations in the encoder. Our main result is an identifiability hierarchy that significantly generalizes previous work and exposes how different assumptions lead to different ""strengths"" of identifiability. For example, our weakest result establishes (unsupervised) identifiability up to an affine transformation, which already improves existing work. It's well known that these models have universal approximation capabilities and moreover, they have been extensively used in practice to learn representations of data." 1231,"Achieving Utility, Fairness, and Compactness via Tunable Information Bottleneck Measures","Designing machine learning algorithms that are accurate yet fair, not discriminating based on any sensitive attribute, is of paramount importance for society to accept AI for critical applications. In this article, we propose a novel fair representation learning method termed the R\'enyi Fair Information Bottleneck Method (RFIB) which incorporates constraints for utility, fairness, and compactness of representation, and apply it to image classification. A key attribute of our approach is that we consider - in contrast to most prior work - both demographic parity and equalized odds as fairness constraints, allowing for a more nuanced satisfaction of both criteria. Leveraging a variational approach, we show that our objectives yield a loss function involving classical Information Bottleneck (IB) measures and establish an upper bound in terms of the R\'enyi divergence of order $\alpha$ on the mutual information IB term measuring compactness between the input and its encoded embedding. Experimenting on three different image datasets (EyePACS, CelebA, and FairFace), we study the influence of the $\alpha$ parameter as well as two other tunable IB parameters on achieving utility/fairness trade-off goals, and show that the $\alpha$ parameter gives an additional degree of freedom that can be used to control the compactness of the representation. We evaluate the performance of our method using various utility, fairness, and compound utility/fairness metrics, showing that RFIB outperforms current state-of-the-art approaches." 1232,Deep Learning Models on CPUs: A Methodology for Efficient Training,"GPUs have been favored for training deep learning models due to their highly parallelized architecture. As a result, most studies on training optimization focus on GPUs. There is often a trade-off, however, between cost and efficiency when deciding on how to choose the proper hardware for training. In particular, CPU servers can be beneficial if training on CPUs was more efficient, as they incur fewer hardware update costs and better utilizing existing infrastructure. This paper makes several contributions to research on training deep learning models using CPUs. First, it presents a method for optimizing the training of deep learning models on Intel CPUs and a toolkit called ProfileDNN, which we developed to improve performance profiling. Second, we describe a generic training optimization method that guides our workflow and explores several case studies where we identified performance issues and then optimized the Intel Extension for PyTorch, resulting in an overall 2x training performance increase for the RetinaNet-ResNext50 model. Third, we show how to leverage the visualization capabilities of ProfileDNN, which enabled us to pinpoint bottlenecks and create a custom focal loss kernel that was two times faster than the official reference PyTorch implementation." 1233,QuAFL: Federated Averaging Can Be Both Asynchronous and Communication-Efficient,"Federated Learning (FL) is an emerging paradigm to enable the large-scale distributed training of machine learning models, while still providing privacy guarantees. In this work, we jointly address two of the main practical challenges when scaling federated optimization to large node counts: the need for tight synchronization between the central authority and individual computing nodes, and the large communication cost of transmissions between the central server and clients. Specifically, we present a new variant of the classic federated averaging (FedAvg) algorithm, which supports both asynchronous communication and communication compression. We provide a new analysis technique showing that, in spite of these system relaxations, our algorithm essentially matches the best known bounds for FedAvg, under reasonable parameter settings. On the experimental side, we show that our algorithm ensures fast practical convergence for standard federated tasks." 1234,DNA: Proximal Policy Optimization with a Dual Network Architecture,"This paper explores the problem of simultaneously learning a value function and policy in deep actor-critic reinforcement learning models. We find that the common practice of learning these functions jointly is sub-optimal, due to an order-of-magnitude difference in noise levels between these two tasks. Instead, we show that learning these tasks independently, but with a constrained distillation phase, significantly improves performance. Furthermore, we find that the policy gradient noise levels can be decreased by using a lower \textit{variance} return estimate. Whereas, the value learning noise level decreases with a lower \textit{bias} estimate. Together these insights inform an extension to Proximal Policy Optimization we call \textit{Dual Network Architecture} (DNA), which significantly outperforms its predecessor. DNA also exceeds the performance of the popular Rainbow DQN algorithm on four of the five environments tested, even under more difficult stochastic control settings." 1235,Stochastic Online Learning with Feedback Graphs: Finite-Time and Asymptotic Optimality,"We revisit the problem of stochastic online learning with feedback graphs, with the goal of devising algorithms that are optimal, up to constants, both asymptotically and in finite time. We show that, surprisingly, the notion of optimal finite-time regret is not a uniquely defined property in this context and that, in general, it is decoupled from the asymptotic rate. We discuss alternative choices and propose a notion of finite-time optimality that we argue is \emph{meaningful}. For that notion, we give an algorithm that admits quasi-optimal regret both in finite-time and asymptotically." 1236,flow-based clustering and spectral clustering: a comparison,"We propose and study a novel graph clustering method for data with an intrinsic network structure. Similar to spectral clustering, we exploit an intrinsic network structure of data to construct Euclidean feature vectors. These feature vectors can then be fed into basic clustering methods such as k-means or Gaussian mixture model (GMM) based soft clustering. What sets our approach apart from spectral clustering is that we do not use the eigenvectors of a graph Laplacian to construct the feature vectors. Instead, we use the solutions of total variation minimization problems to construct feature vectors that reflect connectivity between data points. Our motivation is that the solutions of total variation minimization are piece-wise constant around a given set of seed nodes. These seed nodes can be obtained from domain knowledge or by simple heuristics that are based on the network structure of data. Our results indicate that our clustering methods can cope with certain graph structures that are challenging for spectral clustering methods." 1237,Deep Partial Least Squares for Empirical Asset Pricing,"We use deep partial least squares (DPLS) to estimate an asset pricing model for individual stock returns that exploits conditioning information in a flexible and dynamic way while attributing excess returns to a small set of statistical risk factors. The novel contribution is to resolve the non-linear factor structure, thus advancing the current paradigm of deep learning in empirical asset pricing which uses linear stochastic discount factors under an assumption of Gaussian asset returns and factors. This non-linear factor structure is extracted by using projected least squares to jointly project firm characteristics and asset returns on to a subspace of latent factors and using deep learning to learn the non-linear map from the factor loadings to the asset returns. The result of capturing this non-linear risk factor structure is to characterize anomalies in asset returns by both linear risk factor exposure and interaction effects. Thus the well known ability of deep learning to capture outliers, shed lights on the role of convexity and higher order terms in the latent factor structure on the factor risk premia. On the empirical side, we implement our DPLS factor models and exhibit superior performance to LASSO and plain vanilla deep learning models. Furthermore, our network training times are significantly reduced due to the more parsimonious architecture of DPLS. Specifically, using 3290 assets in the Russell 1000 index over a period of December 1989 to January 2018, we assess our DPLS factor model and generate information ratios that are approximately 1.2x greater than deep learning. DPLS explains variation and pricing errors and identifies the most prominent latent factors and firm characteristics." 1238,Measuring the Effect of Training Data on Deep Learning Predictions via Randomized Experiments,"We develop a new, principled algorithm for estimating the contribution of training data points to the behavior of a deep learning model, such as a specific prediction it makes. Our algorithm estimates the AME, a quantity that measures the expected (average) marginal effect of adding a data point to a subset of the training data, sampled from a given distribution. When subsets are sampled from the uniform distribution, the AME reduces to the well-known Shapley value. Our approach is inspired by causal inference and randomized experiments: we sample different subsets of the training data to train multiple submodels, and evaluate each submodel's behavior. We then use a LASSO regression to jointly estimate the AME of each data point, based on the subset compositions. Under sparsity assumptions ($k \ll N$ datapoints have large AME), our estimator requires only $O(k\log N)$ randomized submodel trainings, improving upon the best prior Shapley value estimators." 1239,Limitations of the NTK for Understanding Generalization in Deep Learning,"The ``Neural Tangent Kernel'' (NTK) (Jacot et al 2018), and its empirical variants have been proposed as a proxy to capture certain behaviors of real neural networks. In this work, we study NTKs through the lens of scaling laws, and demonstrate that they fall short of explaining important aspects of neural network generalization. In particular, we demonstrate realistic settings where finite-width neural networks have significantly better data scaling exponents as compared to their corresponding empirical and infinite NTKs at initialization. This reveals a more fundamental difference between the real networks and NTKs, beyond just a few percentage points of test accuracy. Further, we show that even if the empirical NTK is allowed to be pre-trained on a constant number of samples, the kernel scaling does not catch up to the neural network scaling. Finally, we show that the empirical NTK continues to evolve throughout most of the training, in contrast with prior work which suggests that it stabilizes after a few epochs of training. Altogether, our work establishes concrete limitations of the NTK approach in understanding generalization of real networks on natural datasets." 1240,When Does Re-initialization Work?,"Re-initializing a neural network during training has been observed to improve generalization in recent works. Yet it is neither widely adopted in deep learning practice nor is it often used in state-of-the-art training protocols. This raises the question of when re-initialization works, and whether it should be used together with regularization techniques such as data augmentation, weight decay and learning rate schedules. In this work, we conduct an extensive empirical comparison of standard training with a selection of re-initialization methods to answer this question, training over 15,000 models on a variety of image classification benchmarks. We first establish that such methods are consistently beneficial for generalization in the absence of any other regularization. However, when deployed alongside other carefully tuned regularization techniques, re-initialization methods offer little to no added benefit for generalization, although optimal generalization performance becomes less sensitive to the choice of learning rate and weight decay hyperparameters. To investigate the impact of re-initialization methods on noisy data, we also consider learning under label noise. Surprisingly, in this case, re-initialization significantly improves upon standard training, even in the presence of other carefully tuned regularization techniques." 1241,Open Set Classification of Untranscribed Handwritten Documents,"Huge amounts of digital page images of important manuscripts are preserved in archives worldwide. The amounts are so large that it is generally unfeasible for archivists to adequately tag most of the documents with the required metadata so as to low proper organization of the archives and effective exploration by scholars and the general public. The class or ``typology'' of a document is perhaps the most important tag to be included in the metadata. The technical problem is one of automatic classification of documents, each consisting of a set of untranscribed handwritten text images, by the textual contents of the images. The approach considered is based on ``probabilistic indexing'', a relatively novel technology which allows to effectively represent the intrinsic word-level uncertainty exhibited by handwritten text images. We assess the performance of this approach on a large collection of complex notarial manuscripts from the Spanish Archivo Host\'orico Provincial de C\'adiz, with promising results." 1242,Hyperparameter Importance of Quantum Neural Networks Across Small Datasets,"As restricted quantum computers are slowly becoming a reality, the search for meaningful first applications intensifies. In this domain, one of the more investigated approaches is the use of a special type of quantum circuit - a so-called quantum neural network -- to serve as a basis for a machine learning model. Roughly speaking, as the name suggests, a quantum neural network can play a similar role to a neural network. However, specifically for applications in machine learning contexts, very little is known about suitable circuit architectures, or model hyperparameters one should use to achieve good learning performance. In this work, we apply the functional ANOVA framework to quantum neural networks to analyze which of the hyperparameters were most influential for their predictive performance. We analyze one of the most typically used quantum neural network architectures. We then apply this to $7$ open-source datasets from the OpenML-CC18 classification benchmark whose number of features is small enough to fit on quantum hardware with less than $20$ qubits. Three main levels of importance were detected from the ranking of hyperparameters obtained with functional ANOVA. Our experiment both confirmed expected patterns and revealed new insights. For instance, setting well the learning rate is deemed the most critical hyperparameter in terms of marginal contribution on all datasets, whereas the particular choice of entangling gates used is considered the least important except on one dataset. This work introduces new methodologies to study quantum machine learning models and provides new insights toward quantum model selection." 1243,Model Optimization in Imbalanced Regression,"Imbalanced domain learning aims to produce accurate models in predicting instances that, though underrepresented, are of utmost importance for the domain. Research in this field has been mainly focused on classification tasks. Comparatively, the number of studies carried out in the context of regression tasks is negligible. One of the main reasons for this is the lack of loss functions capable of focusing on minimizing the errors of extreme (rare) values. Recently, an evaluation metric was introduced: Squared Error Relevance Area (SERA). This metric posits a bigger emphasis on the errors committed at extreme values while also accounting for the performance in the overall target variable domain, thus preventing severe bias. However, its effectiveness as an optimization metric is unknown. In this paper, our goal is to study the impacts of using SERA as an optimization criterion in imbalanced regression tasks. Using gradient boosting algorithms as proof of concept, we perform an experimental study with 36 data sets of different domains and sizes. Results show that models that used SERA as an objective function are practically better than the models produced by their respective standard boosting algorithms at the prediction of extreme values. This confirms that SERA can be embedded as a loss function into optimization-based learning algorithms for imbalanced regression scenarios." 1244,Measuring Class-Imbalance Sensitivity of Deterministic Performance Evaluation Metrics,"The class-imbalance issue is intrinsic to many real-world machine learning tasks, particularly to the rare-event classification problems. Although the impact and treatment of imbalanced data is widely known, the magnitude of a metric's sensitivity to class imbalance has attracted little attention. As a result, often the sensitive metrics are dismissed while their sensitivity may only be marginal. In this paper, we introduce an intuitive evaluation framework that quantifies metrics' sensitivity to the class imbalance. Moreover, we reveal an interesting fact that there is a logarithmic behavior in metrics' sensitivity meaning that the higher imbalance ratios are associated with the lower sensitivity of metrics. Our framework builds an intuitive understanding of the class-imbalance impact on metrics. We believe this can help avoid many common mistakes, specially the less-emphasized and incorrect assumption that all metrics' quantities are comparable under different class-imbalance ratios." 1245,Mitigating Data Heterogeneity in Federated Learning with Data Augmentation,"Federated Learning (FL) is a prominent framework that enables training a centralized model while securing user privacy by fusing local, decentralized models. In this setting, one major obstacle is data heterogeneity, i.e., each client having non-identically and independently distributed (non-IID) data. This is analogous to the context of Domain Generalization (DG), where each client can be treated as a different domain. However, while many approaches in DG tackle data heterogeneity from the algorithmic perspective, recent evidence suggests that data augmentation can induce equal or greater performance. Motivated by this connection, we present federated versions of popular DG algorithms, and show that by applying appropriate data augmentation, we can mitigate data heterogeneity in the federated setting, and obtain higher accuracy on unseen clients. Equipped with data augmentation, we can achieve state-of-the-art performance using even the most basic Federated Averaging algorithm, with much sparser communication." 1246,Thompson Sampling Efficiently Learns to Control Diffusion Processes,"Diffusion processes that evolve according to linear stochastic differential equations are an important family of continuous-time dynamic decision-making models. Optimal policies are well-studied for them, under full certainty about the drift matrices. However, little is known about data-driven control of diffusion processes with uncertain drift matrices as conventional discrete-time analysis techniques are not applicable. In addition, while the task can be viewed as a reinforcement learning problem involving exploration and exploitation trade-off, ensuring system stability is a fundamental component of designing optimal policies. We establish that the popular Thompson sampling algorithm learns optimal actions fast, incurring only a square-root of time regret, and also stabilizes the system in a short time period. To the best of our knowledge, this is the first such result for Thompson sampling in a diffusion process control problem. We validate our theoretical results through empirical simulations with real parameter matrices from two settings of airplane and blood glucose control. Moreover, we observe that Thompson sampling significantly improves (worst-case) regret, compared to the state-of-the-art algorithms, suggesting Thompson sampling explores in a more guarded fashion. Our theoretical analysis involves characterization of a certain optimality manifold that ties the local geometry of the drift parameters to the optimal control of the diffusion process. We expect this technique to be of broader interest." 1247,Noise Estimation in Gaussian Process Regression,"We develop a computational procedure to estimate the covariance hyperparameters for semiparametric Gaussian process regression models with additive noise. Namely, the presented method can be used to efficiently estimate the variance of the correlated error, and the variance of the noise based on maximizing a marginal likelihood function. Our method involves suitably reducing the dimensionality of the hyperparameter space to simplify the estimation procedure to a univariate root-finding problem. Moreover, we derive bounds and asymptotes of the marginal likelihood function and its derivatives, which are useful to narrowing the initial range of the hyperparameter search. Using numerical examples, we demonstrate the computational advantages and robustness of the presented approach compared to traditional parameter optimization." 1248,Critical Investigation of Failure Modes in Physics-informed Neural Networks,"Several recent works in scientific machine learning have revived interest in the application of neural networks to partial differential equations (PDEs). A popular approach is to aggregate the residual form of the governing PDE and its boundary conditions as soft penalties into a composite objective/loss function for training neural networks, which is commonly referred to as physics-informed neural networks (PINNs). In the present study, we visualize the loss landscapes and distributions of learned parameters and explain the ways this particular formulation of the objective function may hinder or even prevent convergence when dealing with challenging target solutions. We construct a purely data-driven loss function composed of both the boundary loss and the domain loss. Using this data-driven loss function and, separately, a physics-informed loss function, we then train two neural network models with the same architecture. We show that incomparable scales between boundary and domain loss terms are the culprit behind the poor performance. Additionally, we assess the performance of both approaches on two elliptic problems with increasingly complex target solutions. Based on our analysis of their loss landscapes and learned parameter distributions, we observe that a physics-informed neural network with a composite objective function formulation produces highly non-convex loss surfaces that are difficult to optimize and are more prone to the problem of vanishing gradients." 1249,Global Context Vision Transformers,"We propose global context vision transformer (GC ViT), a novel architecture that enhances parameter and compute utilization. Our method leverages global context self-attention modules, joint with local self-attention, to effectively yet efficiently model both long and short-range spatial interactions, without the need for expensive operations such as computing attention masks or shifting local windows. In addition, we address the issue of lack of the inductive bias in ViTs via proposing to use a modified fused inverted residual blocks in our architecture. Our proposed GC ViT achieves state-of-the-art results across image classification, object detection and semantic segmentation tasks. On ImageNet-1K dataset for classification, the base, small and tiny variants of GC ViT with $28$M, $51$M and $90$M parameters achieve $\textbf{83.2\%}$, $\textbf{83.9\%}$ and $\textbf{84.4\%}$ Top-1 accuracy, respectively, surpassing comparably-sized prior art such as CNN-based ConvNeXt and ViT-based Swin Transformer by a large margin. Pre-trained GC ViT backbones in downstream tasks of object detection, instance segmentation, and semantic segmentation using MS COCO and ADE20K datasets outperform prior work consistently, sometimes by large margins. Code available at https://github.com/NVlabs/GCViT." 1250,Quantum machine learning channel discrimination,"In the problem of quantum channel discrimination, one distinguishes between a given number of quantum channels, which is done by sending an input state through a channel and measuring the output state. This work studies applications of variational quantum circuits and machine learning techniques for discriminating such channels. In particular, we explore (i) the practical implementation of embedding this task into the framework of variational quantum computing, (ii) training a quantum classifier based on variational quantum circuits, and (iii) applying the quantum kernel estimation technique. For testing these three channel discrimination approaches, we considered a pair of entanglement-breaking channels and the depolarizing channel with two different depolarization factors. For the approach (i), we address solving the quantum channel discrimination problem using widely discussed parallel and sequential strategies. We show the advantage of the latter in terms of better convergence with less quantum resources. Quantum channel discrimination with a variational quantum classifier (ii) allows one to operate even with random and mixed input states and simple variational circuits. The kernel-based classification approach (iii) is also found effective as it allows one to discriminate depolarizing channels associated not with just fixed values of the depolarization factor, but with ranges of it. Additionally, we discovered that a simple modification of one of the commonly used kernels significantly increases the efficiency of this approach. Finally, our numerical findings reveal that the performance of variational methods of channel discrimination depends on the trace of the product of the output states. These findings demonstrate that quantum machine learning can be used to discriminate channels, such as those representing physical noise processes." 1251,Inference-Based Quantum Sensing,"In a standard Quantum Sensing (QS) task one aims at estimating an unknown parameter $\theta$, encoded into an $n$-qubit probe state, via measurements of the system. The success of this task hinges on the ability to correlate changes in the parameter to changes in the system response $\mathcal{R}(\theta)$ (i.e., changes in the measurement outcomes). For simple cases the form of $\mathcal{R}(\theta)$ is known, but the same cannot be said for realistic scenarios, as no general closed-form expression exists. In this work we present an inference-based scheme for QS. We show that, for a general class of unitary families of encoding, $\mathcal{R}(\theta)$ can be fully characterized by only measuring the system response at $2n+1$ parameters. In turn, this allows us to infer the value of an unknown parameter given the measured response, as well as to determine the sensitivity of the sensing scheme, which characterizes its overall performance. We show that inference error is, with high probability, smaller than $\delta$, if one measures the system response with a number of shots that scales only as $\Omega(\log^3(n)/\delta^2)$. Furthermore, the framework presented can be broadly applied as it remains valid for arbitrary probe states and measurement schemes, and, even holds in the presence of quantum noise. We also discuss how to extend our results beyond unitary families. Finally, to showcase our method we implement it for a QS task on real quantum hardware, and in numerical simulations." 1252,A Langevin-like Sampler for Discrete Distributions,"We propose discrete Langevin proposal (DLP), a simple and scalable gradient-based proposal for sampling complex high-dimensional discrete distributions. In contrast to Gibbs sampling-based methods, DLP is able to update all coordinates in parallel in a single step and the magnitude of changes is controlled by a stepsize. This allows a cheap and efficient exploration in the space of high-dimensional and strongly correlated variables. We prove the efficiency of DLP by showing that the asymptotic bias of its stationary distribution is zero for log-quadratic distributions, and is small for distributions that are close to being log-quadratic. With DLP, we develop several variants of sampling algorithms, including unadjusted, Metropolis-adjusted, stochastic and preconditioned versions. DLP outperforms many popular alternatives on a wide variety of tasks, including Ising models, restricted Boltzmann machines, deep energy-based models, binary neural networks and language generation." 1253,Low-Precision Stochastic Gradient Langevin Dynamics,"While low-precision optimization has been widely used to accelerate deep learning, low-precision sampling remains largely unexplored. As a consequence, sampling is simply infeasible in many large-scale scenarios, despite providing remarkable benefits to generalization and uncertainty estimation for neural networks. In this paper, we provide the first study of low-precision Stochastic Gradient Langevin Dynamics (SGLD), showing that its costs can be significantly reduced without sacrificing performance, due to its intrinsic ability to handle system noise. We prove that the convergence of low-precision SGLD with full-precision gradient accumulators is less affected by the quantization error than its SGD counterpart in the strongly convex setting. To further enable low-precision gradient accumulators, we develop a new quantization function for SGLD that preserves the variance in each update step. We demonstrate that low-precision SGLD achieves comparable performance to full-precision SGLD with only 8 bits on a variety of deep learning tasks." 1254,Only Tails Matter: Average-Case Universality and Robustness in the Convex Regime,"The recently developed average-case analysis of optimization methods allows a more fine-grained and representative convergence analysis than usual worst-case results. In exchange, this analysis requires a more precise hypothesis over the data generating process, namely assuming knowledge of the expected spectral distribution (ESD) of the random matrix associated with the problem. This work shows that the concentration of eigenvalues near the edges of the ESD determines a problem's asymptotic average complexity. This a priori information on this concentration is a more grounded assumption than complete knowledge of the ESD. This approximate concentration is effectively a middle ground between the coarseness of the worst-case scenario convergence and the restrictive previous average-case analysis. We also introduce the Generalized Chebyshev method, asymptotically optimal under a hypothesis on this concentration and globally optimal when the ESD follows a Beta distribution. We compare its performance to classical optimization algorithms, such as gradient descent or Nesterov's scheme, and we show that, in the average-case context, Nesterov's method is universally nearly optimal asymptotically." 1255,Multiple Fairness and Cardinality constraints for Students-Topics Grouping Problem,"Group work is a prevalent activity in educational settings, where students are often divided into topic-specific groups based on their preferences. The grouping should reflect the students' aspirations as much as possible. Usually, the resulting groups should also be balanced in terms of protected attributes like gender or race since studies indicate that students might learn better in a diverse group. Moreover, balancing the group cardinalities is also an essential requirement for fair workload distribution across the groups. In this paper, we introduce the multi-fair capacitated (MFC) grouping problem that fairly partitions students into non-overlapping groups while ensuring balanced group cardinalities (with a lower bound and an upper bound), and maximizing the diversity of members in terms of protected attributes. We propose two approaches: a heuristic method and a knapsack-based method to obtain the MFC grouping. The experiments on a real dataset and a semi-synthetic dataset show that our proposed methods can satisfy students' preferences well and deliver balanced and diverse groups regarding cardinality and the protected attribute, respectively." 1256,Latent Variable Modelling Using Variational Autoencoders: A survey,"A probability distribution allows practitioners to uncover hidden structure in the data and build models to solve supervised learning problems using limited data. The focus of this report is on Variational autoencoders, a method to learn the probability distribution of large complex datasets. The report provides a theoretical understanding of variational autoencoders and consolidates the current research in the field. The report is divided into multiple chapters, the first chapter introduces the problem, describes variational autoencoders and identifies key research directions in the field. Chapters 2, 3, 4 and 5 dive into the details of each of the key research areas. Chapter 6 concludes the report and suggests directions for future work. A reader who has a basic idea of machine learning but wants to learn about general themes in machine learning research can benefit from the report. The report explains central ideas on learning probability distributions, what people did to make this tractable and goes into details around how deep learning is currently applied. The report also serves a gentle introduction for someone looking to contribute to this sub-field." 1257,On the Impossibility of Learning to Cooperate with Adaptive Partner Strategies in Repeated Games,"Learning to cooperate with other agents is challenging when those agents also possess the ability to adapt to our own behavior. Practical and theoretical approaches to learning in cooperative settings typically assume that other agents' behaviors are stationary, or else make very specific assumptions about other agents' learning processes. The goal of this work is to understand whether we can reliably learn to cooperate with other agents without such restrictive assumptions, which are unlikely to hold in real-world applications. Our main contribution is a set of impossibility results, which show that no learning algorithm can reliably learn to cooperate with all possible adaptive partners in a repeated matrix game, even if that partner is guaranteed to cooperate with some stationary strategy. Motivated by these results, we then discuss potential alternative assumptions which capture the idea that an adaptive partner will only adapt rationally to our behavior." 1258,Nocturne: a scalable driving benchmark for bringing multi-agent learning one step closer to the real world,"We introduce \textit{Nocturne}, a new 2D driving simulator for investigating multi-agent coordination under partial observability. The focus of Nocturne is to enable research into inference and theory of mind in real-world multi-agent settings without the computational overhead of computer vision and feature extraction from images. Agents in this simulator only observe an obstructed view of the scene, mimicking human visual sensing constraints. Unlike existing benchmarks that are bottlenecked by rendering human-like observations directly using a camera input, Nocturne uses efficient intersection methods to compute a vectorized set of visible features in a C++ back-end, allowing the simulator to run at $2000+$ steps-per-second. Using open-source trajectory and map data, we construct a simulator to load and replay arbitrary trajectories and scenes from real-world driving data. Using this environment, we benchmark reinforcement-learning and imitation-learning agents and demonstrate that the agents are quite far from human-level coordination ability and deviate significantly from the expert trajectories." 1259,SoteriaFL: A Unified Framework for Private Federated Learning with Communication Compression,"To enable large-scale machine learning in bandwidth-hungry environments such as wireless networks, significant progress has been made recently in designing communication-efficient federated learning algorithms with the aid of communication compression. On the other end, privacy-preserving, especially at the client level, is another important desideratum that has not been addressed simultaneously in the presence of advanced communication compression techniques yet. In this paper, we propose a unified framework that enhances the communication efficiency of private federated learning with communication compression. Exploiting both general compression operators and local differential privacy, we first examine a simple algorithm that applies compression directly to differentially-private stochastic gradient descent, and identify its limitations. We then propose a unified framework SoteriaFL for private federated learning, which accommodates a general family of local gradient estimators including popular stochastic variance-reduced gradient methods and the state-of-the-art shifted compression scheme. We provide a comprehensive characterization of its performance trade-offs in terms of privacy, utility, and communication complexity, where SoteraFL is shown to achieve better communication complexity without sacrificing privacy nor utility than other private federated learning algorithms without communication compression." 1260,Deep Learning-Based Defect Classification and Detection in SEM Images,"This proposes a novel ensemble deep learning-based model to accurately classify, detect and localize different defect categories for aggressive pitches and thin resists (High NA applications).In particular, we train RetinaNet models using different ResNet, VGGNet architectures as backbone and present the comparison between the accuracies of these models and their performance analysis on SEM images with different types of defect patterns such as bridge, break and line collapses. Finally, we propose a preference-based ensemble strategy to combine the output predictions from different models in order to achieve better performance on classification and detection of defects. As CDSEM images inherently contain a significant level of noise, detailed feature information is often shadowed by noise. For certain resist profiles, the challenge is also to differentiate between a microbridge, footing, break, and zones of probable breaks. Therefore, we have applied an unsupervised machine learning model to denoise the SEM images to remove the False-Positive defects and optimize the effect of stochastic noise on structured pixels for better metrology and enhanced defect inspection. We repeated the defect inspection step with the same trained model and performed a comparative analysis for ""robustness"" and ""accuracy"" metric with conventional approach for both noisy/denoised image pair. The proposed ensemble method demonstrates improvement of the average precision metric (mAP) of the most difficult defect classes. In this work we have developed a novel robust supervised deep learning training scheme to accurately classify as well as localize different defect types in SEM images with high degree of accuracy. Our proposed approach demonstrates its effectiveness both quantitatively and qualitatively." 1261,Breaking Down Out-of-Distribution Detection: Many Methods Based on OOD Training Data Estimate a Combination of the Same Core Quantities,"It is an important problem in trustworthy machine learning to recognize out-of-distribution (OOD) inputs which are inputs unrelated to the in-distribution task. Many out-of-distribution detection methods have been suggested in recent years. The goal of this paper is to recognize common objectives as well as to identify the implicit scoring functions of different OOD detection methods. We focus on the sub-class of methods that use surrogate OOD data during training in order to learn an OOD detection score that generalizes to new unseen out-distributions at test time. We show that binary discrimination between in- and (different) out-distributions is equivalent to several distinct formulations of the OOD detection problem. When trained in a shared fashion with a standard classifier, this binary discriminator reaches an OOD detection performance similar to that of Outlier Exposure. Moreover, we show that the confidence loss which is used by Outlier Exposure has an implicit scoring function which differs in a non-trivial fashion from the theoretically optimal scoring function in the case where training and test out-distribution are the same, which again is similar to the one used when training an Energy-Based OOD detector or when adding a background class. In practice, when trained in exactly the same way, all these methods perform similarly." 1262,Algorithmic Fairness and Vertical Equity: Income Fairness with IRS Tax Audit Models,"This study examines issues of algorithmic fairness in the context of systems that inform tax audit selection by the United States Internal Revenue Service (IRS). While the field of algorithmic fairness has developed primarily around notions of treating like individuals alike, we instead explore the concept of vertical equity -- appropriately accounting for relevant differences across individuals -- which is a central component of fairness in many public policy settings. Applied to the design of the U.S. individual income tax system, vertical equity relates to the fair allocation of tax and enforcement burdens across taxpayers of different income levels. Through a unique collaboration with the Treasury Department and IRS, we use access to anonymized individual taxpayer microdata, risk-selected audits, and random audits from 2010-14 to study vertical equity in tax administration. In particular, we assess how the use of modern machine learning methods for selecting audits may affect vertical equity. First, we show how the use of more flexible machine learning (classification) methods -- as opposed to simpler models -- shifts audit burdens from high to middle-income taxpayers. Second, we show that while existing algorithmic fairness techniques can mitigate some disparities across income, they can incur a steep cost to performance. Third, we show that the choice of whether to treat risk of underreporting as a classification or regression problem is highly consequential. Moving from classification to regression models to predict underreporting shifts audit burden substantially toward high income individuals, while increasing revenue. Last, we explore the role of differential audit cost in shaping the audit distribution. We show that a narrow focus on return-on-investment can undermine vertical equity. Our results have implications for the design of algorithmic tools across the public sector." 1263,COVYT: Introducing the Coronavirus YouTube and TikTok speech dataset featuring the same speakers with and without infection,"More than two years after its outbreak, the COVID-19 pandemic continues to plague medical systems around the world, putting a strain on scarce resources, and claiming human lives. From the very beginning, various AI-based COVID-19 detection and monitoring tools have been pursued in an attempt to stem the tide of infections through timely diagnosis. In particular, computer audition has been suggested as a non-invasive, cost-efficient, and eco-friendly alternative for detecting COVID-19 infections through vocal sounds. However, like all AI methods, also computer audition is heavily dependent on the quantity and quality of available data, and large-scale COVID-19 sound datasets are difficult to acquire -- amongst other reasons -- due to the sensitive nature of such data. To that end, we introduce the COVYT dataset -- a novel COVID-19 dataset collected from public sources containing more than 8 hours of speech from 65 speakers. As compared to other existing COVID-19 sound datasets, the unique feature of the COVYT dataset is that it comprises both COVID-19 positive and negative samples from all 65 speakers. We analyse the acoustic manifestation of COVID-19 on the basis of these perfectly speaker characteristic balanced `in-the-wild' data using interpretable audio descriptors, and investigate several classification scenarios that shed light into proper partitioning strategies for a fair speech-based COVID-19 detection." 1264,Regression of high dimensional angular momentum states of light,"The Orbital Angular Momentum (OAM) of light is an infinite-dimensional degree of freedom of light with several applications in both classical and quantum optics. However, to fully take advantage of the potential of OAM states, reliable detection platforms to characterize generated states in experimental conditions are needed. Here, we present an approach to reconstruct input OAM states from measurements of the spatial intensity distributions they produce. To obviate issues arising from intrinsic symmetry of Laguerre-Gauss modes, we employ a pair of intensity profiles per state projecting it only on two distinct bases, showing how this allows to uniquely recover input states from the collected data. Our approach is based on a combined application of dimensionality reduction via principal component analysis, and linear regression, and thus has a low computational cost during both training and testing stages. We showcase our approach in a real photonic setup, generating up-to-four-dimensional OAM states through a quantum walk dynamics. The high performances and versatility of the demonstrated approach make it an ideal tool to characterize high dimensional states in quantum information protocols." 1265,A Neural Network Based Method with Transfer Learning for Genetic Data Analysis,"Transfer learning has emerged as a powerful technique in many application problems, such as computer vision and natural language processing. However, this technique is largely ignored in application to genetic data analysis. In this paper, we combine transfer learning technique with a neural network based method(expectile neural networks). With transfer learning, instead of starting the learning process from scratch, we start from one task that have been learned when solving a different task. We leverage previous learnings and avoid starting from scratch to improve the model performance by passing information gained in different but related task. To demonstrate the performance, we run two real data sets. By using transfer learning algorithm, the performance of expectile neural networks is improved compared to expectile neural network without using transfer learning technique." 1266,Automatic Autism Spectrum Disorder Detection Using Artificial Intelligence Methods with MRI Neuroimaging: A Review,"Autism spectrum disorder (ASD) is a brain condition characterized by diverse signs and symptoms that appear in early childhood. ASD is also associated with communication deficits and repetitive behavior in affected individuals. Various ASD detection methods have been developed, including neuroimaging modalities and psychological tests. Among these methods, magnetic resonance imaging (MRI) imaging modalities are of paramount importance to physicians. Clinicians rely on MRI modalities to diagnose ASD accurately. The MRI modalities are non-invasive methods that include functional (fMRI) and structural (sMRI) neuroimaging methods. However, the process of diagnosing ASD with fMRI and sMRI for specialists is often laborious and time-consuming; therefore, several computer-aided design systems (CADS) based on artificial intelligence (AI) have been developed to assist the specialist physicians. Conventional machine learning (ML) and deep learning (DL) are the most popular schemes of AI used for diagnosing ASD. This study aims to review the automated detection of ASD using AI. We review several CADS that have been developed using ML techniques for the automated diagnosis of ASD using MRI modalities. There has been very limited work on the use of DL techniques to develop automated diagnostic models for ASD. A summary of the studies developed using DL is provided in the appendix. Then, the challenges encountered during the automated diagnosis of ASD using MRI and AI techniques are described in detail. Additionally, a graphical comparison of studies using ML and DL to diagnose ASD automatically is discussed. We conclude by suggesting future approaches to detecting ASDs using AI techniques and MRI neuroimaging." 1267,Understanding Robust Learning through the Lens of Representation Similarities,"Representation learning, i.e. the generation of representations useful for downstream applications, is a task of fundamental importance that underlies much of the success of deep neural networks (DNNs). Recently, robustness to adversarial examples has emerged as a desirable property for DNNs, spurring the development of robust training methods that account for adversarial examples. In this paper, we aim to understand how the properties of representations learned by robust training differ from those obtained from standard, non-robust training. This is critical to diagnosing numerous salient pitfalls in robust networks, such as, degradation of performance on benign inputs, poor generalization of robustness, and increase in over-fitting. We utilize a powerful set of tools known as representation similarity metrics, across three vision datasets, to obtain layer-wise comparisons between robust and non-robust DNNs with different architectures, training procedures and adversarial constraints. Our experiments highlight hitherto unseen properties of robust representations that we posit underlie the behavioral differences of robust networks. We discover a lack of specialization in robust networks' representations along with a disappearance of `block structure'. We also find overfitting during robust training largely impacts deeper layers. These, along with other findings, suggest ways forward for the design and training of better robust networks." 1268,Additive Gaussian Processes Revisited,"Gaussian Process (GP) models are a class of flexible non-parametric models that have rich representational power. By using a Gaussian process with additive structure, complex responses can be modelled whilst retaining interpretability. Previous work showed that additive Gaussian process models require high-dimensional interaction terms. We propose the orthogonal additive kernel (OAK), which imposes an orthogonality constraint on the additive functions, enabling an identifiable, low-dimensional representation of the functional relationship. We connect the OAK kernel to functional ANOVA decomposition, and show improved convergence rates for sparse computation methods. With only a small number of additive low-dimensional terms, we demonstrate the OAK model achieves similar or better predictive performance compared to black-box models, while retaining interpretability." 1269,Contextual Squeeze-and-Excitation for Efficient Few-Shot Image Classification,"Recent years have seen a growth in user-centric applications that require effective knowledge transfer across tasks in the low-data regime. An example is personalization, where a pretrained system is adapted by learning on small amounts of labeled data belonging to a specific user. This setting requires high accuracy under low computational complexity, therefore the Pareto frontier of accuracy vs.~adaptation cost plays a crucial role. In this paper we push this Pareto frontier in the few-shot image classification setting with two key contributions: (i) a new adaptive block called Contextual Squeeze-and-Excitation (CaSE) that adjusts a pretrained neural network on a new task to significantly improve performance with a single forward pass of the user data (context), and (ii) a hybrid training protocol based on Coordinate-Descent called UpperCaSE that exploits meta-trained CaSE blocks and fine-tuning routines for efficient adaptation. UpperCaSE achieves a new state-of-the-art accuracy relative to meta-learners on the 26 datasets of VTAB+MD and on a challenging real-world personalization benchmark (ORBIT), narrowing the gap with leading fine-tuning methods with the benefit of orders of magnitude lower adaptation cost." 1270,Label noise (stochastic) gradient descent implicitly solves the Lasso for quadratic parametrisation,"Understanding the implicit bias of training algorithms is of crucial importance in order to explain the success of overparametrised neural networks. In this paper, we study the role of the label noise in the training dynamics of a quadratically parametrised model through its continuous time version. We explicitly characterise the solution chosen by the stochastic flow and prove that it implicitly solves a Lasso program. To fully complete our analysis, we provide nonasymptotic convergence guarantees for the dynamics as well as conditions for support recovery. We also give experimental results which support our theoretical claims. Our findings highlight the fact that structured noise can induce better generalisation and help explain the greater performances of stochastic dynamics as observed in practice." 1271,Business Document Information Extraction: Towards Practical Benchmarks,"Information extraction from semi-structured documents is crucial for frictionless business-to-business (B2B) communication. While machine learning problems related to Document Information Extraction (IE) have been studied for decades, many common problem definitions and benchmarks do not reflect domain-specific aspects and practical needs for automating B2B document communication. We review the landscape of Document IE problems, datasets and benchmarks. We highlight the practical aspects missing in the common definitions and define the Key Information Localization and Extraction (KILE) and Line Item Recognition (LIR) problems. There is a lack of relevant datasets and benchmarks for Document IE on semi-structured business documents as their content is typically legally protected or sensitive. We discuss potential sources of available documents including synthetic data." 1272,The Right Tool for the Job: Open-Source Auditing Tools in Machine Learning,"In recent years, discussions about fairness in machine learning, AI ethics and algorithm audits have increased. Many entities have developed framework guidance to establish a baseline rubric for fairness and accountability. However, in spite of increased discussions and multiple frameworks, algorithm and data auditing still remain difficult to execute in practice. Many open-source auditing tools are available, but users aren't always aware of the tools, what they are useful for, or how to access them. Model auditing and evaluation are not frequently emphasized skills in machine learning. There are also legal reasons for the proactive adoption of these tools that extend beyond the desire for greater fairness in machine learning. There are positive social issues of public perception and goodwill that matter in our highly connected global society. Greater awareness of these tools and the reasons for actively utilizing them may be helpful to the entire continuum of programmers, data scientists, engineers, researchers, users and consumers of AI and machine learning products. It is important for everyone to better understand the input and output differentials, how they are occurring, and what can be done to promote FATE (fairness, accountability, transparency, and ethics) in machine- and deep learning. The ability to freely access open-source auditing tools removes barriers to fairness assessment at the most basic levels of machine learning. This paper aims to reinforce the urgent need to actually use these tools and provides motivations for doing so. The exemplary tools highlighted herein are open-source with software or code-base repositories available that can be used immediately by anyone worldwide." 1273,CS$^2$: A Controllable and Simultaneous Synthesizer of Images and Annotations with Minimal Human Intervention,"The destitution of image data and corresponding expert annotations limit the training capacities of AI diagnostic models and potentially inhibit their performance. To address such a problem of data and label scarcity, generative models have been developed to augment the training datasets. Previously proposed generative models usually require manually adjusted annotations (e.g., segmentation masks) or need pre-labeling. However, studies have found that these pre-labeling based methods can induce hallucinating artifacts, which might mislead the downstream clinical tasks, while manual adjustment could be onerous and subjective. To avoid manual adjustment and pre-labeling, we propose a novel controllable and simultaneous synthesizer (dubbed CS$^2$) in this study to generate both realistic images and corresponding annotations at the same time. Our CS$^2$ model is trained and validated using high resolution CT (HRCT) data collected from COVID-19 patients to realize an efficient infections segmentation with minimal human intervention. Our contributions include 1) a conditional image synthesis network that receives both style information from reference CT images and structural information from unsupervised segmentation masks, and 2) a corresponding segmentation mask synthesis network to automatically segment these synthesized images simultaneously. Our experimental studies on HRCT scans collected from COVID-19 patients demonstrate that our CS$^2$ model can lead to realistic synthesized datasets and promising segmentation results of COVID infections compared to the state-of-the-art nnUNet trained and fine-tuned in a fully supervised manner." 1274,A Distributional Approach for Soft Clustering Comparison and Evaluation,"The development of external evaluation criteria for soft clustering (SC) has received limited attention: existing methods do not provide a general approach to extend comparison measures to SC, and are unable to account for the uncertainty represented in the results of SC algorithms. In this article, we propose a general method to address these limitations, grounding on a novel interpretation of SC as distributions over hard clusterings, which we call \emph{distributional measures}. We provide an in-depth study of complexity- and metric-theoretic properties of the proposed approach, and we describe approximation techniques that can make the calculations tractable. Finally, we illustrate our approach through a simple but illustrative experiment." 1275,Exceedance Probability Forecasting via Regression for Significant Wave Height Forecasting,"Significant wave height forecasting is a key problem in ocean data analytics. Predicting the significant wave height is crucial for estimating the energy production from waves. Moreover, the timely prediction of large waves is important to ensure the safety of maritime operations, e.g. passage of vessels. We frame the task of predicting extreme values of significant wave height as an exceedance probability forecasting problem. Accordingly, we aim at estimating the probability that the significant wave height will exceed a predefined threshold. This task is usually solved using a probabilistic binary classification model. Instead, we propose a novel approach based on a forecasting model. The method leverages the forecasts for the upcoming observations to estimate the exceedance probability according to the cumulative distribution function. We carried out experiments using data from a buoy placed in the coast of Halifax, Canada. The results suggest that the proposed methodology is better than state-of-the-art approaches for exceedance probability forecasting." 1276,SMT-DTA: Improving Drug-Target Affinity Prediction with Semi-supervised Multi-task Training,"Drug-Target Affinity (DTA) prediction is an essential task for drug discovery and pharmaceutical research. Accurate predictions of DTA can greatly benefit the design of new drug. As wet experiments are costly and time consuming, the supervised data for DTA prediction is extremely limited. This seriously hinders the application of deep learning based methods, which require a large scale of supervised data. To address this challenge and improve the DTA prediction accuracy, we propose a framework with several simple yet effective strategies in this work: (1) a multi-task training strategy, which takes the DTA prediction and the masked language modeling (MLM) task on the paired drug-target dataset; (2) a semi-supervised training method to empower the drug and target representation learning by leveraging large-scale unpaired molecules and proteins in training, which differs from previous pre-training and fine-tuning methods that only utilize molecules or proteins in pre-training; and (3) a cross-attention module to enhance the interaction between drug and target representation. Extensive experiments are conducted on three real-world benchmark datasets: BindingDB, DAVIS and KIBA. The results show that our framework significantly outperforms existing methods and achieves state-of-the-art performances, e.g., $0.712$ RMSE on BindingDB IC$_{50}$ measurement with more than $5\%$ improvement than previous best work. In addition, case studies on specific drug-target binding activities, drug feature visualizations, and real-world applications demonstrate the great potential of our work. The code and data are released at https://github.com/QizhiPei/SMT-DTA" 1277,Convex space learning improves deep-generative oversampling for tabular imbalanced classification on smaller datasets,"Data is commonly stored in tabular format. Several fields of research (e.g., biomedical, fault/fraud detection), are prone to small imbalanced tabular data. Supervised Machine Learning on such data is often difficult due to class imbalance, adding further to the challenge. Synthetic data generation i.e. oversampling is a common remedy used to improve classifier performance. State-of-the-art linear interpolation approaches, such as LoRAS and ProWRAS can be used to generate synthetic samples from the convex space of the minority class to improve classifier performance in such cases. Generative Adversarial Networks (GANs) are common deep learning approaches for synthetic sample generation. Although GANs are widely used for synthetic image generation, their scope on tabular data in the context of imbalanced classification is not adequately explored. In this article, we show that existing deep generative models perform poorly compared to linear interpolation approaches generating synthetic samples from the convex space of the minority class, for imbalanced classification problems on tabular datasets of small size. We propose a deep generative model, ConvGeN combining the idea of convex space learning and deep generative models. ConVGeN learns the coefficients for the convex combinations of the minority class samples, such that the synthetic data is distinct enough from the majority class. We demonstrate that our proposed model ConvGeN improves imbalanced classification on such small datasets, as compared to existing deep generative models while being at par with the existing linear interpolation approaches. Moreover, we discuss how our model can be used for synthetic tabular data generation in general, even outside the scope of data imbalance, and thus, improves the overall applicability of convex space learning." 1278,Shapley-NAS: Discovering Operation Contribution for Neural Architecture Search,"In this paper, we propose a Shapley value based method to evaluate operation contribution (Shapley-NAS) for neural architecture search. Differentiable architecture search (DARTS) acquires the optimal architectures by optimizing the architecture parameters with gradient descent, which significantly reduces the search cost. However, the magnitude of architecture parameters updated by gradient descent fails to reveal the actual operation importance to the task performance and therefore harms the effectiveness of obtained architectures. By contrast, we propose to evaluate the direct influence of operations on validation accuracy. To deal with the complex relationships between supernet components, we leverage Shapley value to quantify their marginal contributions by considering all possible combinations. Specifically, we iteratively optimize the supernet weights and update the architecture parameters by evaluating operation contributions via Shapley value, so that the optimal architectures are derived by selecting the operations that contribute significantly to the tasks. Since the exact computation of Shapley value is NP-hard, the Monte-Carlo sampling based algorithm with early truncation is employed for efficient approximation, and the momentum update mechanism is adopted to alleviate fluctuation of the sampling process. Extensive experiments on various datasets and various search spaces show that our Shapley-NAS outperforms the state-of-the-art methods by a considerable margin with light search cost. The code is available at https://github.com/Euphoria16/Shapley-NAS.git" 1279,Actively Learning Deep Neural Networks with Uncertainty Sampling Based on Sum-Product Networks,"Active learning is popular approach for reducing the amount of data in training deep neural network model. Its success hinges on the choice of an effective acquisition function, which ranks not yet labeled data points according to their expected informativeness. In uncertainty sampling, the uncertainty that the current model has about a point's class label is the main criterion for this type of ranking. This paper proposes a new approach to uncertainty sampling in training a Convolutional Neural Network (CNN). The main idea is to use feature representation extracted extracted by the CNN as data for training a Sum-Product Network (SPN). Since SPNs are typically used for estimating the distribution of a dataset, they are well suited to the task of estimating class probabilities that can be used directly by standard acquisition functions such as max entropy and variational ratio. Moreover, we enhance these acquisition functions by weights calculated with the help of the SPN model; these weights make the acquisition function more sensitive to the diversity of conceivable class labels for data points. The effectiveness of our method is demonstrated in an experimental study on the MNIST, Fashion-MNIST and CIFAR-10 datasets, where we compare it to the state-of-the-art methods MC Dropout and Bayesian Batch." 1280,Actively learning to learn causal relationships,"How do people actively learn to learn? That is, how and when do people choose actions that facilitate long-term learning and choosing future actions that are more informative? We explore these questions in the domain of active causal learning. We propose a hierarchical Bayesian model that goes beyond past models by predicting that people pursue information not only about the causal relationship at hand but also about causal overhypotheses$\unicode{x2014}$abstract beliefs about causal relationships that span multiple situations and constrain how we learn the specifics in each situation. In two active ""blicket detector"" experiments with 14 between-subjects manipulations, our model was supported by both qualitative trends in participant behavior and an individual-differences-based model comparison. Our results suggest when there are abstract similarities across active causal learning problems, people readily learn and transfer overhypotheses about these similarities. Moreover, people exploit these overhypotheses to facilitate long-term active learning." 1281,Quantitative CT texture-based method to predict diagnosis and prognosis of fibrosing interstitial lung disease patterns,"Purpose: To utilize high-resolution quantitative CT (QCT) imaging features for prediction of diagnosis and prognosis in fibrosing interstitial lung diseases (ILD). Approach: 40 ILD patients (20 usual interstitial pneumonia (UIP), 20 non-UIP pattern ILD) were classified by expert consensus of 2 radiologists and followed for 7 years. Clinical variables were recorded. Following segmentation of the lung field, a total of 26 texture features were extracted using a lattice-based approach (TM model). The TM model was compared with previously histogram-based model (HM) for their abilities to classify UIP vs non-UIP. For prognostic assessment, survival analysis was performed comparing the expert diagnostic labels versus TM metrics. Results: In the classification analysis, the TM model outperformed the HM method with AUC of 0.70. While survival curves of UIP vs non-UIP expert labels in Cox regression analysis were not statistically different, TM QCT features allowed statistically significant partition of the cohort. Conclusions: TM model outperformed HM model in distinguishing UIP from non-UIP patterns. Most importantly, TM allows for partitioning of the cohort into distinct survival groups, whereas expert UIP vs non-UIP labeling does not. QCT TM models may improve diagnosis of ILD and offer more accurate prognostication, better guiding patient management." 1282,Towards Perspective-Based Specification of Machine Learning-Enabled Systems,"Machine learning (ML) teams often work on a project just to realize the performance of the model is not good enough. Indeed, the success of ML-enabled systems involves aligning data with business problems, translating them into ML tasks, experimenting with algorithms, evaluating models, capturing data from users, among others. Literature has shown that ML-enabled systems are rarely built based on precise specifications for such concerns, leading ML teams to become misaligned due to incorrect assumptions, which may affect the quality of such systems and overall project success. In order to help addressing this issue, this paper describes our work towards a perspective-based approach for specifying ML-enabled systems. The approach involves analyzing a set of 45 ML concerns grouped into five perspectives: objectives, user experience, infrastructure, model, and data. The main contribution of this paper is to provide two new artifacts that can be used to help specifying ML-enabled systems: (i) the perspective-based ML task and concern diagram and (ii) the perspective-based ML specification template." 1283,Time Gated Convolutional Neural Networks for Crop Classification,"This paper presented a state-of-the-art framework, Time Gated Convolutional Neural Network (TGCNN) that takes advantage of temporal information and gating mechanisms for the crop classification problem. Besides, several vegetation indices were constructed to expand dimensions of input data to take advantage of spectral information. Both spatial (channel-wise) and temporal (step-wise) correlation are considered in TGCNN. Specifically, our preliminary analysis indicates that step-wise information is of greater importance in this data set. Lastly, the gating mechanism helps capture high-order relationship. Our TGCNN solution achieves $0.973$ F1 score, $0.977$ AUC ROC and $0.948$ IoU, respectively. In addition, it outperforms three other benchmarks in different local tasks (Kenya, Brazil and Togo). Overall, our experiments demonstrate that TGCNN is advantageous in this earth observation time series classification task." 1284,Square One Bias in NLP: Towards a Multi-Dimensional Exploration of the Research Manifold,"The prototypical NLP experiment trains a standard architecture on labeled English data and optimizes for accuracy, without accounting for other dimensions such as fairness, interpretability, or computational efficiency. We show through a manual classification of recent NLP research papers that this is indeed the case and refer to it as the square one experimental setup. We observe that NLP research often goes beyond the square one setup, e.g, focusing not only on accuracy, but also on fairness or interpretability, but typically only along a single dimension. Most work targeting multilinguality, for example, considers only accuracy; most work on fairness or interpretability considers only English; and so on. We show this through manual classification of recent NLP research papers and ACL Test-of-Time award recipients. Such one-dimensionality of most research means we are only exploring a fraction of the NLP research search space. We provide historical and recent examples of how the square one bias has led researchers to draw false conclusions or make unwise choices, point to promising yet unexplored directions on the research manifold, and make practical recommendations to enable more multi-dimensional research. We open-source the results of our annotations to enable further analysis at https://github.com/google-research/url-nlp" 1285,A Comparative Study on Application of Class-Imbalance Learning for Severity Prediction of Adverse Events Following Immunization,"In collaboration with the Liaoning CDC, China, we propose a prediction system to predict the subsequent hospitalization of children with adverse reactions based on data on adverse events following immunization. We extracted multiple features from the data, and selected ""hospitalization or not"" as the target for classification. Since the data are imbalanced, we used various class-imbalance learning methods for training and improved the RUSBoost algorithm. Experimental results show that the improved RUSBoost has the highest Area Under the ROC Curve on the target among these algorithms. Additionally, we compared these class-imbalance learning methods with some common machine learning algorithms. We combined the improved RUSBoost with dynamic web resource development techniques to build an evaluation system with information entry and vaccination response prediction capabilities for relevant medical practitioners." 1286,Guided Safe Shooting: model based reinforcement learning with safety constraints,"In the last decade, reinforcement learning successfully solved complex control tasks and decision-making problems, like the Go board game. Yet, there are few success stories when it comes to deploying those algorithms to real-world scenarios. One of the reasons is the lack of guarantees when dealing with and avoiding unsafe states, a fundamental requirement in critical control engineering systems. In this paper, we introduce Guided Safe Shooting (GuSS), a model-based RL approach that can learn to control systems with minimal violations of the safety constraints. The model is learned on the data collected during the operation of the system in an iterated batch fashion, and is then used to plan for the best action to perform at each time step. We propose three different safe planners, one based on a simple random shooting strategy and two based on MAP-Elites, a more advanced divergent-search algorithm. Experiments show that these planners help the learning agent avoid unsafe situations while maximally exploring the state space, a necessary aspect when learning an accurate model of the system. Furthermore, compared to model-free approaches, learning a model allows GuSS reducing the number of interactions with the real-system while still reaching high rewards, a fundamental requirement when handling engineering systems." 1287,Metareview-informed Explainable Cytokine Storm Detection during CAR-T cell Therapy,"Cytokine release syndrome (CRS), also known as cytokine storm, is one of the most consequential adverse effects of chimeric antigen receptor therapies that have shown promising results in cancer treatment. When emerging, CRS could be identified by the analysis of specific cytokine and chemokine profiles that tend to exhibit similarities across patients. In this paper, we exploit these similarities using machine learning algorithms and set out to pioneer a meta--review informed method for the identification of CRS based on specific cytokine peak concentrations and evidence from previous clinical studies. We argue that such methods could support clinicians in analyzing suspect cytokine profiles by matching them against CRS knowledge from past clinical studies, with the ultimate aim of swift CRS diagnosis. During evaluation with real--world CRS clinical data, we emphasize the potential of our proposed method of producing interpretable results, in addition to being effective in identifying the onset of cytokine storm." 1288,Cross-Modal Transformer GAN: A Brain Structure-Function Deep Fusing Framework for Alzheimer's Disease,"Cross-modal fusion of different types of neuroimaging data has shown great promise for predicting the progression of Alzheimer's Disease(AD). However, most existing methods applied in neuroimaging can not efficiently fuse the functional and structural information from multi-modal neuroimages. In this work, a novel cross-modal transformer generative adversarial network(CT-GAN) is proposed to fuse functional information contained in resting-state functional magnetic resonance imaging (rs-fMRI) and structural information contained in Diffusion Tensor Imaging (DTI). The developed bi-attention mechanism can match functional information to structural information efficiently and maximize the capability of extracting complementary information from rs-fMRI and DTI. By capturing the deep complementary information between structural features and functional features, the proposed CT-GAN can detect the AD-related brain connectivity, which could be used as a bio-marker of AD. Experimental results show that the proposed model can not only improve classification performance but also detect the AD-related brain connectivity effectively." 1289,"A Note on the Convergence of Mirrored Stein Variational Gradient Descent under $(L_0,L_1)-$Smoothness Condition","In this note, we establish a descent lemma for the population limit Mirrored Stein Variational Gradient Method~(MSVGD). This descent lemma does not rely on the path information of MSVGD but rather on a simple assumption for the mirrored distribution $\nabla\Psi_{\#}\pi\propto\exp(-V)$. Our analysis demonstrates that MSVGD can be applied to a broader class of constrained sampling problems with non-smooth $V$. We also investigate the complexity of the population limit MSVGD in terms of dimension $d$." 1290,"Great Expectations: Unsupervised Inference of Suspense, Surprise and Salience in Storytelling","Stories interest us not because they are a sequence of mundane and predictable events but because they have drama and tension. Crucial to creating dramatic and exciting stories are surprise and suspense. The thesis trains a series of deep learning models via only reading stories, a self-supervised (or unsupervised) system. Narrative theory methods (rules and procedures) are applied to the knowledge built into deep learning models to directly infer salience, surprise, and salience in stories. Extensions add memory and external knowledge from story plots and from Wikipedia to infer salience on novels such as Great Expectations and plays such as Macbeth. Other work adapts the models as a planning system for generating original stories. The thesis finds that applying the narrative theory to deep learning models can align with the typical reader. In follow-up work, the insights could help improve computer models for tasks such as automatic story writing and assistance for writing, summarising or editing stories. Moreover, the approach of applying narrative theory to the inherent qualities built in a system that learns itself (self-supervised) from reading from books, watching videos, and listening to audio is much cheaper and more adaptable to other domains and tasks. Progress is swift in improving self-supervised systems. As such, the thesis's relevance is that applying domain expertise with these systems may be a more productive approach for applying machine learning in many areas of interest." 1291,The Role of Machine Learning in Cybersecurity,"Machine Learning (ML) represents a pivotal technology for current and future information systems, and many domains already leverage the capabilities of ML. However, deployment of ML in cybersecurity is still at an early stage, revealing a significant discrepancy between research and practice. Such discrepancy has its root cause in the current state-of-the-art, which does not allow to identify the role of ML in cybersecurity. The full potential of ML will never be unleashed unless its pros and cons are understood by a broad audience. This paper is the first attempt to provide a holistic understanding of the role of ML in the entire cybersecurity domain -- to any potential reader with an interest in this topic. We highlight the advantages of ML with respect to human-driven detection methods, as well as the additional tasks that can be addressed by ML in cybersecurity. Moreover, we elucidate various intrinsic problems affecting real ML deployments in cybersecurity. Finally, we present how various stakeholders can contribute to future developments of ML in cybersecurity, which is essential for further progress in this field. Our contributions are complemented with two real case studies describing industrial applications of ML as defense against cyber-threats." 1292,Technical Report: Combining knowledge from Transfer Learning during training and Wide Resnets,"In this report, we combine the idea of Wide ResNets and transfer learning to optimize the architecture of deep neural networks. The first improvement of the architecture is the use of all layers as information source for the last layer. This idea comes from transfer learning, which uses networks pre-trained on other data and extracts different levels of the network as input for the new task. The second improvement is the use of deeper layers instead of deeper sequences of blocks. This idea comes from Wide ResNets. Using both optimizations, both high data augmentation and standard data augmentation can produce better results for different models. Link: https://github.com/wolfgangfuhl/PublicationStuff/tree/master/TechnicalReport1/Supp" 1293,GiDR-DUN; Gradient Dimensionality Reduction -- Differences and Unification,"TSNE and UMAP are two of the most popular dimensionality reduction algorithms due to their speed and interpretable low-dimensional embeddings. However, while attempts have been made to improve on TSNE's computational complexity, no existing method can obtain TSNE embeddings at the speed of UMAP. In this work, we show that this is indeed possible by combining the two approaches into a single method. We theoretically and experimentally evaluate the full space of parameters in the TSNE and UMAP algorithms and observe that a single parameter, the normalization, is responsible for switching between them. This, in turn, implies that a majority of the algorithmic differences can be toggled without affecting the embeddings. We discuss the implications this has on several theoretic claims underpinning the UMAP framework, as well as how to reconcile them with existing TSNE interpretations. Based on our analysis, we propose a new dimensionality reduction algorithm, GDR, that combines previously incompatible techniques from TSNE and UMAP and can replicate the results of either algorithm by changing the normalization. As a further advantage, GDR performs the optimization faster than available UMAP methods and thus an order of magnitude faster than available TSNE methods. Our implementation is plug-and-play with the traditional UMAP and TSNE libraries and can be found at github.com/Andrew-Draganov/GiDR-DUN." 1294,Remote Sensing Image Classification using Transfer Learning and Attention Based Deep Neural Network,"The task of remote sensing image scene classification (RSISC), which aims at classifying remote sensing images into groups of semantic categories based on their contents, has taken the important role in a wide range of applications such as urban planning, natural hazards detection, environment monitoring,vegetation mapping, or geospatial object detection. During the past years, research community focusing on RSISC task has shown significant effort to publish diverse datasets as well as propose different approaches to deal with the RSISC challenges. Recently, almost proposed RSISC systems base on deep learning models which prove powerful and outperform traditional approaches using image processing and machine learning. In this paper, we also leverage the power of deep learning technology, evaluate a variety of deep neural network architectures, indicate main factors affecting the performance of a RSISC system. Given the comprehensive analysis, we propose a deep learning based framework for RSISC, which makes use of the transfer learning technique and multihead attention scheme. The proposed deep learning framework is evaluated on the benchmark NWPU-RESISC45 dataset and achieves the best classification accuracy of 94.7% which shows competitive to the state-of-the-art systems and potential for real-life applications." 1295,GraphFramEx: Towards Systematic Evaluation of Explainability Methods for Graph Neural Networks,"As one of the most popular machine learning models today, graph neural networks (GNNs) have attracted intense interest recently, and so does their explainability. Users are increasingly interested in a better understanding of GNN models and their outcomes. Unfortunately, today's evaluation frameworks for GNN explainability often rely on synthetic datasets, leading to conclusions of limited scope due to a lack of complexity in the problem instances. As GNN models are deployed to more mission-critical applications, we are in dire need for a common evaluation protocol of explainability methods of GNNs. In this paper, we propose, to our best knowledge, the first systematic evaluation framework for GNN explainability, considering explainability on three different ""user needs:"" explanation focus, mask nature, and mask transformation. We propose a unique metric that combines the fidelity measures and classify explanations based on their quality of being sufficient or necessary. We scope ourselves to node classification tasks and compare the most representative techniques in the field of input-level explainability for GNNs. For the widely used synthetic benchmarks, surprisingly shallow techniques such as personalized PageRank have the best performance for a minimum computation time. But when the graph structure is more complex and nodes have meaningful features, gradient-based methods, in particular Saliency, are the best according to our evaluation criteria. However, none dominates the others on all evaluation dimensions and there is always a trade-off. We further apply our evaluation protocol in a case study on eBay graphs to reflect the production environment." 1296,Deep reinforced active learning for multi-class image classification,"High accuracy medical image classification can be limited by the costs of acquiring more data as well as the time and expertise needed to label existing images. In this paper, we apply active learning to medical image classification, a method which aims to maximise model performance on a minimal subset from a larger pool of data. We present a new active learning framework, based on deep reinforcement learning, to learn an active learning query strategy to label images based on predictions from a convolutional neural network. Our framework modifies the deep-Q network formulation, allowing us to pick data based additionally on geometric arguments in the latent space of the classifier, allowing for high accuracy multi-class classification in a batch-based active learning setting, enabling the agent to label datapoints that are both diverse and about which it is most uncertain. We apply our framework to two medical imaging datasets and compare with standard query strategies as well as the most recent reinforcement learning based active learning approach for image classification." 1297,EAGER: Asking and Answering Questions for Automatic Reward Shaping in Language-guided RL,"Reinforcement learning (RL) in long horizon and sparse reward tasks is notoriously difficult and requires a lot of training steps. A standard solution to speed up the process is to leverage additional reward signals, shaping it to better guide the learning process. In the context of language-conditioned RL, the abstraction and generalisation properties of the language input provide opportunities for more efficient ways of shaping the reward. In this paper, we leverage this idea and propose an automated reward shaping method where the agent extracts auxiliary objectives from the general language goal. These auxiliary objectives use a question generation (QG) and question answering (QA) system: they consist of questions leading the agent to try to reconstruct partial information about the global goal using its own trajectory. When it succeeds, it receives an intrinsic reward proportional to its confidence in its answer. This incentivizes the agent to generate trajectories which unambiguously explain various aspects of the general language goal. Our experimental study shows that this approach, which does not require engineer intervention to design the auxiliary objectives, improves sample efficiency by effectively directing exploration." 1298,Benchmarking Constraint Inference in Inverse Reinforcement Learning,"When deploying Reinforcement Learning (RL) agents into a physical system, we must ensure that these agents are well aware of the underlying constraints. In many real-world problems, however, the constraints followed by expert agents (e.g., humans) are often hard to specify mathematically and unknown to the RL agents. To tackle these issues, Constraint Inverse Reinforcement Learning (CIRL) considers the formalism of Constrained Markov Decision Processes (CMDPs) and estimates constraints from expert demonstrations by learning a constraint function. As an emerging research topic, CIRL does not have common benchmarks, and previous works tested their algorithms with hand-crafted environments (e.g., grid worlds). In this paper, we construct a CIRL benchmark in the context of two major application domains: robot control and autonomous driving. We design relevant constraints for each environment and empirically study the ability of different algorithms to recover those constraints based on expert trajectories that respect those constraints. To handle stochastic dynamics, we propose a variational approach that infers constraint distributions, and we demonstrate its performance by comparing it with other CIRL baselines on our benchmark. The benchmark, including the information for reproducing the performance of CIRL algorithms, is publicly available at https://github.com/Guiliang/CIRL-benchmarks-public" 1299,What Can be Seen is What You Get: Structure Aware Point Cloud Augmentation,"To train a well performing neural network for semantic segmentation, it is crucial to have a large dataset with available ground truth for the network to generalize on unseen data. In this paper we present novel point cloud augmentation methods to artificially diversify a dataset. Our sensor-centric methods keep the data structure consistent with the lidar sensor capabilities. Due to these new methods, we are able to enrich low-value data with high-value instances, as well as create entirely new scenes. We validate our methods on multiple neural networks with the public SemanticKITTI dataset and demonstrate that all networks improve compared to their respective baseline. In addition, we show that our methods enable the use of very small datasets, saving annotation time, training time and the associated costs." 1300,Neural Activation Patterns (NAPs): Visual Explainability of Learned Concepts,"A key to deciphering the inner workings of neural networks is understanding what a model has learned. Promising methods for discovering learned features are based on analyzing activation values, whereby current techniques focus on analyzing high activation values to reveal interesting features on a neuron level. However, analyzing high activation values limits layer-level concept discovery. We present a method that instead takes into account the entire activation distribution. By extracting similar activation profiles within the high-dimensional activation space of a neural network layer, we find groups of inputs that are treated similarly. These input groups represent neural activation patterns (NAPs) and can be used to visualize and interpret learned layer concepts. We release a framework with which NAPs can be extracted from pre-trained models and provide a visual introspection tool that can be used to analyze NAPs. We tested our method with a variety of networks and show how it complements existing methods for analyzing neural network activation values." 1301,Performance Prediction in Major League Baseball by Long Short-Term Memory Networks,"Player performance prediction is a serious problem in every sport since it brings valuable future information for managers to make important decisions. In baseball industries, there already existed variable prediction systems and many types of researches that attempt to provide accurate predictions and help domain users. However, it is a lack of studies about the predicting method or systems based on deep learning. Deep learning models had proven to be the greatest solutions in different fields nowadays, so we believe they could be tried and applied to the prediction problem in baseball. Hence, the predicting abilities of deep learning models are set to be our research problem in this paper. As a beginning, we select numbers of home runs as the target because it is one of the most critical indexes to understand the power and the talent of baseball hitters. Moreover, we use the sequential model Long Short-Term Memory as our main method to solve the home run prediction problem in Major League Baseball. We compare models' ability with several machine learning models and a widely used baseball projection system, sZymborski Projection System. Our results show that Long Short-Term Memory has better performance than others and has the ability to make more exact predictions. We conclude that Long Short-Term Memory is a feasible way for performance prediction problems in baseball and could bring valuable information to fit users' needs." 1302,A Machine Learning Data Fusion Model for Soil Moisture Retrieval,"We develop a deep learning based convolutional-regression model that estimates the volumetric soil moisture content in the top ~5 cm of soil. Input predictors include Sentinel-1 (active radar), Sentinel-2 (optical imagery), and SMAP (passive radar) as well as geophysical variables from SoilGrids and modelled soil moisture fields from GLDAS. The model was trained and evaluated on data from ~1300 in-situ sensors globally over the period 2015 - 2021 and obtained an average per-sensor correlation of 0.727 and ubRMSE of 0.054, and can be used to produce a soil moisture map at a nominal 320m resolution. These results are benchmarked against 13 other soil moisture works at different locations, and an ablation study was used to identify important predictors." 1303,Beyond IID: data-driven decision-making in heterogeneous environments,"In this work, we study data-driven decision-making and depart from the classical identically and independently distributed (i.i.d.) assumption. We present a new framework in which historical samples are generated from unknown and different distributions, which we dub heterogeneous environments. These distributions are assumed to lie in a heterogeneity ball with known radius and centered around the (also) unknown future (out-of-sample) distribution on which the performance of a decision will be evaluated. We quantify the asymptotic worst-case regret that is achievable by central data-driven policies such as Sample Average Approximation, but also by rate-optimal ones, as a function of the radius of the heterogeneity ball. Our work shows that the type of achievable performance varies considerably across different combinations of problem classes and notions of heterogeneity. We demonstrate the versatility of our framework by comparing achievable guarantees for the heterogeneous version of widely studied data-driven problems such as pricing, ski-rental, and newsvendor. En route, we establish a new connection between data-driven decision-making and distributionally robust optimization." 1304,Stop ordering machine learning algorithms by their explainability! A user-centered investigation of performance and explainability,"Machine learning algorithms enable advanced decision making in contemporary intelligent systems. Research indicates that there is a tradeoff between their model performance and explainability. Machine learning models with higher performance are often based on more complex algorithms and therefore lack explainability and vice versa. However, there is little to no empirical evidence of this tradeoff from an end user perspective. We aim to provide empirical evidence by conducting two user experiments. Using two distinct datasets, we first measure the tradeoff for five common classes of machine learning algorithms. Second, we address the problem of end user perceptions of explainable artificial intelligence augmentations aimed at increasing the understanding of the decision logic of high-performing complex models. Our results diverge from the widespread assumption of a tradeoff curve and indicate that the tradeoff between model performance and explainability is much less gradual in the end user's perception. This is a stark contrast to assumed inherent model interpretability. Further, we found the tradeoff to be situational for example due to data complexity. Results of our second experiment show that while explainable artificial intelligence augmentations can be used to increase explainability, the type of explanation plays an essential role in end user perception." 1305,Diversified Adversarial Attacks based on Conjugate Gradient Method,"Deep learning models are vulnerable to adversarial examples, and adversarial attacks used to generate such examples have attracted considerable research interest. Although existing methods based on the steepest descent have achieved high attack success rates, ill-conditioned problems occasionally reduce their performance. To address this limitation, we utilize the conjugate gradient (CG) method, which is effective for this type of problem, and propose a novel attack algorithm inspired by the CG method, named the Auto Conjugate Gradient (ACG) attack. The results of large-scale evaluation experiments conducted on the latest robust models show that, for most models, ACG was able to find more adversarial examples with fewer iterations than the existing SOTA algorithm Auto-PGD (APGD). We investigated the difference in search performance between ACG and APGD in terms of diversification and intensification, and define a measure called Diversity Index (DI) to quantify the degree of diversity. From the analysis of the diversity using this index, we show that the more diverse search of the proposed method remarkably improves its attack success rate." 1306,Sampling Efficient Deep Reinforcement Learning through Preference-Guided Stochastic Exploration,"Massive practical works addressed by Deep Q-network (DQN) algorithm have indicated that stochastic policy, despite its simplicity, is the most frequently used exploration approach. However, most existing stochastic exploration approaches either explore new actions heuristically regardless of Q-values or inevitably introduce bias into the learning process to couple the sampling with Q-values. In this paper, we propose a novel preference-guided $\epsilon$-greedy exploration algorithm that can efficiently learn the action distribution in line with the landscape of Q-values for DQN without introducing additional bias. Specifically, we design a dual architecture consisting of two branches, one of which is a copy of DQN, namely the Q-branch. The other branch, which we call the preference branch, learns the action preference that the DQN implicit follows. We theoretically prove that the policy improvement theorem holds for the preference-guided $\epsilon$-greedy policy and experimentally show that the inferred action preference distribution aligns with the landscape of corresponding Q-values. Consequently, preference-guided $\epsilon$-greedy exploration motivates the DQN agent to take diverse actions, i.e., actions with larger Q-values can be sampled more frequently whereas actions with smaller Q-values still have a chance to be explored, thus encouraging the exploration. We assess the proposed method with four well-known DQN variants in nine different environments. Extensive results confirm the superiority of our proposed method in terms of performance and convergence speed. Index Terms- Preference-guided exploration, stochastic policy, data efficiency, deep reinforcement learning, deep Q-learning." 1307,Autoencoder-based Attribute Noise Handling Method for Medical Data,"Medical datasets are particularly subject to attribute noise, that is, missing and erroneous values. Attribute noise is known to be largely detrimental to learning performances. To maximize future learning performances it is primordial to deal with attribute noise before any inference. We propose a simple autoencoder-based preprocessing method that can correct mixed-type tabular data corrupted by attribute noise. No other method currently exists to handle attribute noise in tabular data. We experimentally demonstrate that our method outperforms both state-of-the-art imputation methods and noise correction methods on several real-world medical datasets." 1308,Generating Diverse Indoor Furniture Arrangements,"We present a method for generating arrangements of indoor furniture from human-designed furniture layout data. Our method creates arrangements that target specified diversity, such as the total price of all furniture in the room and the number of pieces placed. To generate realistic furniture arrangement, we train a generative adversarial network (GAN) on human-designed layouts. To target specific diversity in the arrangements, we optimize the latent space of the GAN via a quality diversity algorithm to generate a diverse arrangement collection. Experiments show our approach discovers a set of arrangements that are similar to human-designed layouts but varies in price and number of furniture pieces." 1309,MASER: Multi-Agent Reinforcement Learning with Subgoals Generated from Experience Replay Buffer,"In this paper, we consider cooperative multi-agent reinforcement learning (MARL) with sparse reward. To tackle this problem, we propose a novel method named MASER: MARL with subgoals generated from experience replay buffer. Under the widely-used assumption of centralized training with decentralized execution and consistent Q-value decomposition for MARL, MASER automatically generates proper subgoals for multiple agents from the experience replay buffer by considering both individual Q-value and total Q-value. Then, MASER designs individual intrinsic reward for each agent based on actionable representation relevant to Q-learning so that the agents reach their subgoals while maximizing the joint action value. Numerical results show that MASER significantly outperforms StarCraft II micromanagement benchmark compared to other state-of-the-art MARL algorithms." 1310,Analyzing Büchi Automata with Graph Neural Networks,"B\""uchi Automata on infinite words present many interesting problems and are used frequently in program verification and model checking. A lot of these problems on B\""uchi automata are computationally hard, raising the question if a learning-based data-driven analysis might be more efficient than using traditional algorithms. Since B\""uchi automata can be represented by graphs, graph neural networks are a natural choice for such a learning-based analysis. In this paper, we demonstrate how graph neural networks can be used to reliably predict basic properties of B\""uchi automata when trained on automatically generated random automata datasets." 1311,Revisiting lp-constrained Softmax Loss: A Comprehensive Study,"Normalization is a vital process for any machine learning task as it controls the properties of data and affects model performance at large. The impact of particular forms of normalization, however, has so far been investigated in limited domain-specific classification tasks and not in a general fashion. Motivated by the lack of such a comprehensive study, in this paper we investigate the performance of lp-constrained softmax loss classifiers across different norm orders, magnitudes, and data dimensions in both proof-of-concept classification problems and real-world popular image classification tasks. Experimental results suggest collectively that lp-constrained softmax loss classifiers not only can achieve more accurate classification results but, at the same time, appear to be less prone to overfitting. The core findings hold across the three popular deep learning architectures tested and eight datasets examined, and suggest that lp normalization is a recommended data representation practice for image classification in terms of performance and convergence, and against overfitting." 1312,S2RL: Do We Really Need to Perceive All States in Deep Multi-Agent Reinforcement Learning?,"Collaborative multi-agent reinforcement learning (MARL) has been widely used in many practical applications, where each agent makes a decision based on its own observation. Most mainstream methods treat each local observation as an entirety when modeling the decentralized local utility functions. However, they ignore the fact that local observation information can be further divided into several entities, and only part of the entities is helpful to model inference. Moreover, the importance of different entities may change over time. To improve the performance of decentralized policies, the attention mechanism is used to capture features of local information. Nevertheless, existing attention models rely on dense fully connected graphs and cannot better perceive important states. To this end, we propose a sparse state based MARL (S2RL) framework, which utilizes a sparse attention mechanism to discard irrelevant information in local observations. The local utility functions are estimated through the self-attention and sparse attention mechanisms separately, then are combined into a standard joint value function and auxiliary joint value function in the central critic. We design the S2RL framework as a plug-and-play module, making it general enough to be applied to various methods. Extensive experiments on StarCraft II show that S2RL can significantly improve the performance of many state-of-the-art methods." 1313,Interpretable machine learning optimization (InterOpt) for operational parameters: a case study of highly-efficient shale gas development,"An algorithm named InterOpt for optimizing operational parameters is proposed based on interpretable machine learning, and is demonstrated via optimization of shale gas development. InterOpt consists of three parts: a neural network is used to construct an emulator of the actual drilling and hydraulic fracturing process in the vector space (i.e., virtual environment); the Sharpley value method in interpretable machine learning is applied to analyzing the impact of geological and operational parameters in each well (i.e., single well feature impact analysis); and ensemble randomized maximum likelihood (EnRML) is conducted to optimize the operational parameters to comprehensively improve the efficiency of shale gas development and reduce the average cost. In the experiment, InterOpt provides different drilling and fracturing plans for each well according to its specific geological conditions, and finally achieved an average cost reduction of 9.7% for a case study with 104 wells." 1314,A Comprehensive Survey on Video Saliency Detection with Auditory Information: the Audio-visual Consistency Perceptual is the Key!,"Video saliency detection (VSD) aims at fast locating the most attractive objects/things/patterns in a given video clip. Existing VSD-related works have mainly relied on the visual system but paid less attention to the audio aspect, while, actually, our audio system is the most vital complementary part to our visual system. Also, audio-visual saliency detection (AVSD), one of the most representative research topics for mimicking human perceptual mechanisms, is currently in its infancy, and none of the existing survey papers have touched on it, especially from the perspective of saliency detection. Thus, the ultimate goal of this paper is to provide an extensive review to bridge the gap between audio-visual fusion and saliency detection. In addition, as another highlight of this review, we have provided a deep insight into key factors which could directly determine the performances of AVSD deep models, and we claim that the audio-visual consistency degree (AVC) -- a long-overlooked issue, can directly influence the effectiveness of using audio to benefit its visual counterpart when performing saliency detection. Moreover, in order to make the AVC issue more practical and valuable for future followers, we have newly equipped almost all existing publicly available AVSD datasets with additional frame-wise AVC labels. Based on these upgraded datasets, we have conducted extensive quantitative evaluations to ground our claim on the importance of AVC in the AVSD task. In a word, both our ideas and new sets serve as a convenient platform with preliminaries and guidelines, all of which are very potential to facilitate future works in promoting state-of-the-art (SOTA) performance further." 1315,Constrained Reinforcement Learning for Robotics via Scenario-Based Programming,"Deep reinforcement learning (DRL) has achieved groundbreaking successes in a wide variety of robotic applications. A natural consequence is the adoption of this paradigm for safety-critical tasks, where human safety and expensive hardware can be involved. In this context, it is crucial to optimize the performance of DRL-based agents while providing guarantees about their behavior. This paper presents a novel technique for incorporating domain-expert knowledge into a constrained DRL training loop. Our technique exploits the scenario-based programming paradigm, which is designed to allow specifying such knowledge in a simple and intuitive way. We validated our method on the popular robotic mapless navigation problem, in simulation, and on the actual platform. Our experiments demonstrate that using our approach to leverage expert knowledge dramatically improves the safety and the performance of the agent." 1316,FedSSO: A Federated Server-Side Second-Order Optimization Algorithm,"In this work, we propose FedSSO, a server-side second-order optimization method for federated learning (FL). In contrast to previous works in this direction, we employ a server-side approximation for the Quasi-Newton method without requiring any training data from the clients. In this way, we not only shift the computation burden from clients to server, but also eliminate the additional communication for second-order updates between clients and server entirely. We provide theoretical guarantee for convergence of our novel method, and empirically demonstrate our fast convergence and communication savings in both convex and non-convex settings." 1317,C-SENN: Contrastive Self-Explaining Neural Network,"In this study, we use a self-explaining neural network (SENN), which learns unsupervised concepts, to acquire concepts that are easy for people to understand automatically. In concept learning, the hidden layer retains verbalizable features relevant to the output, which is crucial when adapting to real-world environments where explanations are required. However, it is known that the interpretability of concepts output by SENN is reduced in general settings, such as autonomous driving scenarios. Thus, this study combines contrastive learning with concept learning to improve the readability of concepts and the accuracy of tasks. We call this model Contrastive Self-Explaining Neural Network (C-SENN)." 1318,Deep Random Vortex Method for Simulation and Inference of Navier-Stokes Equations,"Navier-Stokes equations are significant partial differential equations that describe the motion of fluids such as liquids and air. Due to the importance of Navier-Stokes equations, the development on efficient numerical schemes is important for both science and engineer. Recently, with the development of AI techniques, several approaches have been designed to integrate deep neural networks in simulating and inferring the fluid dynamics governed by incompressible Navier-Stokes equations, which can accelerate the simulation or inferring process in a mesh-free and differentiable way. In this paper, we point out that the capability of existing deep Navier-Stokes informed methods is limited to handle non-smooth or fractional equations, which are two critical situations in reality. To this end, we propose the \emph{Deep Random Vortex Method} (DRVM), which combines the neural network with a random vortex dynamics system equivalent to the Navier-Stokes equation. Specifically, the random vortex dynamics motivates a Monte Carlo based loss function for training the neural network, which avoids the calculation of derivatives through auto-differentiation. Therefore, DRVM not only can efficiently solve Navier-Stokes equations involving rough path, non-differentiable initial conditions and fractional operators, but also inherits the mesh-free and differentiable benefits of the deep-learning-based solver. We conduct experiments on the Cauchy problem, parametric solver learning, and the inverse problem of both 2-d and 3-d incompressible Navier-Stokes equations. The proposed method achieves accurate results for simulation and inference of Navier-Stokes equations. Especially for the cases that include singular initial conditions, DRVM significantly outperforms existing PINN method." 1319,Shuffle Gaussian Mechanism for Differential Privacy,"We study Gaussian mechanism in the shuffle model of differential privacy (DP). Particularly, we characterize the mechanism's R\'enyi differential privacy (RDP), showing that it is of the form: $$ \epsilon(\lambda) \leq \frac{1}{\lambda-1}\log\left(\frac{e^{-\lambda/2\sigma^2}}{n^\lambda}\sum_{\substack{k_1+\dotsc+k_n=\lambda;\\k_1,\dotsc,k_n\geq 0}}\binom{\lambda}{k_1,\dotsc,k_n}e^{\sum_{i=1}^nk_i^2/2\sigma^2}\right) $$ We further prove that the RDP is strictly upper-bounded by the Gaussian RDP without shuffling. The shuffle Gaussian RDP is advantageous in composing multiple DP mechanisms, where we demonstrate its improvement over the state-of-the-art approximate DP composition theorems in privacy guarantees of the shuffle model. Moreover, we extend our study to the subsampled shuffle mechanism and the recently proposed shuffled check-in mechanism, which are protocols geared towards distributed/federated learning. Finally, an empirical study of these mechanisms is given to demonstrate the efficacy of employing shuffle Gaussian mechanism under the distributed learning framework to guarantee rigorous user privacy." 1320,Two-Dimensional Weisfeiler-Lehman Graph Neural Networks for Link Prediction,"Link prediction is one important application of graph neural networks (GNNs). Most existing GNNs for link prediction are based on one-dimensional Weisfeiler-Lehman (1-WL) test. 1-WL-GNNs first compute node representations by iteratively passing neighboring node features to the center, and then obtain link representations by aggregating the pairwise node representations. As pointed out by previous works, this two-step procedure results in low discriminating power, as 1-WL-GNNs by nature learn node-level representations instead of link-level. In this paper, we study a completely different approach which can directly obtain node pair (link) representations based on \textit{two-dimensional Weisfeiler-Lehman (2-WL) tests}. 2-WL tests directly use links (2-tuples) as message passing units instead of nodes, and thus can directly obtain link representations. We theoretically analyze the expressive power of 2-WL tests to discriminate non-isomorphic links, and prove their superior link discriminating power than 1-WL. Based on different 2-WL variants, we propose a series of novel 2-WL-GNN models for link prediction. Experiments on a wide range of real-world datasets demonstrate their competitive performance to state-of-the-art baselines and superiority over plain 1-WL-GNNs." 1321,A Novel Long-term Iterative Mining Scheme for Video Salient Object Detection,"The existing state-of-the-art (SOTA) video salient object detection (VSOD) models have widely followed short-term methodology, which dynamically determines the balance between spatial and temporal saliency fusion by solely considering the current consecutive limited frames. However, the short-term methodology has one critical limitation, which conflicts with the real mechanism of our visual system -- a typical long-term methodology. As a result, failure cases keep showing up in the results of the current SOTA models, and the short-term methodology becomes the major technical bottleneck. To solve this problem, this paper proposes a novel VSOD approach, which performs VSOD in a complete long-term way. Our approach converts the sequential VSOD, a sequential task, to a data mining problem, i.e., decomposing the input video sequence to object proposals in advance and then mining salient object proposals as much as possible in an easy-to-hard way. Since all object proposals are simultaneously available, the proposed approach is a complete long-term approach, which can alleviate some difficulties rooted in conventional short-term approaches. In addition, we devised an online updating scheme that can grasp the most representative and trustworthy pattern profile of the salient objects, outputting framewise saliency maps with rich details and smoothing both spatially and temporally. The proposed approach outperforms almost all SOTA models on five widely used benchmark datasets." 1322,DASH: Distributed Adaptive Sequencing Heuristic for Submodular Maximization,"The development of parallelizable algorithms for monotone, submodular maximization subject to cardinality constraint (SMCC) has resulted in two separate research directions: centralized algorithms with low adaptive complexity, which require random access to the entire dataset; and distributed MapReduce (MR) model algorithms, that use a small number of MR rounds of computation. Currently, no MR model algorithm is known to use sublinear number of adaptive rounds which limits their practical performance. We study the SMCC problem in a distributed setting and present three separate MR model algorithms that introduce sublinear adaptivity in a distributed setup. Our primary algorithm, DASH achieves an approximation of $\frac{1}{2}(1-1/e-\varepsilon)$ using one MR round, while its multi-round variant METADASH enables MR model algorithms to be run on large cardinality constraints that were previously not possible. The two additional algorithms, T-DASH and G-DASH provide an improved ratio of ($\frac{3}{8}-\varepsilon$) and ($1-1/e-\varepsilon$) respectively using one and $(1/\varepsilon)$ MR rounds . All our proposed algorithms have sublinear adaptive complexity and we provide extensive empirical evidence to establish: DASH is orders of magnitude faster than the state-of-the-art distributed algorithms while producing nearly identical solution values; and validate the versatility of DASH in obtaining feasible solutions on both centralized and distributed data." 1323,An Empirical Analysis on the Vulnerabilities of End-to-End Speech Segregation Models,"End-to-end learning models have demonstrated a remarkable capability in performing speech segregation. Despite their wide-scope of real-world applications, little is known about the mechanisms they employ to group and consequently segregate individual speakers. Knowing that harmonicity is a critical cue for these networks to group sources, in this work, we perform a thorough investigation on ConvTasnet and DPT-Net to analyze how they perform a harmonic analysis of the input mixture. We perform ablation studies where we apply low-pass, high-pass, and band-stop filters of varying pass-bands to empirically analyze the harmonics most critical for segregation. We also investigate how these networks decide which output channel to assign to an estimated source by introducing discontinuities in synthetic mixtures. We find that end-to-end networks are highly unstable, and perform poorly when confronted with deformations which are imperceptible to humans. Replacing the encoder in these networks with a spectrogram leads to lower overall performance, but much higher stability. This work helps us to understand what information these network rely on for speech segregation, and exposes two sources of generalization-errors. It also pinpoints the encoder as the part of the network responsible for these errors, allowing for a redesign with expert knowledge or transfer learning." 1324,Good Time to Ask: A Learning Framework for Asking for Help in Embodied Visual Navigation,"In reality, it is often more efficient to ask for help than to search the entire space to find an object with an unknown location. We present a learning framework that enables an agent to actively ask for help in such embodied visual navigation tasks, where the feedback informs the agent of where the goal is in its view. To emulate the real-world scenario that a teacher may not always be present, we propose a training curriculum where feedback is not always available. We formulate an uncertainty measure of where the goal is and use empirical results to show that through this approach, the agent learns to ask for help effectively while remaining robust when feedback is not available." 1325,"Eliminating The Impossible, Whatever Remains Must Be True","The rise of AI methods to make predictions and decisions has led to a pressing need for more explainable artificial intelligence (XAI) methods. One common approach for XAI is to produce a post-hoc explanation, explaining why a black box ML model made a certain prediction. Formal approaches to post-hoc explanations provide succinct reasons for why a prediction was made, as well as why not another prediction was made. But these approaches assume that features are independent and uniformly distributed. While this means that ""why"" explanations are correct, they may be longer than required. It also means the ""why not"" explanations may be suspect as the counterexamples they rely on may not be meaningful. In this paper, we show how one can apply background knowledge to give more succinct ""why"" formal explanations, that are presumably easier to interpret by humans, and give more accurate ""why not"" explanations. Furthermore, we also show how to use existing rule induction techniques to efficiently extract background information from a dataset, and also how to report which background information was used to make an explanation, allowing a human to examine it if they doubt the correctness of the explanation." 1326,Policy Optimization with Linear Temporal Logic Constraints,"We study the problem of policy optimization (PO) with linear temporal logic (LTL) constraints. The language of LTL allows flexible description of tasks that may be unnatural to encode as a scalar cost function. We consider LTL-constrained PO as a systematic framework, decoupling task specification from policy selection, and an alternative to the standard of cost shaping. With access to a generative model, we develop a model-based approach that enjoys a sample complexity analysis for guaranteeing both task satisfaction and cost optimality (through a reduction to a reachability problem). Empirically, our algorithm can achieve strong performance even in low sample regimes." 1327,Meta-learning for Out-of-Distribution Detection via Density Estimation in Latent Space,"Many neural network-based out-of-distribution (OoD) detection methods have been proposed. However, they require many training data for each target task. We propose a simple yet effective meta-learning method to detect OoD with small in-distribution data in a target task. With the proposed method, the OoD detection is performed by density estimation in a latent space. A neural network shared among all tasks is used to flexibly map instances in the original space to the latent space. The neural network is meta-learned such that the expected OoD detection performance is improved by using various tasks that are different from the target tasks. This meta-learning procedure enables us to obtain appropriate representations in the latent space for OoD detection. For density estimation, we use a Gaussian mixture model (GMM) with full covariance for each class. We can adapt the GMM parameters to in-distribution data in each task in a closed form by maximizing the likelihood. Since the closed form solution is differentiable, we can meta-learn the neural network efficiently with a stochastic gradient descent method by incorporating the solution into the meta-learning objective function. In experiments using six datasets, we demonstrate that the proposed method achieves better performance than existing meta-learning and OoD detection methods." 1328,Robust One Round Federated Learning with Predictive Space Bayesian Inference,"Making predictions robust is an important challenge. A separate challenge in federated learning (FL) is to reduce the number of communication rounds, particularly since doing so reduces performance in heterogeneous data settings. To tackle both issues, we take a Bayesian perspective on the problem of learning a global model. We show how the global predictive posterior can be approximated using client predictive posteriors. This is unlike other works which aggregate the local model space posteriors into the global model space posterior, and are susceptible to high approximation errors due to the posterior's high dimensional multimodal nature. In contrast, our method performs the aggregation on the predictive posteriors, which are typically easier to approximate owing to the low-dimensionality of the output space. We present an algorithm based on this idea, which performs MCMC sampling at each client to obtain an estimate of the local posterior, and then aggregates these in one round to obtain a global ensemble model. Through empirical evaluation on several classification and regression tasks, we show that despite using one round of communication, the method is competitive with other FL techniques, and outperforms them on heterogeneous settings. The code is publicly available at https://github.com/hasanmohsin/FedPredSpace_1Round." 1329,Multiple Testing Framework for Out-of-Distribution Detection,"We study the problem of Out-of-Distribution (OOD) detection, that is, detecting whether a learning algorithm's output can be trusted at inference time. While a number of tests for OOD detection have been proposed in prior work, a formal framework for studying this problem is lacking. We propose a definition for the notion of OOD that includes both the input distribution and the learning algorithm, which provides insights for the construction of powerful tests for OOD detection. We propose a multiple hypothesis testing inspired procedure to systematically combine any number of different statistics from the learning algorithm using conformal p-values. We further provide strong guarantees on the probability of incorrectly classifying an in-distribution sample as OOD. In our experiments, we find that threshold-based tests proposed in prior work perform well in specific settings, but not uniformly well across different types of OOD instances. In contrast, our proposed method that combines multiple statistics performs uniformly well across different datasets and neural networks." 1330,$C^*$-algebra Net: A New Approach Generalizing Neural Network Parameters to $C^*$-algebra,"We propose a new framework that generalizes the parameters of neural network models to $C^*$-algebra-valued ones. $C^*$-algebra is a generalization of the space of complex numbers. A typical example is the space of continuous functions on a compact space. This generalization enables us to combine multiple models continuously and use tools for functions such as regression and integration. Consequently, we can learn features of data efficiently and adapt the models to problems continuously. We apply our framework to practical problems such as density estimation and few-shot learning and show that our framework enables us to learn features of data even with a limited number of samples. Our new framework highlights the potential possibility of applying the theory of $C^*$-algebra to general neural network models." 1331,The Fallacy of AI Functionality,"Deployed AI systems often do not work. They can be constructed haphazardly, deployed indiscriminately, and promoted deceptively. However, despite this reality, scholars, the press, and policymakers pay too little attention to functionality. This leads to technical and policy solutions focused on ""ethical"" or value-aligned deployments, often skipping over the prior question of whether a given system functions, or provides any benefits at all. To describe the harms of various types of functionality failures, we analyze a set of case studies to create a taxonomy of known AI functionality issues. We then point to policy and organizational responses that are often overlooked and become more readily available once functionality is drawn into focus. We argue that functionality is a meaningful AI policy challenge, operating as a necessary first step towards protecting affected communities from algorithmic harm." 1332,Resource-Efficient Separation Transformer,"Transformers have recently achieved state-of-the-art performance in speech separation. These models, however, are computationally-demanding and require a lot of learnable parameters. This paper explores Transformer-based speech separation with a reduced computational cost. Our main contribution is the development of the Resource-Efficient Separation Transformer (RE-SepFormer), a self-attention-based architecture that reduces the computational burden in two ways. First, it uses non-overlapping blocks in the latent space. Second, it operates on compact latent summaries calculated from each chunk. The RE-SepFormer reaches a competitive performance on the popular WSJ0-2Mix and WHAM! datasets in both causal and non-causal settings. Remarkably, it scales significantly better than the previous Transformer and RNN-based architectures in terms of memory and inference-time, making it more suitable for processing long mixtures." 1333,Unbiased Teacher v2: Semi-supervised Object Detection for Anchor-free and Anchor-based Detectors,"With the recent development of Semi-Supervised Object Detection (SS-OD) techniques, object detectors can be improved by using a limited amount of labeled data and abundant unlabeled data. However, there are still two challenges that are not addressed: (1) there is no prior SS-OD work on anchor-free detectors, and (2) prior works are ineffective when pseudo-labeling bounding box regression. In this paper, we present Unbiased Teacher v2, which shows the generalization of SS-OD method to anchor-free detectors and also introduces Listen2Student mechanism for the unsupervised regression loss. Specifically, we first present a study examining the effectiveness of existing SS-OD methods on anchor-free detectors and find that they achieve much lower performance improvements under the semi-supervised setting. We also observe that box selection with centerness and the localization-based labeling used in anchor-free detectors cannot work well under the semi-supervised setting. On the other hand, our Listen2Student mechanism explicitly prevents misleading pseudo-labels in the training of bounding box regression; we specifically develop a novel pseudo-labeling selection mechanism based on the Teacher and Student's relative uncertainties. This idea contributes to favorable improvement in the regression branch in the semi-supervised setting. Our method, which works for both anchor-free and anchor-based methods, consistently performs favorably against the state-of-the-art methods in VOC, COCO-standard, and COCO-additional." 1334,Learning Multi-Task Transferable Rewards via Variational Inverse Reinforcement Learning,"Many robotic tasks are composed of a lot of temporally correlated sub-tasks in a highly complex environment. It is important to discover situational intentions and proper actions by deliberating on temporal abstractions to solve problems effectively. To understand the intention separated from changing task dynamics, we extend an empowerment-based regularization technique to situations with multiple tasks based on the framework of a generative adversarial network. Under the multitask environments with unknown dynamics, we focus on learning a reward and policy from the unlabeled expert examples. In this study, we define situational empowerment as the maximum of mutual information representing how an action conditioned on both a certain state and sub-task affects the future. Our proposed method derives the variational lower bound of the situational mutual information to optimize it. We simultaneously learn the transferable multi-task reward function and policy by adding an induced term to the objective function. By doing so, the multi-task reward function helps to learn a robust policy for environmental change. We validate the advantages of our approach on multi-task learning and multi-task transfer learning. We demonstrate our proposed method has the robustness of both randomness and changing task dynamics. Finally, we prove that our method has significantly better performance and data efficiency than existing imitation learning methods on various benchmarks." 1335,Integrated Weak Learning,"We introduce Integrated Weak Learning, a principled framework that integrates weak supervision into the training process of machine learning models. Our approach jointly trains the end-model and a label model that aggregates multiple sources of weak supervision. We introduce a label model that can learn to aggregate weak supervision sources differently for different datapoints and takes into consideration the performance of the end-model during training. We show that our approach outperforms existing weak learning techniques across a set of 6 benchmark classification datasets. When both a small amount of labeled data and weak supervision are present the increase in performance is both consistent and large, reliably getting a 2-5 point test F1 score gain over non-integrated methods." 1336,The Power of Regularization in Solving Extensive-Form Games,"In this paper, we investigate the power of regularization, a common technique in reinforcement learning and optimization, in solving extensive-form games (EFGs). We propose a series of new algorithms based on regularizing the payoff functions of the game, and establish a set of convergence results that strictly improve over the existing ones, with either weaker assumptions or stronger convergence guarantees. In particular, we first show that dilated optimistic mirror descent (DOMD), an efficient variant of OMD for solving EFGs, with adaptive regularization can achieve a fast $\tilde O(1/T)$ last-iterate convergence in terms of duality gap without the uniqueness assumption of the Nash equilibrium (NE). Moreover, regularized dilated optimistic multiplicative weights update (Reg-DOMWU), an instance of Reg-DOMD, further enjoys the $\tilde O(1/T)$ last-iterate convergence rate of the distance to the set of NE. This addresses an open question on whether iterate convergence can be obtained for OMWU algorithms without the uniqueness assumption in both the EFG and normal-form game literature. Second, we show that regularized counterfactual regret minimization (Reg-CFR), with a variant of optimistic mirror descent algorithm as regret-minimizer, can achieve $O(1/T^{1/4})$ best-iterate, and $O(1/T^{3/4})$ average-iterate convergence rate for finding NE in EFGs. Finally, we show that Reg-CFR can achieve asymptotic last-iterate convergence, and optimal $O(1/T)$ average-iterate convergence rate, for finding the NE of perturbed EFGs, which is useful for finding approximate extensive-form perfect equilibria (EFPE). To the best of our knowledge, they constitute the first last-iterate convergence results for CFR-type algorithms, while matching the SOTA average-iterate convergence rate in finding NE for non-perturbed EFGs. We also provide numerical results to corroborate the advantages of our algorithms." 1337,On the Limitations of Stochastic Pre-processing Defenses,"Defending against adversarial examples remains an open problem. A common belief is that randomness at inference increases the cost of finding adversarial inputs. An example of such a defense is to apply a random transformation to inputs prior to feeding them to the model. In this paper, we empirically and theoretically investigate such stochastic pre-processing defenses and demonstrate that they are flawed. First, we show that most stochastic defenses are weaker than previously thought; they lack sufficient randomness to withstand even standard attacks like projected gradient descent. This casts doubt on a long-held assumption that stochastic defenses invalidate attacks designed to evade deterministic defenses and force attackers to integrate the Expectation over Transformation (EOT) concept. Second, we show that stochastic defenses confront a trade-off between adversarial robustness and model invariance; they become less effective as the defended model acquires more invariance to their randomization. Future work will need to decouple these two effects. Our code is available in the supplementary material." 1338,Artificial intelligence system based on multi-value classification of fully connected neural network for construction management,"This study is devoted to solving the problem to determine the professional adaptive capabilities of construction management staff using artificial intelligence systems.It is proposed Fully Connected Feed-Forward Neural Network architecture and performed empirical modeling to create a Data Set. Model of artificial intelligence system allows evaluating the processes in an Fully Connected Feed-Forward Neural Network during the execution of multi-value classification of professional areas. A method has been developed for the training process of a machine learning model, which reflects the internal connections between the components of an artificial intelligence system that allow it to learn from training data. To train the neural network, a data set of 35 input parameters and 29 output parameters was used; the amount of data in the set is 936 data lines. Neural network training occurred in the proportion of 10% and 90%, respectively. Results of this study research can be used to further improve the knowledge and skills necessary for successful professional realization." 1339,An Analysis of the Admissibility of the Objective Functions Applied in Evolutionary Multi-objective Clustering,"A variety of clustering criteria has been applied as an objective function in Evolutionary Multi-Objective Clustering approaches (EMOCs). However, most EMOCs do not provide detailed analysis regarding the choice and usage of the objective functions. Aiming to support a better choice and definition of the objectives in the EMOCs, this paper proposes an analysis of the admissibility of the clustering criteria in evolutionary optimization by examining the search direction and its potential in finding optimal results. As a result, we demonstrate how the admissibility of the objective functions can influence the optimization. Furthermore, we provide insights regarding the combinations and usage of the clustering criteria in the EMOCs." 1340,Traffic-Twitter Transformer: A Nature Language Processing-joined Framework For Network-wide Traffic Forecasting,"With accurate and timely traffic forecasting, the impacted traffic conditions can be predicted in advance to guide agencies and residents to respond to changes in traffic patterns appropriately. However, existing works on traffic forecasting mainly relied on historical traffic patterns confining to short-term prediction, under 1 hour, for instance. To better manage future roadway capacity and accommodate social and human impacts, it is crucial to propose a flexible and comprehensive framework to predict physical-aware long-term traffic conditions for public users and transportation agencies. In this paper, the gap of robust long-term traffic forecasting was bridged by taking social media features into consideration. A correlation study and a linear regression model were first implemented to evaluate the significance of the correlation between two time-series data, traffic intensity and Twitter data intensity. Two time-series data were then fed into our proposed social-aware framework, Traffic-Twitter Transformer, which integrated Nature Language representations into time-series records for long-term traffic prediction. Experimental results in the Great Seattle Area showed that our proposed model outperformed baseline models in all evaluation matrices. This NLP-joined social-aware framework can become a valuable implement of network-wide traffic prediction and management for traffic agencies." 1341,Predicting Human Performance in Vertical Hierarchical Menu Selection in Immersive AR Using Hand-gesture and Head-gaze,"There are currently limited guidelines on designing user interfaces (UI) for immersive augmented reality (AR) applications. Designers must reflect on their experience designing UI for desktop and mobile applications and conjecture how a UI will influence AR users' performance. In this work, we introduce a predictive model for determining users' performance for a target UI without the subsequent involvement of participants in user studies. The model is trained on participants' responses to objective performance measures such as consumed endurance (CE) and pointing time (PT) using hierarchical drop-down menus. Large variability in the depth and context of the menus is ensured by randomly and dynamically creating the hierarchical drop-down menus and associated user tasks from words contained in the lexical database WordNet. Subjective performance bias is reduced by incorporating the users' non-verbal standard performance WAIS-IV during the model training. The semantic information of the menu is encoded using the Universal Sentence Encoder. We present the results of a user study that demonstrates that the proposed predictive model achieves high accuracy in predicting the CE on hierarchical menus of users with various cognitive abilities. To the best of our knowledge, this is the first work on predicting CE in designing UI for immersive AR applications." 1342,StudioGAN: A Taxonomy and Benchmark of GANs for Image Synthesis,"Generative Adversarial Network (GAN) is one of the state-of-the-art generative models for realistic image synthesis. While training and evaluating GAN becomes increasingly important, the current GAN research ecosystem does not provide reliable benchmarks for which the evaluation is conducted consistently and fairly. Furthermore, because there are few validated GAN implementations, researchers devote considerable time to reproducing baselines. We study the taxonomy of GAN approaches and present a new open-source library named StudioGAN. StudioGAN supports 7 GAN architectures, 9 conditioning methods, 4 adversarial losses, 13 regularization modules, 3 differentiable augmentations, 7 evaluation metrics, and 5 evaluation backbones. With our training and evaluation protocol, we present a large-scale benchmark using various datasets (CIFAR10, ImageNet, AFHQv2, FFHQ, and Baby/Papa/Granpa-ImageNet) and 3 different evaluation backbones (InceptionV3, SwAV, and Swin Transformer). Unlike other benchmarks used in the GAN community, we train representative GANs, including BigGAN, StyleGAN2, and StyleGAN3, in a unified training pipeline and quantify generation performance with 7 evaluation metrics. The benchmark evaluates other cutting-edge generative models(e.g., StyleGAN-XL, ADM, MaskGIT, and RQ-Transformer). StudioGAN provides GAN implementations, training, and evaluation scripts with the pre-trained weights. StudioGAN is available at https://github.com/POSTECH-CVLab/PyTorch-StudioGAN." 1343,Geometric Matrix Completion via Sylvester Multi-Graph Neural Network,"Despite the success of the Sylvester equation empowered methods on various graph mining applications, such as semi-supervised label learning and network alignment, there also exists several limitations. The Sylvester equation's inability of modeling non-linear relations and the inflexibility of tuning towards different tasks restrict its performance. In this paper, we propose an end-to-end neural framework, SYMGNN, which consists of a multi-network neural aggregation module and a prior multi-network association incorporation learning module. The proposed framework inherits the key ideas of the Sylvester equation, and meanwhile generalizes it to overcome aforementioned limitations. Empirical evaluations on real-world datasets show that the instantiations of SYMGNN overall outperform the baselines in geometric matrix completion task, and its low-rank instantiation could further reduce the memory consumption by 16.98\% on average." 1344,A Universal Adversarial Policy for Text Classifiers,"Discovering the existence of universal adversarial perturbations had large theoretical and practical impacts on the field of adversarial learning. In the text domain, most universal studies focused on adversarial prefixes which are added to all texts. However, unlike the vision domain, adding the same perturbation to different inputs results in noticeably unnatural inputs. Therefore, we introduce a new universal adversarial setup - a universal adversarial policy, which has many advantages of other universal attacks but also results in valid texts - thus making it relevant in practice. We achieve this by learning a single search policy over a predefined set of semantics preserving text alterations, on many texts. This formulation is universal in that the policy is successful in finding adversarial examples on new texts efficiently. Our approach uses text perturbations which were extensively shown to produce natural attacks in the non-universal setup (specific synonym replacements). We suggest a strong baseline approach for this formulation which uses reinforcement learning. It's ability to generalise (from as few as 500 training texts) shows that universal adversarial patterns exist in the text domain as well." 1345,All you need is feedback: Communication with block attention feedback codes,"Deep learning based channel code designs have recently gained interest as an alternative to conventional coding algorithms, particularly for channels for which existing codes do not provide effective solutions. Communication over a feedback channel is one such problem, for which promising results have recently been obtained by employing various deep learning architectures. In this paper, we introduce a novel learning-aided code design for feedback channels, called generalized block attention feedback (GBAF) codes, which i) employs a modular architecture that can be implemented using different neural network architectures; ii) provides order-of-magnitude improvements in the probability of error compared to existing designs; and iii) can transmit at desired code rates." 1346,Bounding Evidence and Estimating Log-Likelihood in VAE,"Many crucial problems in deep learning and statistics are caused by a variational gap, i.e., a difference between evidence and evidence lower bound (ELBO). As a consequence, in the classical VAE model, we obtain only the lower bound on the log-likelihood since ELBO is used as a cost function, and therefore we cannot compare log-likelihood between models. In this paper, we present a general and effective upper bound of the variational gap, which allows us to efficiently estimate the true evidence. We provide an extensive theoretical study of the proposed approach. Moreover, we show that by applying our estimation, we can easily obtain lower and upper bounds for the log-likelihood of VAE models." 1347,Data Augmentation vs. Equivariant Networks: A Theory of Generalization on Dynamics Forecasting,"Exploiting symmetry in dynamical systems is a powerful way to improve the generalization of deep learning. The model learns to be invariant to transformation and hence is more robust to distribution shift. Data augmentation and equivariant networks are two major approaches to injecting symmetry into learning. However, their exact role in improving generalization is not well understood. In this work, we derive the generalization bounds for data augmentation and equivariant networks, characterizing their effect on learning in a unified framework. Unlike most prior theories for the i.i.d. setting, we focus on non-stationary dynamics forecasting with complex temporal dependencies." 1348,SNN2ANN: A Fast and Memory-Efficient Training Framework for Spiking Neural Networks,"Spiking neural networks are efficient computation models for low-power environments. Spike-based BP algorithms and ANN-to-SNN (ANN2SNN) conversions are successful techniques for SNN training. Nevertheless, the spike-base BP training is slow and requires large memory costs. Though ANN2NN provides a low-cost way to train SNNs, it requires many inference steps to mimic the well-trained ANN for good performance. In this paper, we propose a SNN-to-ANN (SNN2ANN) framework to train the SNN in a fast and memory-efficient way. The SNN2ANN consists of 2 components: a) a weight sharing architecture between ANN and SNN and b) spiking mapping units. Firstly, the architecture trains the weight-sharing parameters on the ANN branch, resulting in fast training and low memory costs for SNN. Secondly, the spiking mapping units ensure that the activation values of the ANN are the spiking features. As a result, the classification error of the SNN can be optimized by training the ANN branch. Besides, we design an adaptive threshold adjustment (ATA) algorithm to address the noisy spike problem. Experiment results show that our SNN2ANN-based models perform well on the benchmark datasets (CIFAR10, CIFAR100, and Tiny-ImageNet). Moreover, the SNN2ANN can achieve comparable accuracy under 0.625x time steps, 0.377x training time, 0.27x GPU memory costs, and 0.33x spike activities of the Spike-based BP model." 1349,Compression and Data Similarity: Combination of Two Techniques for Communication-Efficient Solving of Distributed Variational Inequalities,"Variational inequalities are an important tool, which includes minimization, saddles, games, fixed-point problems. Modern large-scale and computationally expensive practical applications make distributed methods for solving these problems popular. Meanwhile, most distributed systems have a basic problem - a communication bottleneck. There are various techniques to deal with it. In particular, in this paper we consider a combination of two popular approaches: compression and data similarity. We show that this synergy can be more effective than each of the approaches separately in solving distributed smooth strongly monotonic variational inequalities. Experiments confirm the theoretical conclusions." 1350,Prevent Car Accidents by Using AI,"Transportation facilities are becoming more developed as society develops, and people's travel demand is increasing, but so are the traffic safety issues that arise as a result. And car accidents are a major issue all over the world. The cost of traffic fatalities and driver injuries has a significant impact on society. The use of machine learning techniques in the field of traffic accidents is becoming increasingly popular. Machine learning classifiers are used instead of traditional data mining techniques to produce better results and accuracy. As a result, this project conducts research on existing work related to accident prediction using machine learning. We will use crash data and weather data to train machine learning models to predict crash severity and reduce crashes." 1351,A generalized regionalization framework for geographical modelling and its application in spatial regression,"In presence of spatial heterogeneity, models applied to geographic data face a trade-off between producing general results and capturing local variations. Modelling at a regional scale may allow the identification of solutions that optimize both accuracy and generality. However, most current regionalization algorithms assume homogeneity in the attributes to delineate regions without considering the processes that generate the attributes. In this paper, we propose a generalized regionalization framework based on a two-item objective function which favors solutions with the highest overall accuracy while minimizing the number of regions. We introduce three regionalization algorithms, which extend previous methods that account for spatially constrained clustering. The effectiveness of the proposed framework is examined in regression experiments on both simulated and real data. The results show that a spatially implicit algorithm extended with an automatic post-processing procedure outperforms spatially explicit approaches. Our suggested framework contributes to better capturing the processes associated with spatial heterogeneity with potential applications in a wide range of geographical models." 1352,ADBench: Anomaly Detection Benchmark,"Given a long list of anomaly detection algorithms developed in the last few decades, how do they perform with regard to (i) varying levels of supervision, (ii) different types of anomalies, and (iii) noisy and corrupted data? In this work, we answer these key questions by conducting (to our best knowledge) the most comprehensive anomaly detection benchmark with 30 algorithms on 55 benchmark datasets, named ADBench. Our extensive experiments (93,654 in total) identify meaningful insights into the role of supervision and anomaly types, and unlock future directions for researchers in algorithm selection and design. With ADBench, researchers can easily conduct comprehensive and fair evaluations for newly proposed methods on the datasets (including our contributed ones from natural language and computer vision domains) against the existing baselines. To foster accessibility and reproducibility, we fully open-source ADBench and the corresponding results." 1353,Efficient End-to-End AutoML via Scalable Search Space Decomposition,"End-to-end AutoML has attracted intensive interests from both academia and industry which automatically searches for ML pipelines in a space induced by feature engineering, algorithm/model selection, and hyper-parameter tuning. Existing AutoML systems, however, suffer from scalability issues when applying to application domains with large, high-dimensional search spaces. We present VolcanoML, a scalable and extensible framework that facilitates systematic exploration of large AutoML search spaces. VolcanoML introduces and implements basic building blocks that decompose a large search space into smaller ones, and allows users to utilize these building blocks to compose an execution plan for the AutoML problem at hand. VolcanoML further supports a Volcano-style execution model -- akin to the one supported by modern database systems -- to execute the plan constructed. Our evaluation demonstrates that, not only does VolcanoML raise the level of expressiveness for search space decomposition in AutoML, it also leads to actual findings of decomposition strategies that are significantly more efficient than the ones employed by state-of-the-art AutoML systems such as auto-sklearn. This paper is the extended version of the initial VolcanoML paper appeared in VLDB 2021." 1354,Guarantees for Epsilon-Greedy Reinforcement Learning with Function Approximation,"Myopic exploration policies such as epsilon-greedy, softmax, or Gaussian noise fail to explore efficiently in some reinforcement learning tasks and yet, they perform well in many others. In fact, in practice, they are often selected as the top choices, due to their simplicity. But, for what tasks do such policies succeed? Can we give theoretical guarantees for their favorable performance? These crucial questions have been scarcely investigated, despite the prominent practical importance of these policies. This paper presents a theoretical analysis of such policies and provides the first regret and sample-complexity bounds for reinforcement learning with myopic exploration. Our results apply to value-function-based algorithms in episodic MDPs with bounded Bellman Eluder dimension. We propose a new complexity measure called myopic exploration gap, denoted by alpha, that captures a structural property of the MDP, the exploration policy and the given value function class. We show that the sample-complexity of myopic exploration scales quadratically with the inverse of this quantity, 1 / alpha^2. We further demonstrate through concrete examples that myopic exploration gap is indeed favorable in several tasks where myopic exploration succeeds, due to the corresponding dynamics and reward structure." 1355,Agricultural Plantation Classification using Transfer Learning Approach based on CNN,"Hyper-spectral images are images captured from a satellite that gives spatial and spectral information of specific region.A Hyper-spectral image contains much more number of channels as compared to a RGB image, hence containing more information about entities within the image. It makes them well suited for the classification of objects in a snap. In the past years, the efficiency of hyper-spectral image recognition has increased significantly with deep learning. The Convolution Neural Network(CNN) and Multi-Layer Perceptron(MLP) has demonstrated to be an excellent process of classifying images. However, they suffer from the issues of long training time and requirement of large amounts of the labeled data, to achieve the expected outcome. These issues become more complex while dealing with hyper-spectral images. To decrease the training time and reduce the dependence on large labeled data-set, we propose using the method of transfer learning.The features learned by CNN and MLP models are then used by the transfer learning model to solve a new classification problem on an unseen dataset. A detailed comparison of CNN and multiple MLP architectural models is performed, to determine an optimum architecture that suits best the objective. The results show that the scaling of layers not always leads to increase in accuracy but often leads to over-fitting, and also an increase in the training time.The training time is reduced to greater extent by applying the transfer learning approach rather than just approaching the problem by directly training a new model on large data-sets, without much affecting the accuracy." 1356,LordNet: Learning to Solve Parametric Partial Differential Equations without Simulated Data,"Neural operators, as a powerful approximation to the non-linear operators between infinite-dimensional function spaces, have proved to be promising in accelerating the solution of partial differential equations (PDE). However, it requires a large amount of simulated data which can be costly to collect, resulting in a chicken-egg dilemma and limiting its usage in solving PDEs. To jump out of the dilemma, we propose a general data-free paradigm where the neural network directly learns physics from the mean squared residual (MSR) loss constructed by the discretized PDE. We investigate the physical information in the MSR loss and identify the challenge that the neural network must have the capacity to model the long range entanglements in the spatial domain of the PDE, whose patterns vary in different PDEs. Therefore, we propose the low-rank decomposition network (LordNet) which is tunable and also efficient to model various entanglements. Specifically, LordNet learns a low-rank approximation to the global entanglements with simple fully connected layers, which extracts the dominant pattern with reduced computational cost. The experiments on solving Poisson's equation and Navier-Stokes equation demonstrate that the physical constraints by the MSR loss can lead to better accuracy and generalization ability of the neural network. In addition, LordNet outperforms other modern neural network architectures in both PDEs with the fewest parameters and the fastest inference speed. For Navier-Stokes equation, the learned operator is over 50 times faster than the finite difference solution with the same computational resources." 1357,Terrain Classification using Transfer Learning on Hyperspectral Images: A Comparative study,"A Hyperspectral image contains much more number of channels as compared to a RGB image, hence containing more information about entities within the image. The convolutional neural network (CNN) and the Multi-Layer Perceptron (MLP) have been proven to be an effective method of image classification. However, they suffer from the issues of long training time and requirement of large amounts of the labeled data, to achieve the expected outcome. These issues become more complex while dealing with hyperspectral images. To decrease the training time and reduce the dependence on large labeled dataset, we propose using the method of transfer learning. The hyperspectral dataset is preprocessed to a lower dimension using PCA, then deep learning models are applied to it for the purpose of classification. The features learned by this model are then used by the transfer learning model to solve a new classification problem on an unseen dataset. A detailed comparison of CNN and multiple MLP architectural models is performed, to determine an optimum architecture that suits best the objective. The results show that the scaling of layers not always leads to increase in accuracy but often leads to overfitting, and also an increase in the training time.The training time is reduced to greater extent by applying the transfer learning approach rather than just approaching the problem by directly training a new model on large datasets, without much affecting the accuracy." 1358,Towards Adversarial Attack on Vision-Language Pre-training Models,"While vision-language pre-training model (VLP) has shown revolutionary improvements on various vision-language (V+L) tasks, the studies regarding its adversarial robustness remain largely unexplored. This paper studied the adversarial attack on popular VLP models and V+L tasks. First, we analyzed the performance of adversarial attacks under different settings. By examining the influence of different perturbed objects and attack targets, we concluded some key observations as guidance on both designing strong multimodal adversarial attack and constructing robust VLP models. Second, we proposed a novel multimodal attack method on the VLP models called Collaborative Multimodal Adversarial Attack (Co-Attack), which collectively carries out the attacks on the image modality and the text modality. Experimental results demonstrated that the proposed method achieves improved attack performances on different V+L downstream tasks and VLP models. The analysis observations and novel attack method hopefully provide new understanding into the adversarial robustness of VLP models, so as to contribute their safe and reliable deployment in more real-world scenarios." 1359,Label and Distribution-discriminative Dual Representation Learning for Out-of-Distribution Detection,"To classify in-distribution samples, deep neural networks learn label-discriminative representations, which, however, are not necessarily distribution-discriminative according to the information bottleneck. Therefore, trained networks could assign unexpected high-confidence predictions to out-of-distribution samples drawn from distributions differing from that of in-distribution samples. Specifically, networks extract the strongly label-related information from in-distribution samples to learn the label-discriminative representations but discard the weakly label-related information. Accordingly, networks treat out-of-distribution samples with minimum label-sensitive information as in-distribution samples. According to the different informativeness properties of in- and out-of-distribution samples, a Dual Representation Learning (DRL) method learns distribution-discriminative representations that are weakly related to the labeling of in-distribution samples and combines label- and distribution-discriminative representations to detect out-of-distribution samples. For a label-discriminative representation, DRL constructs the complementary distribution-discriminative representation by an implicit constraint, i.e., integrating diverse intermediate representations where an intermediate representation less similar to the label-discriminative representation owns a higher weight. Experiments show that DRL outperforms the state-of-the-art methods for out-of-distribution detection." 1360,Scalable Neural Data Server: A Data Recommender for Transfer Learning,"Absence of large-scale labeled data in the practitioner's target domain can be a bottleneck to applying machine learning algorithms in practice. Transfer learning is a popular strategy for leveraging additional data to improve the downstream performance, but finding the most relevant data to transfer from can be challenging. Neural Data Server (NDS), a search engine that recommends relevant data for a given downstream task, has been previously proposed to address this problem. NDS uses a mixture of experts trained on data sources to estimate similarity between each source and the downstream task. Thus, the computational cost to each user grows with the number of sources. To address these issues, we propose Scalable Neural Data Server (SNDS), a large-scale search engine that can theoretically index thousands of datasets to serve relevant ML data to end users. SNDS trains the mixture of experts on intermediary datasets during initialization, and represents both data sources and downstream tasks by their proximity to the intermediary datasets. As such, computational cost incurred by SNDS users remains fixed as new datasets are added to the server. We validate SNDS on a plethora of real world tasks and find that data recommended by SNDS improves downstream task performance over baselines. We also demonstrate the scalability of SNDS by showing its ability to select relevant data for transfer outside of the natural image setting." 1361,Out-of-distribution Detection by Cross-class Vicinity Distribution of In-distribution Data,"Deep neural networks only learn to map in-distribution inputs to their corresponding ground truth labels in the training phase without differentiating out-of-distribution samples from in-distribution ones. This results from the assumption that all samples are independent and identically distributed without distributional distinction. Therefore, a pretrained network learned from the in-distribution samples treats out-of-distribution samples as in-distribution and makes high-confidence predictions on them in the test phase. To address this issue, we draw out-of-distribution samples from the vicinity distribution of training in-distribution samples for learning to reject the prediction on out-of-distribution inputs. A \textit{Cross-class Vicinity Distribution} is introduced by assuming that an out-of-distribution sample generated by mixing multiple in-distribution samples does not share the same classes of its constituents. We thus improve the discriminability of a pretrained network by finetuning it with out-of-distribution samples drawn from the cross-class vicinity distribution, where each out-of-distribution input corresponds to a complementary label. Experiments on various in-/out-of-distribution datasets show that the proposed method significantly outperforms existing methods in improving the capacity of discriminating between in- and out-of-distribution samples." 1362,Faster Sampling from Log-Concave Distributions over Polytopes via a Soft-Threshold Dikin Walk,"We consider the problem of sampling from a $d$-dimensional log-concave distribution $\pi(\theta) \propto e^{-f(\theta)}$ constrained to a polytope $K$ defined by $m$ inequalities. Our main result is a ""soft-threshold'' variant of the Dikin walk Markov chain that requires at most $O((md + d L^2 R^2) \times md^{\omega-1}) \log(\frac{w}{\delta}))$ arithmetic operations to sample from $\pi$ within error $\delta>0$ in the total variation distance from a $w$-warm start, where $L$ is the Lipschitz-constant of $f$, $K$ is contained in a ball of radius $R$ and contains a ball of smaller radius $r$, and $\omega$ is the matrix-multiplication constant. When a warm start is not available, it implies an improvement of $\tilde{O}(d^{3.5-\omega})$ arithmetic operations on the previous best bound for sampling from $\pi$ within total variation error $\delta$, which was obtained with the hit-and-run algorithm, in the setting where $K$ is a polytope given by $m=O(d)$ inequalities and $LR = O(\sqrt{d})$. When a warm start is available, our algorithm improves by a factor of $d^2$ arithmetic operations on the best previous bound in this setting, which was obtained for a different version of the Dikin walk algorithm. Plugging our Dikin walk Markov chain into the post-processing algorithm of Mangoubi and Vishnoi (2021), we achieve further improvements in the dependence of the running time for the problem of generating samples from $\pi$ with infinity distance bounds in the special case when $K$ is a polytope." 1363,Supervision Adaptation Balances In-Distribution Generalization and Out-of-Distribution Detection,"When there is a discrepancy between in-distribution (ID) samples and out-of-distribution (OOD) samples, deep neural networks trained on ID samples suffer from high-confidence prediction on OOD samples. This is primarily caused by unavailable OOD samples to constrain the networks in the training process. To improve the OOD sensitivity of deep networks, several state-of-the-art methods introduce samples from other real-world datasets as OOD samples to the training process and assign manually-determined labels to these OOD samples. However, they sacrifice the classification accuracy because the unreliable labeling of OOD samples would disrupt ID classification. To balance ID generalization and OOD detection, a major challenge to tackle is to make OOD samples compatible with ID ones, which is addressed by our proposed \textit{supervision adaptation} method in this paper to define adaptive supervision information for OOD samples. First, by measuring the dependency between ID samples and their labels through mutual information, we reveal the form of the supervision information in terms of the negative probabilities of all classes. Second, after exploring the data correlations between ID and OOD samples by solving multiple binary regression problems, we estimate the supervision information to make ID classes more separable. We perform experiments on four advanced network architectures with two ID datasets and eleven OOD datasets to demonstrate the balancing effect of our supervision adaptation method in achieving both the ID classification ability and the OOD detection capacity." 1364,0/1 Deep Neural Networks via Block Coordinate Descent,"The step function is one of the simplest and most natural activation functions for deep neural networks (DNNs). As it counts 1 for positive variables and 0 for others, its intrinsic characteristics (e.g., discontinuity and no viable information of subgradients) impede its development for several decades. Even if there is an impressive body of work on designing DNNs with continuous activation functions that can be deemed as surrogates of the step function, it is still in the possession of some advantageous properties, such as complete robustness to outliers and being capable of attaining the best learning-theoretic guarantee of predictive accuracy. Hence, in this paper, we aim to train DNNs with the step function used as an activation function (dubbed as 0/1 DNNs). We first reformulate 0/1 DNNs as an unconstrained optimization problem and then solve it by a block coordinate descend (BCD) method. Moreover, we acquire closed-form solutions for sub-problems of BCD as well as its convergence properties. Furthermore, we also integrate $\ell_{2,0}$-regularization into 0/1 DNN to accelerate the training process and compress the network scale. As a result, the proposed algorithm has a high performance on classifying MNIST and Fashion-MNIST datasets." 1365,Gray Learning from Non-IID Data with Out-of-distribution Samples,"The quality of the training data annotated by experts cannot be guaranteed, even more so for non-IID data consisting of both in- and out-of-distribution samples (i.e., in-distribution and out-of-distribution samples hold different distributions). Experts may mistakenly annotate out-of-distribution samples the same as in-distribution samples, incurring untrustworthy ground-truth labels. Learning such non-IID data mixing in- and out-of-distribution samples with untrustworthy labels significantly challenges both shallow and deep learning, with no relevant work reported. It would be possible to identify trustworthy complementary labels of a sample indicating which classes it does not belong to, because both in- and out-of-distribution samples do not belong to the classes except those corresponding to the ground-truth label. With this insight, we propose a novel \textit{gray learning} approach to robustly learn from non-IID data with both in- and out-of-distribution samples. Due to the uncertain distributions of training samples, we reject the complementary labels for low-confidence inputs while mapping high-confidence inputs to the ground-truth labels in training. Building on the statistical learning theory, we derive the generalization error which shows that gray learning achieves a tight bound on the non-IID data. Extensive experiments show that our method provides significant improvement over alternative methods from robust statistics." 1366,Frank-Wolfe-based Algorithms for Approximating Tyler's M-estimator,"Tyler's M-estimator is a well known procedure for robust and heavy-tailed covariance estimation. Tyler himself suggested an iterative fixed-point algorithm for computing his estimator however, it requires super-linear (in the size of the data) runtime per iteration, which may be prohibitive in large scale. In this work we propose, to the best of our knowledge, the first Frank-Wolfe-based algorithms for computing Tyler's estimator. One variant uses standard Frank-Wolfe steps, the second also considers \textit{away-steps} (AFW), and the third is a \textit{geodesic} version of AFW (GAFW). AFW provably requires, up to a log factor, only linear time per iteration, while GAFW runs in linear time (up to a log factor) in a large $n$ (number of data-points) regime. All three variants are shown to provably converge to the optimal solution with sublinear rate, under standard assumptions, despite the fact that the underlying optimization problem is not convex nor smooth. Under an additional fairly mild assumption, that holds with probability 1 when the (normalized) data-points are i.i.d. samples from a continuous distribution supported on the entire unit sphere, AFW and GAFW are proved to converge with linear rates. Importantly, all three variants are parameter-free and use adaptive step-sizes." 1367,Productive Reproducible Workflows for DNNs: A Case Study for Industrial Defect Detection,"As Deep Neural Networks (DNNs) have become an increasingly ubiquitous workload, the range of libraries and tooling available to aid in their development and deployment has grown significantly. Scalable, production quality tools are freely available under permissive licenses, and are accessible enough to enable even small teams to be very productive. However within the research community, awareness and usage of said tools is not necessarily widespread, and researchers may be missing out on potential productivity gains from exploiting the latest tools and workflows. This paper presents a case study where we discuss our recent experience producing an end-to-end artificial intelligence application for industrial defect detection. We detail the high level deep learning libraries, containerized workflows, continuous integration/deployment pipelines, and open source code templates we leveraged to produce a competitive result, matching the performance of other ranked solutions to our three target datasets. We highlight the value that exploiting such systems can bring, even for research, and detail our solution and present our best results in terms of accuracy and inference time on a server class GPU, as well as inference times on a server class CPU, and a Raspberry Pi 4." 1368,A Unified Understanding of Deep NLP Models for Text Classification,"The rapid development of deep natural language processing (NLP) models for text classification has led to an urgent need for a unified understanding of these models proposed individually. Existing methods cannot meet the need for understanding different models in one framework due to the lack of a unified measure for explaining both low-level (e.g., words) and high-level (e.g., phrases) features. We have developed a visual analysis tool, DeepNLPVis, to enable a unified understanding of NLP models for text classification. The key idea is a mutual information-based measure, which provides quantitative explanations on how each layer of a model maintains the information of input words in a sample. We model the intra- and inter-word information at each layer measuring the importance of a word to the final prediction as well as the relationships between words, such as the formation of phrases. A multi-level visualization, which consists of a corpus-level, a sample-level, and a word-level visualization, supports the analysis from the overall training set to individual samples. Two case studies on classification tasks and comparison between models demonstrate that DeepNLPVis can help users effectively identify potential problems caused by samples and model architectures and then make informed improvements." 1369,Quantifying Uncertainty In Traffic State Estimation Using Generative Adversarial Networks,"This paper aims to quantify uncertainty in traffic state estimation (TSE) using the generative adversarial network based physics-informed deep learning (PIDL). The uncertainty of the focus arises from fundamental diagrams, in other words, the mapping from traffic density to velocity. To quantify uncertainty for the TSE problem is to characterize the robustness of predicted traffic states. Since its inception, generative adversarial networks (GAN) have become a popular probabilistic machine learning framework. In this paper, we will inform the GAN based predictions using stochastic traffic flow models and develop a GAN based PIDL framework for TSE, named ``PhysGAN-TSE"". By conducting experiments on a real-world dataset, the Next Generation SIMulation (NGSIM) dataset, this method is shown to be more robust for uncertainty quantification than the pure GAN model or pure traffic flow models. Two physics models, the Lighthill-Whitham-Richards (LWR) and the Aw-Rascle-Zhang (ARZ) models, are compared as the physics components for the PhysGAN, and results show that the ARZ-based PhysGAN achieves a better performance than the LWR-based one." 1370,Nested bandits,"In many online decision processes, the optimizing agent is called to choose between large numbers of alternatives with many inherent similarities; in turn, these similarities imply closely correlated losses that may confound standard discrete choice models and bandit algorithms. We study this question in the context of nested bandits, a class of adversarial multi-armed bandit problems where the learner seeks to minimize their regret in the presence of a large number of distinct alternatives with a hierarchy of embedded (non-combinatorial) similarities. In this setting, optimal algorithms based on the exponential weights blueprint (like Hedge, EXP3, and their variants) may incur significant regret because they tend to spend excessive amounts of time exploring irrelevant alternatives with similar, suboptimal costs. To account for this, we propose a nested exponential weights (NEW) algorithm that performs a layered exploration of the learner's set of alternatives based on a nested, step-by-step selection method. In so doing, we obtain a series of tight bounds for the learner's regret showing that online learning problems with a high degree of similarity between alternatives can be resolved efficiently, without a red bus / blue bus paradox occurring." 1371,Fairness-aware Model-agnostic Positive and Unlabeled Learning,"With the increasing application of machine learning in high-stake decision-making problems, potential algorithmic bias towards people from certain social groups poses negative impacts on individuals and our society at large. In the real-world scenario, many such problems involve positive and unlabeled data such as medical diagnosis, criminal risk assessment and recommender systems. For instance, in medical diagnosis, only the diagnosed diseases will be recorded (positive) while others will not (unlabeled). Despite the large amount of existing work on fairness-aware machine learning in the (semi-)supervised and unsupervised settings, the fairness issue is largely under-explored in the aforementioned Positive and Unlabeled Learning (PUL) context, where it is usually more severe. In this paper, to alleviate this tension, we propose a fairness-aware PUL method named FairPUL. In particular, for binary classification over individuals from two populations, we aim to achieve similar true positive rates and false positive rates in both populations as our fairness metric. Based on the analysis of the optimal fair classifier for PUL, we design a model-agnostic post-processing framework, leveraging both the positive examples and unlabeled ones. Our framework is proven to be statistically consistent in terms of both the classification error and the fairness metric. Experiments on the synthetic and real-world data sets demonstrate that our framework outperforms state-of-the-art in both PUL and fair classification." 1372,Finding Diverse and Predictable Subgraphs for Graph Domain Generalization,"This paper focuses on out-of-distribution generalization on graphs where performance drops due to the unseen distribution shift. Previous graph domain generalization works always resort to learning an invariant predictor among different source domains. However, they assume sufficient source domains are available during training, posing huge challenges for realistic applications. By contrast, we propose a new graph domain generalization framework, dubbed as DPS, by constructing multiple populations from the source domains. Specifically, DPS aims to discover multiple \textbf{D}iverse and \textbf{P}redictable \textbf{S}ubgraphs with a set of generators, namely, subgraphs are different from each other but all the them share the same semantics with the input graph. These generated source domains are exploited to learn an \textit{equi-predictive} graph neural network (GNN) across domains, which is expected to generalize well to unseen target domains. Generally, DPS is model-agnostic that can be incorporated with various GNN backbones. Extensive experiments on both node-level and graph-level benchmarks shows that the proposed DPS achieves impressive performance for various graph domain generalization tasks." 1373,Bayesian Optimization under Stochastic Delayed Feedback,"Bayesian optimization (BO) is a widely-used sequential method for zeroth-order optimization of complex and expensive-to-compute black-box functions. The existing BO methods assume that the function evaluation (feedback) is available to the learner immediately or after a fixed delay. Such assumptions may not be practical in many real-life problems like online recommendations, clinical trials, and hyperparameter tuning where feedback is available after a random delay. To benefit from the experimental parallelization in these problems, the learner needs to start new function evaluations without waiting for delayed feedback. In this paper, we consider the BO under stochastic delayed feedback problem. We propose algorithms with sub-linear regret guarantees that efficiently address the dilemma of selecting new function queries while waiting for randomly delayed feedback. Building on our results, we also make novel contributions to batch BO and contextual Gaussian process bandits. Experiments on synthetic and real-life datasets verify the performance of our algorithms." 1374,An Embedded Feature Selection Framework for Control,"Reducing sensor requirements while keeping optimal control performance is crucial to many industrial control applications to achieve robust, low-cost, and computation-efficient controllers. However, existing feature selection solutions for the typical machine learning domain can hardly be applied in the domain of control with changing dynamics. In this paper, a novel framework, namely the Dual-world embedded Attentive Feature Selection (D-AFS), can efficiently select the most relevant sensors for the system under dynamic control. Rather than the one world used in most Deep Reinforcement Learning (DRL) algorithms, D-AFS has both the real world and its virtual peer with twisted features. By analyzing the DRL's response in two worlds, D-AFS can quantitatively identify respective features' importance towards control. A well-known active flow control problem, cylinder drag reduction, is used for evaluation. Results show that D-AFS successfully finds an optimized five-probes layout with 18.7\% drag reduction than the state-of-the-art solution with 151 probes and 49.2\% reduction than five-probes layout by human experts. We also apply this solution to four OpenAI classical control cases. In all cases, D-AFS achieves the same or better sensor configurations than originally provided solutions. Results highlight, we argued, a new way to achieve efficient and optimal sensor designs for experimental or industrial systems. Our source codes are made publicly available at https://github.com/G-AILab/DAFSFluid." 1375,Generational Differences in Automobility: Comparing America's Millennials and Gen Xers Using Gradient Boosting Decision Trees,"Whether the Millennials are less auto-centric than the previous generations has been widely discussed in the literature. Most existing studies use regression models and assume that all factors are linear-additive in contributing to the young adults' driving behaviors. This study relaxes this assumption by applying a non-parametric statistical learning method, namely the gradient boosting decision trees (GBDT). Using U.S. nationwide travel surveys for 2001 and 2017, this study examines the non-linear dose-response effects of lifecycle, socio-demographic and residential factors on daily driving distances of Millennial and Gen-X young adults. Holding all other factors constant, Millennial young adults had shorter predicted daily driving distances than their Gen-X counterparts. Besides, residential and economic factors explain around 50% of young adults' daily driving distances, while the collective contributions for life course events and demographics are about 33%. This study also identifies the density ranges for formulating effective land use policies aiming at reducing automobile travel demand." 1376,LogGENE: A smooth alternative to check loss for Deep Healthcare Inference Tasks,"High-throughput Genomics is ushering a new era in personalized health care, and targeted drug design and delivery. Mining these large datasets, and obtaining calibrated predictions is of immediate relevance and utility. In our work, we develop methods for Gene Expression Inference based on Deep neural networks. However, unlike typical Deep learning methods, our inferential technique, while achieving state-of-the-art performance in terms of accuracy, can also provide explanations, and report uncertainty estimates. We adopt the Quantile Regression framework to predict full conditional quantiles for a given set of house keeping gene expressions. Conditional quantiles, in addition to being useful in providing rich interpretations of the predictions, are also robust to measurement noise. However, check loss, used in quantile regression to drive the estimation process is not differentiable. We propose log-cosh as a smooth-alternative to the check loss. We apply our methods on GEO microarray dataset. We also extend the method to binary classification setting. Furthermore, we investigate other consequences of the smoothness of the loss in faster convergence." 1377,A Survey on Model-based Reinforcement Learning,"Reinforcement learning (RL) solves sequential decision-making problems via a trial-and-error process interacting with the environment. While RL achieves outstanding success in playing complex video games that allow huge trial-and-error, making errors is always undesired in the real world. To improve the sample efficiency and thus reduce the errors, model-based reinforcement learning (MBRL) is believed to be a promising direction, which builds environment models in which the trial-and-errors can take place without real costs. In this survey, we take a review of MBRL with a focus on the recent progress in deep RL. For non-tabular environments, there is always a generalization error between the learned environment model and the real environment. As such, it is of great importance to analyze the discrepancy between policy training in the environment model and that in the real environment, which in turn guides the algorithm design for better model learning, model usage, and policy training. Besides, we also discuss the recent advances of model-based techniques in other forms of RL, including offline RL, goal-conditioned RL, multi-agent RL, and meta-RL. Moreover, we discuss the applicability and advantages of MBRL in real-world tasks. Finally, we end this survey by discussing the promising prospects for the future development of MBRL. We think that MBRL has great potential and advantages in real-world applications that were overlooked, and we hope this survey could attract more research on MBRL." 1378,Adversarially trained neural representations may already be as robust as corresponding biological neural representations,"Visual systems of primates are the gold standard of robust perception. There is thus a general belief that mimicking the neural representations that underlie those systems will yield artificial visual systems that are adversarially robust. In this work, we develop a method for performing adversarial visual attacks directly on primate brain activity. We then leverage this method to demonstrate that the above-mentioned belief might not be well founded. Specifically, we report that the biological neurons that make up visual systems of primates exhibit susceptibility to adversarial perturbations that is comparable in magnitude to existing (robustly trained) artificial neural networks." 1379,Characterizing and Mitigating the Difficulty in Training Physics-informed Artificial Neural Networks under Pointwise Constraints,"Neural networks can be used to learn the solution of partial differential equations (PDEs) on arbitrary domains without requiring a computational mesh. Common approaches integrate differential operators in training neural networks using a structured loss function. The most common training algorithm for neural networks is backpropagation which relies on the gradient of the loss function with respect to the parameters of the network. In this work, we characterize the difficulty of training neural networks on physics by investigating the impact of differential operators in corrupting the back propagated gradients. Particularly, we show that perturbations present in the output of a neural network model during early stages of training lead to higher levels of noise in a structured loss function that is composed of high-order differential operators. These perturbations consequently corrupt the back-propagated gradients and impede convergence. We mitigate this issue by introducing auxiliary flux parameters to obtain a system of first-order differential equations. We formulate a non-linear unconstrained optimization problem using the augmented Lagrangian method that properly constrains the boundary conditions and adaptively focus on regions of higher gradients that are difficult to learn. We apply our approach to learn the solution of various benchmark PDE problems and demonstrate orders of magnitude improvement over existing approaches." 1380,TrafficFlowGAN: Physics-informed Flow based Generative Adversarial Network for Uncertainty Quantification,"This paper proposes the TrafficFlowGAN, a physics-informed flow based generative adversarial network (GAN), for uncertainty quantification (UQ) of dynamical systems. TrafficFlowGAN adopts a normalizing flow model as the generator to explicitly estimate the data likelihood. This flow model is trained to maximize the data likelihood and to generate synthetic data that can fool a convolutional discriminator. We further regularize this training process using prior physics information, so-called physics-informed deep learning (PIDL). To the best of our knowledge, we are the first to propose an integration of flow, GAN and PIDL for the UQ problems. We take the traffic state estimation (TSE), which aims to estimate the traffic variables (e.g. traffic density and velocity) using partially observed data, as an example to demonstrate the performance of our proposed model. We conduct numerical experiments where the proposed model is applied to learn the solutions of stochastic differential equations. The results demonstrate the robustness and accuracy of the proposed model, together with the ability to learn a machine learning surrogate model. We also test it on a real-world dataset, the Next Generation SIMulation (NGSIM), to show that the proposed TrafficFlowGAN can outperform the baselines, including the pure flow model, the physics-informed flow model, and the flow based GAN model." 1381,FRAPPE: $\underline{\text{F}}$ast $\underline{\text{Ra}}$nk $\underline{\text{App}}$roximation with $\underline{\text{E}}$xplainable Features for Tensors,"Tensor decompositions have proven to be effective in analyzing the structure of multidimensional data. However, most of these methods require a key parameter: the number of desired components. In the case of the CANDECOMP/PARAFAC decomposition (CPD), this value is known as the canonical rank and greatly affects the quality of the results. Existing methods use heuristics or Bayesian methods to estimate this value by repeatedly calculating the CPD, making them extremely computationally expensive. In this work, we propose FRAPPE and Self-FRAPPE: a cheaply supervised and a self-supervised method to estimate the canonical rank of a tensor without ever having to compute the CPD. We call FRAPPE cheaply supervised because it uses a fully synthetic training set without requiring real-world examples. We evaluate these methods on synthetic tensors, real tensors of known rank, and the weight tensor of a convolutional neural network. We show that FRAPPE and Self-FRAPPE offer large improvements in both effectiveness and speed, with a respective $15\%$ and $10\%$ improvement in MAPE and an $4000\times$ and $13\times$ improvement in evaluation speed over the best-performing baseline." 1382,Knowledge Learning with Crowdsourcing: A Brief Review and Systematic Perspective,"Big data have the characteristics of enormous volume, high velocity, diversity, value-sparsity, and uncertainty, which lead the knowledge learning from them full of challenges. With the emergence of crowdsourcing, versatile information can be obtained on-demand so that the wisdom of crowds is easily involved to facilitate the knowledge learning process. During the past thirteen years, researchers in the AI community made great efforts to remove the obstacles in the field of learning from crowds. This concentrated survey paper comprehensively reviews the technical progress in crowdsourcing learning from a systematic perspective that includes three dimensions of data, models, and learning processes. In addition to reviewing existing important work, the paper places a particular emphasis on providing some promising blueprints on each dimension as well as discussing the lessons learned from our past research work, which will light up the way for new researchers and encourage them to pursue new contributions." 1383,Robust Imitation Learning against Variations in Environment Dynamics,"In this paper, we propose a robust imitation learning (IL) framework that improves the robustness of IL when environment dynamics are perturbed. The existing IL framework trained in a single environment can catastrophically fail with perturbations in environment dynamics because it does not capture the situation that underlying environment dynamics can be changed. Our framework effectively deals with environments with varying dynamics by imitating multiple experts in sampled environment dynamics to enhance the robustness in general variations in environment dynamics. In order to robustly imitate the multiple sample experts, we minimize the risk with respect to the Jensen-Shannon divergence between the agent's policy and each of the sample experts. Numerical results show that our algorithm significantly improves robustness against dynamics perturbations compared to conventional IL baselines." 1384,"Laziness, Barren Plateau, and Noise in Machine Learning","We define \emph{laziness} to describe a large suppression of variational parameter updates for neural networks, classical or quantum. In the quantum case, the suppression is exponential in the number of qubits for randomized variational quantum circuits. We discuss the difference between laziness and \emph{barren plateau} in quantum machine learning created by quantum physicists in \cite{mcclean2018barren} for the flatness of the loss function landscape during gradient descent. We address a novel theoretical understanding of those two phenomena in light of the theory of neural tangent kernels. For noiseless quantum circuits, without the measurement noise, the loss function landscape is complicated in the overparametrized regime with a large number of trainable variational angles. Instead, around a random starting point in optimization, there are large numbers of local minima that are good enough and could minimize the mean square loss function, where we still have quantum laziness, but we do not have barren plateaus. However, the complicated landscape is not visible within a limited number of iterations, and low precision in quantum control and quantum sensing. Moreover, we look at the effect of noises during optimization by assuming intuitive noise models, and show that variational quantum algorithms are noise-resilient in the overparametrization regime. Our work precisely reformulates the quantum barren plateau statement towards a precision statement and justifies the statement in certain noise models, injects new hope toward near-term variational quantum algorithms, and provides theoretical connections toward classical machine learning. Our paper provides conceptual perspectives about quantum barren plateaus, together with discussions about the gradient descent dynamics in \cite{together}." 1385,Primal Estimated Subgradient Solver for SVM for Imbalanced Classification,"We aim to demonstrate in experiments that our cost sensitive PEGASOS SVM balances achieve good performance on imbalanced data sets with a Majority to Minority Ratio ranging from 8.6 to one through 130 to one. We evaluate the performance by examining the learning curves. We will also examine the effect of varying the hyperparameters via validation curves. We compare our PEGASOS Cost-Sensitive SVM's results on three of the datasets Ding analyzed using his LINEAR SVM DECIDL method. We will use Python rather than MATLAB as python has dictionaries for storing mixed data types during multi-parameter cross-validation." 1386,Adversarial Scrutiny of Evidentiary Statistical Software,"The U.S. criminal legal system increasingly relies on software output to convict and incarcerate people. In a large number of cases each year, the government makes these consequential decisions based on evidence from statistical software -- such as probabilistic genotyping, environmental audio detection, and toolmark analysis tools -- that defense counsel cannot fully cross-examine or scrutinize. This undermines the commitments of the adversarial criminal legal system, which relies on the defense's ability to probe and test the prosecution's case to safeguard individual rights. Responding to this need to adversarially scrutinize output from such software, we propose robust adversarial testing as an audit framework to examine the validity of evidentiary statistical software. We define and operationalize this notion of robust adversarial testing for defense use by drawing on a large body of recent work in robust machine learning and algorithmic fairness. We demonstrate how this framework both standardizes the process for scrutinizing such tools and empowers defense lawyers to examine their validity for instances most relevant to the case at hand. We further discuss existing structural and institutional challenges within the U.S. criminal legal system that may create barriers for implementing this and other such audit frameworks and close with a discussion on policy changes that could help address these concerns." 1387,Enforcing Continuous Physical Symmetries in Deep Learning Network for Solving Partial Differential Equations,"As a typical {application} of deep learning, physics-informed neural network (PINN) {has been} successfully used to find numerical solutions of partial differential equations (PDEs), but how to improve the limited accuracy is still a great challenge for PINN. In this work, we introduce a new method, symmetry-enhanced physics informed neural network (SPINN) where the invariant surface conditions induced by the Lie symmetries of PDEs are embedded into the loss function of PINN, for improving the accuracy of PINN. We test the effectiveness of SPINN via two groups of ten independent numerical experiments for the heat equation, Korteweg-de Vries (KdV) equation and potential Burgers {equations} respectively, which shows that SPINN performs better than PINN with fewer training points and simpler architecture of neural network. Furthermore, we discuss the computational overhead of SPINN in terms of the relative computational cost to PINN and show that the training time of SPINN has no obvious increases, even less than PINN for some cases." 1388,AutoGML: Fast Automatic Model Selection for Graph Machine Learning,"Given a graph learning task, such as link prediction, on a new graph dataset, how can we automatically select the best method as well as its hyperparameters (collectively called a model)? Model selection for graph learning has been largely ad hoc. A typical approach has been to apply popular methods to new datasets, but this is often suboptimal. On the other hand, systematically comparing models on the new graph quickly becomes too costly, or even impractical. In this work, we develop the first meta-learning approach for automatic graph machine learning, called AutoGML, which capitalizes on the prior performances of a large body of existing methods on benchmark graph datasets, and carries over this prior experience to automatically select an effective model to use for the new graph, without any model training or evaluations. To capture the similarity across graphs from different domains, we introduce specialized meta-graph features that quantify the structural characteristics of a graph. Then we design a meta-graph that represents the relations among models and graphs, and develop a graph meta-learner operating on the meta-graph, which estimates the relevance of each model to different graphs. Through extensive experiments, we show that using AutoGML to select a method for the new graph significantly outperforms consistently applying popular methods as well as several existing meta-learners, while being extremely fast at test time." 1389,Scalable Classifier-Agnostic Channel Selection for MTSC,"Accuracy is a key focus of current work in time series classification. However, speed and data reduction in many applications is equally important, especially when the data scale and storage requirements increase rapidly. Current MTSC algorithms need hundreds of compute hours to complete training and prediction. This is due to the nature of multivariate time series data, which grows with the number of time series, their length and the number of channels. In many applications, not all the channels are useful for the classification task; hence we require methods that can efficiently select useful channels and thus save computational resources. We propose and evaluate two methods for channel selection. Our techniques work by representing each class by a prototype time series and performing channel selection based on the prototype distance between classes. The main hypothesis is that useful channels enable better separation between classes; hence, channels with the higher distance between class prototypes are more useful. On the UEA Multivariate Time Series Classification (MTSC) benchmark, we show that these techniques achieve significant data reduction and classifier speedup for similar levels of classification accuracy. Channel selection is applied as a pre-processing step before training state-of-the-art MTSC algorithms and saves about 70\% of computation time and data storage, with preserved accuracy. Furthermore, our methods enable even efficient classifiers, such as ROCKET, to achieve better accuracy than using no channel selection or forward channel selection. To further study the impact of our techniques, we present experiments on classifying synthetic multivariate time series datasets with more than 100 channels, as well as a real-world case study on a dataset with 50 channels. Our channel selection methods lead to significant data reduction with preserved or improved accuracy." 1390,DECK: Model Hardening for Defending Pervasive Backdoors,"Pervasive backdoors are triggered by dynamic and pervasive input perturbations. They can be intentionally injected by attackers or naturally exist in normally trained models. They have a different nature from the traditional static and localized backdoors that can be triggered by perturbing a small input area with some fixed pattern, e.g., a patch with solid color. Existing defense techniques are highly effective for traditional backdoors. However, they may not work well for pervasive backdoors, especially regarding backdoor removal and model hardening. In this paper, we propose a novel model hardening technique against pervasive backdoors, including both natural and injected backdoors. We develop a general pervasive attack based on an encoder-decoder architecture enhanced with a special transformation layer. The attack can model a wide range of existing pervasive backdoor attacks and quantify them by class distances. As such, using the samples derived from our attack in adversarial training can harden a model against these backdoor vulnerabilities. Our evaluation on 9 datasets with 15 model structures shows that our technique can enlarge class distances by 59.65% on average with less than 1% accuracy degradation and no robustness loss, outperforming five hardening techniques such as adversarial training, universal adversarial training, MOTH, etc. It can reduce the attack success rate of six pervasive backdoor attacks from 99.06% to 1.94%, surpassing seven state-of-the-art backdoor removal techniques." 1391,Pisces: Efficient Federated Learning via Guided Asynchronous Training,"Federated learning (FL) is typically performed in a synchronous parallel manner, where the involvement of a slow client delays a training iteration. Current FL systems employ a participant selection strategy to select fast clients with quality data in each iteration. However, this is not always possible in practice, and the selection strategy often has to navigate an unpleasant trade-off between the speed and the data quality of clients. In this paper, we present Pisces, an asynchronous FL system with intelligent participant selection and model aggregation for accelerated training. To avoid incurring excessive resource cost and stale training computation, Pisces uses a novel scoring mechanism to identify suitable clients to participate in a training iteration. It also adapts the pace of model aggregation to dynamically bound the progress gap between the selected clients and the server, with a provable convergence guarantee in a smooth non-convex setting. We have implemented Pisces in an open-source FL platform called Plato, and evaluated its performance in large-scale experiments with popular vision and language models. Pisces outperforms the state-of-the-art synchronous and asynchronous schemes, accelerating the time-to-accuracy by up to 2.0x and 1.9x, respectively." 1392,Motley: Benchmarking Heterogeneity and Personalization in Federated Learning,"Personalized federated learning considers learning models unique to each client in a heterogeneous network. The resulting client-specific models have been purported to improve metrics such as accuracy, fairness, and robustness in federated networks. However, despite a plethora of work in this area, it remains unclear: (1) which personalization techniques are most effective in various settings, and (2) how important personalization truly is for realistic federated applications. To better answer these questions, we propose Motley, a benchmark for personalized federated learning. Motley consists of a suite of cross-device and cross-silo federated datasets from varied problem domains, as well as thorough evaluation metrics for better understanding the possible impacts of personalization. We establish baselines on the benchmark by comparing a number of representative personalized federated learning methods. These initial results highlight strengths and weaknesses of existing approaches, and raise several open questions for the community. Motley aims to provide a reproducible means with which to advance developments in personalized and heterogeneity-aware federated learning, as well as the related areas of transfer learning, meta-learning, and multi-task learning." 1393,Machine Learning in Sports: A Case Study on Using Explainable Models for Predicting Outcomes of Volleyball Matches,"Machine Learning has become an integral part of engineering design and decision making in several domains, including sports. Deep Neural Networks (DNNs) have been the state-of-the-art methods for predicting outcomes of professional sports events. However, apart from getting highly accurate predictions on these sports events outcomes, it is necessary to answer questions such as ""Why did the model predict that Team A would win Match X against Team B?"" DNNs are inherently black-box in nature. Therefore, it is required to provide high-quality interpretable, and understandable explanations for a model's prediction in sports. This paper explores a two-phased Explainable Artificial Intelligence(XAI) approach to predict outcomes of matches in the Brazilian volleyball League (SuperLiga). In the first phase, we directly use the interpretable rule-based ML models that provide a global understanding of the model's behaviors based on Boolean Rule Column Generation (BRCG; extracts simple AND-OR classification rules) and Logistic Regression (LogReg; allows to estimate the feature importance scores). In the second phase, we construct non-linear models such as Support Vector Machine (SVM) and Deep Neural Network (DNN) to obtain predictive performance on the volleyball matches' outcomes. We construct the ""post-hoc"" explanations for each data instance using ProtoDash, a method that finds prototypes in the training dataset that are most similar to the test instance, and SHAP, a method that estimates the contribution of each feature on the model's prediction. We evaluate the SHAP explanations using the faithfulness metric. Our results demonstrate the effectiveness of the explanations for the model's predictions." 1394,Optimal Dynamic Regret in LQR Control,"We consider the problem of nonstochastic control with a sequence of quadratic losses, i.e., LQR control. We provide an efficient online algorithm that achieves an optimal dynamic (policy) regret of $\tilde{O}(\text{max}\{n^{1/3} \mathcal{TV}(M_{1:n})^{2/3}, 1\})$, where $\mathcal{TV}(M_{1:n})$ is the total variation of any oracle sequence of Disturbance Action policies parameterized by $M_1,...,M_n$ -- chosen in hindsight to cater to unknown nonstationarity. The rate improves the best known rate of $\tilde{O}(\sqrt{n (\mathcal{TV}(M_{1:n})+1)} )$ for general convex losses and we prove that it is information-theoretically optimal for LQR. Main technical components include the reduction of LQR to online linear regression with delayed feedback due to Foster and Simchowitz (2020), as well as a new proper learning algorithm with an optimal $\tilde{O}(n^{1/3})$ dynamic regret on a family of ``minibatched'' quadratic losses, which could be of independent interest." 1395,Multistream Gaze Estimation with Anatomical Eye Region Isolation by Synthetic to Real Transfer Learning,"We propose a novel neural pipeline, MSGazeNet, that learns gaze representations by taking advantage of the eye anatomy information through a multistream framework. Our proposed solution comprises two components, first a network for isolating anatomical eye regions, and a second network for multistream gaze estimation. The eye region isolation is performed with a U-Net style network which we train using a synthetic dataset that contains eye region masks for the visible eyeball and the iris region. The synthetic dataset used in this stage is a new dataset consisting of 60,000 eye images, which we create using an eye-gaze simulator, UnityEyes. Successive to training, the eye region isolation network is then transferred to the real domain for generating masks for the real-world eye images. In order to successfully make the transfer, we exploit domain randomization in the training process, which allows for the synthetic images to benefit from a larger variance with the help of augmentations that resemble artifacts. The generated eye region masks along with the raw eye images are then used together as a multistream input to our gaze estimation network. We evaluate our framework on three benchmark gaze estimation datasets, MPIIGaze, Eyediap, and UTMultiview, where we set a new state-of-the-art on Eyediap and UTMultiview datasets by obtaining a performance gain of 7.57% and 1.85% respectively, while achieving competitive performance on MPIIGaze. We also study the robustness of our method with respect to the noise in the data and demonstrate that our model is less sensitive to noisy data. Lastly, we perform a variety of experiments including ablation studies to evaluate the contribution of different components and design choices in our solution." 1396,Mutation-Driven Follow the Regularized Leader for Last-Iterate Convergence in Zero-Sum Games,"In this study, we consider a variant of the Follow the Regularized Leader (FTRL) dynamics in two-player zero-sum games. FTRL is guaranteed to converge to a Nash equilibrium when time-averaging the strategies, while a lot of variants suffer from the issue of limit cycling behavior, i.e., lack the last-iterate convergence guarantee. To this end, we propose mutant FTRL (M-FTRL), an algorithm that introduces mutation for the perturbation of action probabilities. We then investigate the continuous-time dynamics of M-FTRL and provide the strong convergence guarantees toward stationary points that approximate Nash equilibria under full-information feedback. Furthermore, our simulation demonstrates that M-FTRL can enjoy faster convergence rates than FTRL and optimistic FTRL under full-information feedback and surprisingly exhibits clear convergence under bandit feedback." 1397,Reduced Robust Random Cut Forest for Out-Of-Distribution detection in machine learning models,"Most machine learning-based regressors extract information from data collected via past observations of limited length to make predictions in the future. Consequently, when input to these trained models is data with significantly different statistical properties from data used for training, there is no guarantee of accurate prediction. Consequently, using these models on out-of-distribution input data may result in a completely different predicted outcome from the desired one, which is not only erroneous but can also be hazardous in some cases. Successful deployment of these machine learning models in any system requires a detection system, which should be able to distinguish between out-of-distribution and in-distribution data (i.e. similar to training data). In this paper, we introduce a novel approach for this detection process using a Reduced Robust Random Cut Forest (RRRCF) data structure, which can be used on both small and large data sets. Similar to the Robust Random Cut Forest (RRCF), RRRCF is a structured, but a reduced representation of the training data sub-space in form of cut trees. Empirical results of this method on both low and high-dimensional data showed that inference about data being in/out of training distribution can be made efficiently and the model is easy to train with no difficult hyper-parameter tuning. The paper discusses two different use-cases for testing and validating results." 1398,"GaLeNet: Multimodal Learning for Disaster Prediction, Management and Relief","After a natural disaster, such as a hurricane, millions are left in need of emergency assistance. To allocate resources optimally, human planners need to accurately analyze data that can flow in large volumes from several sources. This motivates the development of multimodal machine learning frameworks that can integrate multiple data sources and leverage them efficiently. To date, the research community has mainly focused on unimodal reasoning to provide granular assessments of the damage. Moreover, previous studies mostly rely on post-disaster images, which may take several days to become available. In this work, we propose a multimodal framework (GaLeNet) for assessing the severity of damage by complementing pre-disaster images with weather data and the trajectory of the hurricane. Through extensive experiments on data from two hurricanes, we demonstrate (i) the merits of multimodal approaches compared to unimodal methods, and (ii) the effectiveness of GaLeNet at fusing various modalities. Furthermore, we show that GaLeNet can leverage pre-disaster images in the absence of post-disaster images, preventing substantial delays in decision making." 1399,An Empirical Study of Quantum Dynamics as a Ground State Problem with Neural Quantum States,"Neural quantum states are variational wave functions parameterised by artificial neural networks, a mathematical model studied for decades in the machine learning community. In the context of many-body physics, methods such as variational Monte Carlo with neural quantum states as variational wave functions are successful in approximating, with great accuracy, the ground-state of a quantum Hamiltonian. However, all the difficulties of proposing neural network architectures, along with exploring their expressivity and trainability, permeate their application as neural quantum states. In this paper, we consider the Feynman-Kitaev Hamiltonian for the transverse field Ising model, whose ground state encodes the time evolution of a spin chain at discrete time steps. We show how this ground state problem specifically challenges the neural quantum state trainability as the time steps increase because the true ground state becomes more entangled, and the probability distribution starts to spread across the Hilbert space. Our results indicate that the considered neural quantum states are capable of accurately approximating the true ground state of the system, i.e., they are expressive enough. However, extensive hyper-parameter tuning experiments point towards the empirical fact that it is poor trainability--in the variational Monte Carlo setup--that prevents a faithful approximation of the true ground state." 1400,On the Role of Generalization in Transferability of Adversarial Examples,"Black-box adversarial attacks designing adversarial examples for unseen neural networks (NNs) have received great attention over the past years. While several successful black-box attack schemes have been proposed in the literature, the underlying factors driving the transferability of black-box adversarial examples still lack a thorough understanding. In this paper, we aim to demonstrate the role of the generalization properties of the substitute classifier used for generating adversarial examples in the transferability of the attack scheme to unobserved NN classifiers. To do this, we apply the max-min adversarial example game framework and show the importance of the generalization properties of the substitute NN in the success of the black-box attack scheme in application to different NN classifiers. We prove theoretical generalization bounds on the difference between the attack transferability rates on training and test samples. Our bounds suggest that a substitute NN with better generalization behavior could result in more transferable adversarial examples. In addition, we show that standard operator norm-based regularization methods could improve the transferability of the designed adversarial examples. We support our theoretical results by performing several numerical experiments showing the role of the substitute network's generalization in generating transferable adversarial examples. Our empirical results indicate the power of Lipschitz regularization methods in improving the transferability of adversarial examples." 1401,Model-Agnostic Few-Shot Open-Set Recognition,"We tackle the Few-Shot Open-Set Recognition (FSOSR) problem, i.e. classifying instances among a set of classes for which we only have few labeled samples, while simultaneously detecting instances that do not belong to any known class. Departing from existing literature, we focus on developing model-agnostic inference methods that can be plugged into any existing model, regardless of its architecture or its training procedure. Through evaluating the embedding's quality of a variety of models, we quantify the intrinsic difficulty of model-agnostic FSOSR. Furthermore, a fair empirical evaluation suggests that the naive combination of a kNN detector and a prototypical classifier ranks before specialized or complex methods in the inductive setting of FSOSR. These observations motivated us to resort to transduction, as a popular and practical relaxation of standard few-shot learning problems. We introduce an Open Set Transductive Information Maximization method OSTIM, which hallucinates an outlier prototype while maximizing the mutual information between extracted features and assignments. Through extensive experiments spanning 5 datasets, we show that OSTIM surpasses both inductive and existing transductive methods in detecting open-set instances while competing with the strongest transductive methods in classifying closed-set instances. We further show that OSTIM's model agnosticity allows it to successfully leverage the strong expressive abilities of the latest architectures and training strategies without any hyperparameter modification, a promising sign that architectural advances to come will continue to positively impact OSTIM's performances." 1402,"Bioinspired random projections for robust, sparse classification","Inspired by the use of random projections in biological sensing systems, we present a new algorithm for processing data in classification problems. This is based on observations of the human brain and the fruit fly's olfactory system and involves randomly projecting data into a space of greatly increased dimension before applying a cap operation to truncate the smaller entries. This leads to an algorithm that achieves a sparse representation with minimal loss in classification accuracy and is also more robust in the sense that classification accuracy is improved when noise is added to the data. This is demonstrated with numerical experiments, which supplement theoretical results demonstrating that the resulting signal transform is continuous and invertible, in an appropriate sense." 1403,An Invertible Graph Diffusion Neural Network for Source Localization,"Localizing the source of graph diffusion phenomena, such as misinformation propagation, is an important yet extremely challenging task. Existing source localization models typically are heavily dependent on the hand-crafted rules. Unfortunately, a large portion of the graph diffusion process for many applications is still unknown to human beings so it is important to have expressive models for learning such underlying rules automatically. This paper aims to establish a generic framework of invertible graph diffusion models for source localization on graphs, namely Invertible Validity-aware Graph Diffusion (IVGD), to handle major challenges including 1) Difficulty to leverage knowledge in graph diffusion models for modeling their inverse processes in an end-to-end fashion, 2) Difficulty to ensure the validity of the inferred sources, and 3) Efficiency and scalability in source inference. Specifically, first, to inversely infer sources of graph diffusion, we propose a graph residual scenario to make existing graph diffusion models invertible with theoretical guarantees; second, we develop a novel error compensation mechanism that learns to offset the errors of the inferred sources. Finally, to ensure the validity of the inferred sources, a new set of validity-aware layers have been devised to project inferred sources to feasible regions by flexibly encoding constraints with unrolled optimization techniques. A linearization technique is proposed to strengthen the efficiency of our proposed layers. The convergence of the proposed IVGD is proven theoretically. Extensive experiments on nine real-world datasets demonstrate that our proposed IVGD outperforms state-of-the-art comparison methods significantly. We have released our code at https://github.com/xianggebenben/IVGD." 1404,Multi-Modality Image Inpainting using Generative Adversarial Networks,"Deep learning techniques, especially Generative Adversarial Networks (GANs) have significantly improved image inpainting and image-to-image translation tasks over the past few years. To the best of our knowledge, the problem of combining the image inpainting task with the multi-modality image-to-image translation remains intact. In this paper, we propose a model to address this problem. The model will be evaluated on combined night-to-day image translation and inpainting, along with promising qualitative and quantitative results." 1405,EST: Evaluating Scientific Thinking in Artificial Agents,"Theoretical ideas and empirical research have shown us a seemingly surprising result: children, even very young toddlers, demonstrate learning and thinking in a strikingly similar manner to scientific reasoning in formal research. Encountering a novel phenomenon, children make hypotheses against data, conduct causal inference from observation, test their theory via experimentation, and correct the proposition if inconsistency arises. Rounds of such processes continue until the underlying mechanism is found. Towards building machines that can learn and think like people, one natural question for us to ask is: whether the intelligence we achieve today manages to perform such a scientific thinking process, and if any, at what level. In this work, we devise the EST environment for evaluating the scientific thinking ability in artificial agents. Motivated by the stream of research on causal discovery, we build our interactive EST environment based on Blicket detection. Specifically, in each episode of EST, an agent is presented with novel observations and asked to figure out all objects' Blicketness. At each time step, the agent proposes new experiments to validate its hypothesis and updates its current belief. By evaluating Reinforcement Learning (RL) agents on both a symbolic and visual version of this task, we notice clear failure of today's learning methods in reaching a level of intelligence comparable to humans. Such inefficacy of learning in scientific thinking calls for future research in building humanlike intelligence." 1406,AI-based computer-aided diagnostic system of chest digital tomography synthesis: Demonstrating comparative advantage with X-ray-based AI systems,"Compared with chest X-ray (CXR) imaging, which is a single image projected from the front of the patient, chest digital tomosynthesis (CDTS) imaging can be more advantageous for lung lesion detection because it acquires multiple images projected from multiple angles of the patient. Various clinical comparative analysis and verification studies have been reported to demonstrate this, but there were no artificial intelligence (AI)-based comparative analysis studies. Existing AI-based computer-aided detection (CAD) systems for lung lesion diagnosis have been developed mainly based on CXR images; however, CAD-based on CDTS, which uses multi-angle images of patients in various directions, has not been proposed and verified for its usefulness compared to CXR-based counterparts. This study develops/tests a CDTS-based AI CAD system to detect lung lesions to demonstrate performance improvements compared to CXR-based AI CAD. We used multiple projection images as input for the CDTS-based AI model and a single-projection image as input for the CXR-based AI model to fairly compare and evaluate the performance between models. The proposed CDTS-based AI CAD system yielded sensitivities of 0.782 and 0.785 and accuracies of 0.895 and 0.837 for the performance of detecting tuberculosis and pneumonia, respectively, against normal subjects. These results show higher performance than sensitivities of 0.728 and 0.698 and accuracies of 0.874 and 0.826 for detecting tuberculosis and pneumonia through the CXR-based AI CAD, which only uses a single projection image in the frontal direction. We found that CDTS-based AI CAD improved the sensitivity of tuberculosis and pneumonia by 5.4% and 8.7% respectively, compared to CXR-based AI CAD without loss of accuracy. Therefore, we comparatively prove that CDTS-based AI CAD technology can improve performance more than CXR, enhancing the clinical applicability of CDTS." 1407,3D unsupervised anomaly detection and localization through virtual multi-view projection and reconstruction: Clinical validation on low-dose chest computed tomography,"Computer-aided diagnosis for low-dose computed tomography (CT) based on deep learning has recently attracted attention as a first-line automatic testing tool because of its high accuracy and low radiation exposure. However, existing methods rely on supervised learning, imposing an additional burden to doctors for collecting disease data or annotating spatial labels for network training, consequently hindering their implementation. We propose a method based on a deep neural network for computer-aided diagnosis called virtual multi-view projection and reconstruction for unsupervised anomaly detection. Presumably, this is the first method that only requires data from healthy patients for training to identify three-dimensional (3D) regions containing any anomalies. The method has three key components. Unlike existing computer-aided diagnosis tools that use conventional CT slices as the network input, our method 1) improves the recognition of 3D lung structures by virtually projecting an extracted 3D lung region to obtain two-dimensional (2D) images from diverse views to serve as network inputs, 2) accommodates the input diversity gain for accurate anomaly detection, and 3) achieves 3D anomaly/disease localization through a novel 3D map restoration method using multiple 2D anomaly maps. The proposed method based on unsupervised learning improves the patient-level anomaly detection by 10% (area under the curve, 0.959) compared with a gold standard based on supervised learning (area under the curve, 0.848), and it localizes the anomaly region with 93% accuracy, demonstrating its high performance." 1408,EEML: Ensemble Embedded Meta-learning,"To accelerate learning process with few samples, meta-learning resorts to prior knowledge from previous tasks. However, the inconsistent task distribution and heterogeneity is hard to be handled through a global sharing model initialization. In this paper, based on gradient-based meta-learning, we propose an ensemble embedded meta-learning algorithm (EEML) that explicitly utilizes multi-model-ensemble to organize prior knowledge into diverse specific experts. We rely on a task embedding cluster mechanism to deliver diverse tasks to matching experts in training process and instruct how experts collaborate in test phase. As a result, the multi experts can focus on their own area of expertise and cooperate in upcoming task to solve the task heterogeneity. The experimental results show that the proposed method outperforms recent state-of-the-arts easily in few-shot learning problem, which validates the importance of differentiation and cooperation." 1409,Efficient Aggregated Kernel Tests using Incomplete $U$-statistics,"We propose a series of computationally efficient, nonparametric tests for the two-sample, independence and goodness-of-fit problems, using the Maximum Mean Discrepancy (MMD), Hilbert Schmidt Independence Criterion (HSIC), and Kernel Stein Discrepancy (KSD), respectively. Our test statistics are incomplete $U$-statistics, with a computational cost that interpolates between linear time in the number of samples, and quadratic time, as associated with classical $U$-statistic tests. The three proposed tests aggregate over several kernel bandwidths to detect departures from the null on various scales: we call the resulting tests MMDAggInc, HSICAggInc and KSDAggInc. For the test thresholds, we derive a quantile bound for wild bootstrapped incomplete $U$- statistics, which is of independent interest. We derive uniform separation rates for MMDAggInc and HSICAggInc, and quantify exactly the trade-off between computational efficiency and the attainable rates: this result is novel for tests based on incomplete $U$-statistics, to our knowledge. We further show that in the quadratic-time case, the wild bootstrap incurs no penalty to test power over more widespread permutation-based approaches, since both attain the same minimax optimal rates (which in turn match the rates that use oracle quantiles). We support our claims with numerical experiments on the trade-off between computational efficiency and test power. In the three testing frameworks, we observe that our proposed linear-time aggregated tests obtain higher power than current state-of-the-art linear-time kernel tests." 1410,Multi-Modality Image Super-Resolution using Generative Adversarial Networks,"Over the past few years deep learning-based techniques such as Generative Adversarial Networks (GANs) have significantly improved solutions to image super-resolution and image-to-image translation problems. In this paper, we propose a solution to the joint problem of image super-resolution and multi-modality image-to-image translation. The problem can be stated as the recovery of a high-resolution image in a modality, given a low-resolution observation of the same image in an alternative modality. Our paper offers two models to address this problem and will be evaluated on the recovery of high-resolution day images given low-resolution night images of the same scene. Promising qualitative and quantitative results will be presented for each model." 1411,Causal Inference with Treatment Measurement Error: A Nonparametric Instrumental Variable Approach,"We propose a kernel-based nonparametric estimator for the causal effect when the cause is corrupted by error. We do so by generalizing estimation in the instrumental variable setting. Despite significant work on regression with measurement error, additionally handling unobserved confounding in the continuous setting is non-trivial: we have seen little prior work. As a by-product of our investigation, we clarify a connection between mean embeddings and characteristic functions, and how learning one simultaneously allows one to learn the other. This opens the way for kernel method research to leverage existing results in characteristic function estimation. Finally, we empirically show that our proposed method, MEKIV, improves over baselines and is robust under changes in the strength of measurement error and to the type of error distributions." 1412,PHN: Parallel heterogeneous network with soft gating for CTR prediction,"The Click-though Rate (CTR) prediction task is a basic task in recommendation system. Most of the previous researches of CTR models built based on Wide \& deep structure and gradually evolved into parallel structures with different modules. However, the simple accumulation of parallel structures can lead to higher structural complexity and longer training time. Based on the Sigmoid activation function of output layer, the linear addition activation value of parallel structures in the training process is easy to make the samples fall into the weak gradient interval, resulting in the phenomenon of weak gradient, and reducing the effectiveness of training. To this end, this paper proposes a Parallel Heterogeneous Network (PHN) model, which constructs a network with parallel structure through three different interaction analysis methods, and uses Soft Selection Gating (SSG) to feature heterogeneous data with different structure. Finally, residual link with trainable parameters are used in the network to mitigate the influence of weak gradient phenomenon. Furthermore, we demonstrate the effectiveness of PHN in a large number of comparative experiments, and visualize the performance of the model in training process and structure." 1413,Coin Flipping Neural Networks,"We show that neural networks with access to randomness can outperform deterministic networks by using amplification. We call such networks Coin-Flipping Neural Networks, or CFNNs. We show that a CFNN can approximate the indicator of a $d$-dimensional ball to arbitrary accuracy with only 2 layers and $\mathcal{O}(1)$ neurons, where a 2-layer deterministic network was shown to require $\Omega(e^d)$ neurons, an exponential improvement (arXiv:1610.09887). We prove a highly non-trivial result, that for almost any classification problem, there exists a trivially simple network that solves it given a sufficiently powerful generator for the network's weights. Combining these results we conjecture that for most classification problems, there is a CFNN which solves them with higher accuracy or fewer neurons than any deterministic network. Finally, we verify our proofs experimentally using novel CFNN architectures on CIFAR10 and CIFAR100, reaching an improvement of 9.25\% from the baseline." 1414,NAS-Bench-Graph: Benchmarking Graph Neural Architecture Search,"Graph neural architecture search (GraphNAS) has recently aroused considerable attention in both academia and industry. However, two key challenges seriously hinder the further research of GraphNAS. First, since there is no consensus for the experimental setting, the empirical results in different research papers are often not comparable and even not reproducible, leading to unfair comparisons. Secondly, GraphNAS often needs extensive computations, which makes it highly inefficient and inaccessible to researchers without access to large-scale computation. To solve these challenges, we propose NAS-Bench-Graph, a tailored benchmark that supports unified, reproducible, and efficient evaluations for GraphNAS. Specifically, we construct a unified, expressive yet compact search space, covering 26,206 unique graph neural network (GNN) architectures and propose a principled evaluation protocol. To avoid unnecessary repetitive training, we have trained and evaluated all of these architectures on nine representative graph datasets, recording detailed metrics including train, validation, and test performance in each epoch, the latency, the number of parameters, etc. Based on our proposed benchmark, the performance of GNN architectures can be directly obtained by a look-up table without any further computation, which enables fair, fully reproducible, and efficient comparisons. To demonstrate its usage, we make in-depth analyses of our proposed NAS-Bench-Graph, revealing several interesting findings for GraphNAS. We also showcase how the benchmark can be easily compatible with GraphNAS open libraries such as AutoGL and NNI. To the best of our knowledge, our work is the first benchmark for graph neural architecture search." 1415,Thompson Sampling for (Combinatorial) Pure Exploration,"Existing methods of combinatorial pure exploration mainly focus on the UCB approach. To make the algorithm efficient, they usually use the sum of upper confidence bounds within arm set $S$ to represent the upper confidence bound of $S$, which can be much larger than the tight upper confidence bound of $S$ and leads to a much higher complexity than necessary, since the empirical means of different arms in $S$ are independent. To deal with this challenge, we explore the idea of Thompson Sampling (TS) that uses independent random samples instead of the upper confidence bounds, and design the first TS-based algorithm TS-Explore for (combinatorial) pure exploration. In TS-Explore, the sum of independent random samples within arm set $S$ will not exceed the tight upper confidence bound of $S$ with high probability. Hence it solves the above challenge, and achieves a lower complexity upper bound than existing efficient UCB-based algorithms in general combinatorial pure exploration. As for pure exploration of classic multi-armed bandit, we show that TS-Explore achieves an asymptotically optimal complexity upper bound." 1416,Piecewise Linear Neural Networks and Deep Learning,"As a powerful modelling method, PieceWise Linear Neural Networks (PWLNNs) have proven successful in various fields, most recently in deep learning. To apply PWLNN methods, both the representation and the learning have long been studied. In 1977, the canonical representation pioneered the works of shallow PWLNNs learned by incremental designs, but the applications to large-scale data were prohibited. In 2010, the Rectified Linear Unit (ReLU) advocated the prevalence of PWLNNs in deep learning. Ever since, PWLNNs have been successfully applied to extensive tasks and achieved advantageous performances. In this Primer, we systematically introduce the methodology of PWLNNs by grouping the works into shallow and deep networks. Firstly, different PWLNN representation models are constructed with elaborated examples. With PWLNNs, the evolution of learning algorithms for data is presented and fundamental theoretical analysis follows up for in-depth understandings. Then, representative applications are introduced together with discussions and outlooks." 1417,Beyond Real-world Benchmark Datasets: An Empirical Study of Node Classification with GNNs,"Graph Neural Networks (GNNs) have achieved great success on a node classification task. Despite the broad interest in developing and evaluating GNNs, they have been assessed with limited benchmark datasets. As a result, the existing evaluation of GNNs lacks fine-grained analysis from various characteristics of graphs. Motivated by this, we conduct extensive experiments with a synthetic graph generator that can generate graphs having controlled characteristics for fine-grained analysis. Our empirical studies clarify the strengths and weaknesses of GNNs from four major characteristics of real-world graphs with class labels of nodes, i.e., 1) class size distributions (balanced vs. imbalanced), 2) edge connection proportions between classes (homophilic vs. heterophilic), 3) attribute values (biased vs. random), and 4) graph sizes (small vs. large). In addition, to foster future research on GNNs, we publicly release our codebase that allows users to evaluate various GNNs with various graphs. We hope this work offers interesting insights for future research." 1418,Certified Graph Unlearning,"Graph-structured data is ubiquitous in practice and often processed using graph neural networks (GNNs). With the adoption of recent laws ensuring the ``right to be forgotten'', the problem of graph data removal has become of significant importance. To address the problem, we introduce the first known framework for \emph{certified graph unlearning} of GNNs. In contrast to standard machine unlearning, new analytical and heuristic unlearning challenges arise when dealing with complex graph data. First, three different types of unlearning requests need to be considered, including node feature, edge and node unlearning. Second, to establish provable performance guarantees, one needs to address challenges associated with feature mixing during propagation. The underlying analysis is illustrated on the example of simple graph convolutions (SGC) and their generalized PageRank (GPR) extensions, thereby laying the theoretical foundation for certified unlearning of GNNs. Our empirical studies on six benchmark datasets demonstrate excellent performance-complexity trade-offs when compared to complete retraining methods and approaches that do not leverage graph information. For example, when unlearning $20\%$ of the nodes on the Cora dataset, our approach suffers only a $0.1\%$ loss in test accuracy while offering a $4$-fold speed-up compared to complete retraining. Our scheme also outperforms unlearning methods that do not leverage graph information with a $12\%$ increase in test accuracy for a comparable time complexity." 1419,Provable Generalization of Overparameterized Meta-learning Trained with SGD,"Despite the superior empirical success of deep meta-learning, theoretical understanding of overparameterized meta-learning is still limited. This paper studies the generalization of a widely used meta-learning approach, Model-Agnostic Meta-Learning (MAML), which aims to find a good initialization for fast adaptation to new tasks. Under a mixed linear regression model, we analyze the generalization properties of MAML trained with SGD in the overparameterized regime. We provide both upper and lower bounds for the excess risk of MAML, which captures how SGD dynamics affect these generalization bounds. With such sharp characterizations, we further explore how various learning parameters impact the generalization capability of overparameterized MAML, including explicitly identifying typical data and task distributions that can achieve diminishing generalization error with overparameterization, and characterizing the impact of adaptation learning rate on both excess risk and the early stopping time. Our theoretical findings are further validated by experiments." 1420,Replacing Labeled Real-image Datasets with Auto-generated Contours,"In the present work, we show that the performance of formula-driven supervised learning (FDSL) can match or even exceed that of ImageNet-21k without the use of real images, human-, and self-supervision during the pre-training of Vision Transformers (ViTs). For example, ViT-Base pre-trained on ImageNet-21k shows 81.8% top-1 accuracy when fine-tuned on ImageNet-1k and FDSL shows 82.7% top-1 accuracy when pre-trained under the same conditions (number of images, hyperparameters, and number of epochs). Images generated by formulas avoid the privacy/copyright issues, labeling cost and errors, and biases that real images suffer from, and thus have tremendous potential for pre-training general models. To understand the performance of the synthetic images, we tested two hypotheses, namely (i) object contours are what matter in FDSL datasets and (ii) increased number of parameters to create labels affects performance improvement in FDSL pre-training. To test the former hypothesis, we constructed a dataset that consisted of simple object contour combinations. We found that this dataset can match the performance of fractals. For the latter hypothesis, we found that increasing the difficulty of the pre-training task generally leads to better fine-tuning accuracy." 1421,Tackling Spoofing-Aware Speaker Verification with Multi-Model Fusion,"Recent years have witnessed the extraordinary development of automatic speaker verification (ASV). However, previous works show that state-of-the-art ASV models are seriously vulnerable to voice spoofing attacks, and the recently proposed high-performance spoofing countermeasure (CM) models only focus solely on the standalone anti-spoofing tasks, and ignore the subsequent speaker verification process. How to integrate the CM and ASV together remains an open question. A spoofing aware speaker verification (SASV) challenge has recently taken place with the argument that better performance can be delivered when both CM and ASV subsystems are optimized jointly. Under the challenge's scenario, the integrated systems proposed by the participants are required to reject both impostor speakers and spoofing attacks from target speakers, which intuitively and effectively matches the expectation of a reliable, spoofing-robust ASV system. This work focuses on fusion-based SASV solutions and proposes a multi-model fusion framework to leverage the power of multiple state-of-the-art ASV and CM models. The proposed framework vastly improves the SASV-EER from 8.75% to 1.17\%, which is 86% relative improvement compared to the best baseline system in the SASV challenge." 1422,Deep Inverse Reinforcement Learning for Route Choice Modeling,"Route choice modeling, i.e., the process of estimating the likely path that individuals follow during their journeys, is a fundamental task in transportation planning and demand forecasting. Classical methods generally adopt the discrete choice model (DCM) framework with linear utility functions and high-level route characteristics. While several recent studies have started to explore the applicability of deep learning for travel choice modeling, they are all path-based with relatively simple model architectures and cannot take advantage of detailed link-level features. Existing link-based models, while theoretically promising, are generally not as scalable or flexible enough to account for the destination characteristics. To address these issues, this study proposes a general deep inverse reinforcement learning (IRL) framework for link-based route choice modeling, which is capable of incorporating high-dimensional features and capturing complex relationships. Specifically, we adapt an adversarial IRL model to the route choice problem for efficient estimation of destination-dependent reward and policy functions. Experiment results based on taxi GPS data from Shanghai, China validate the improved performance of the proposed model over conventional DCMs and other imitation learning baselines, even for destinations unseen in the training data. We also demonstrate the model interpretability using explainable AI techniques. The proposed methodology provides a new direction for future development of route choice models. It is general and should be adaptable to other route choice problems across different modes and networks." 1423,Nonparametric Multi-shape Modeling with Uncertainty Quantification,"The modeling and uncertainty quantification of closed curves is an important problem in the field of shape analysis, and can have significant ramifications for subsequent statistical tasks. Many of these tasks involve collections of closed curves, which often exhibit structural similarities at multiple levels. Modeling multiple closed curves in a way that efficiently incorporates such between-curve dependence remains a challenging problem. In this work, we propose and investigate a multiple-output (a.k.a. multi-output), multi-dimensional Gaussian process modeling framework. We illustrate the proposed methodological advances, and demonstrate the utility of meaningful uncertainty quantification, on several curve and shape-related tasks. This model-based approach not only addresses the problem of inference on closed curves (and their shapes) with kernel constructions, but also opens doors to nonparametric modeling of multi-level dependence for functional objects in general." 1424,Pursuit of a Discriminative Representation for Multiple Subspaces via Sequential Games,"We consider the problem of learning discriminative representations for data in a high-dimensional space with distribution supported on or around multiple low-dimensional linear subspaces. That is, we wish to compute a linear injective map of the data such that the features lie on multiple orthogonal subspaces. Instead of treating this learning problem using multiple PCAs, we cast it as a sequential game using the closed-loop transcription (CTRL) framework recently proposed for learning discriminative and generative representations for general low-dimensional submanifolds. We prove that the equilibrium solutions to the game indeed give correct representations. Our approach unifies classical methods of learning subspaces with modern deep learning practice, by showing that subspace learning problems may be provably solved using the modern toolkit of representation learning. In addition, our work provides the first theoretical justification for the CTRL framework, in the important case of linear subspaces. We support our theoretical findings with compelling empirical evidence. We also generalize the sequential game formulation to more general representation learning problems. Our code, including methods for easy reproduction of experimental results, is publically available on GitHub." 1425,NISPA: Neuro-Inspired Stability-Plasticity Adaptation for Continual Learning in Sparse Networks,"The goal of continual learning (CL) is to learn different tasks over time. The main desiderata associated with CL are to maintain performance on older tasks, leverage the latter to improve learning of future tasks, and to introduce minimal overhead in the training process (for instance, to not require a growing model or retraining). We propose the Neuro-Inspired Stability-Plasticity Adaptation (NISPA) architecture that addresses these desiderata through a sparse neural network with fixed density. NISPA forms stable paths to preserve learned knowledge from older tasks. Also, NISPA uses connection rewiring to create new plastic paths that reuse existing knowledge on novel tasks. Our extensive evaluation on EMNIST, FashionMNIST, CIFAR10, and CIFAR100 datasets shows that NISPA significantly outperforms representative state-of-the-art continual learning baselines, and it uses up to ten times fewer learnable parameters compared to baselines. We also make the case that sparsity is an essential ingredient for continual learning. The NISPA code is available at https://github.com/BurakGurbuz97/NISPA." 1426,Bear the Query in Mind: Visual Grounding with Query-conditioned Convolution,"Visual grounding is a task that aims to locate a target object according to a natural language expression. As a multi-modal task, feature interaction between textual and visual inputs is vital. However, previous solutions mainly handle each modality independently before fusing them together, which does not take full advantage of relevant textual information while extracting visual features. To better leverage the textual-visual relationship in visual grounding, we propose a Query-conditioned Convolution Module (QCM) that extracts query-aware visual features by incorporating query information into the generation of convolutional kernels. With our proposed QCM, the downstream fusion module receives visual features that are more discriminative and focused on the desired object described in the expression, leading to more accurate predictions. Extensive experiments on three popular visual grounding datasets demonstrate that our method achieves state-of-the-art performance. In addition, the query-aware visual features are informative enough to achieve comparable performance to the latest methods when directly used for prediction without further multi-modal fusion." 1427,Pre-training Enhanced Spatial-temporal Graph Neural Network for Multivariate Time Series Forecasting,"Multivariate Time Series (MTS) forecasting plays a vital role in a wide range of applications. Recently, Spatial-Temporal Graph Neural Networks (STGNNs) have become increasingly popular MTS forecasting methods. STGNNs jointly model the spatial and temporal patterns of MTS through graph neural networks and sequential models, significantly improving the prediction accuracy. But limited by model complexity, most STGNNs only consider short-term historical MTS data, such as data over the past one hour. However, the patterns of time series and the dependencies between them (i.e., the temporal and spatial patterns) need to be analyzed based on long-term historical MTS data. To address this issue, we propose a novel framework, in which STGNN is Enhanced by a scalable time series Pre-training model (STEP). Specifically, we design a pre-training model to efficiently learn temporal patterns from very long-term history time series (e.g., the past two weeks) and generate segment-level representations. These representations provide contextual information for short-term time series input to STGNNs and facilitate modeling dependencies between time series. Experiments on three public real-world datasets demonstrate that our framework is capable of significantly enhancing downstream STGNNs, and our pre-training model aptly captures temporal patterns." 1428,Decoupled Dynamic Spatial-Temporal Graph Neural Network for Traffic Forecasting,"We all depend on mobility, and vehicular transportation affects the daily lives of most of us. Thus, the ability to forecast the state of traffic in a road network is an important functionality and a challenging task. Traffic data is often obtained from sensors deployed in a road network. Recent proposals on spatial-temporal graph neural networks have achieved great progress at modeling complex spatial-temporal correlations in traffic data, by modeling traffic data as a diffusion process. However, intuitively, traffic data encompasses two different kinds of hidden time series signals, namely the diffusion signals and inherent signals. Unfortunately, nearly all previous works coarsely consider traffic signals entirely as the outcome of the diffusion, while neglecting the inherent signals, which impacts model performance negatively. To improve modeling performance, we propose a novel Decoupled Spatial-Temporal Framework (DSTF) that separates the diffusion and inherent traffic information in a data-driven manner, which encompasses a unique estimation gate and a residual decomposition mechanism. The separated signals can be handled subsequently by the diffusion and inherent modules separately. Further, we propose an instantiation of DSTF, Decoupled Dynamic Spatial-Temporal Graph Neural Network (D2STGNN), that captures spatial-temporal correlations and also features a dynamic graph learning module that targets the learning of the dynamic characteristics of traffic networks. Extensive experiments with four real-world traffic datasets demonstrate that the framework is capable of advancing the state-of-the-art." 1429,Fast and Provable Tensor Robust Principal Component Analysis via Scaled Gradient Descent,"An increasing number of data science and machine learning problems rely on computation with tensors, which better capture the multi-way relationships and interactions of data than matrices. When tapping into this critical advantage, a key challenge is to develop computationally efficient and provably correct algorithms for extracting useful information from tensor data that are simultaneously robust to corruptions and ill-conditioning. This paper tackles tensor robust principal component analysis (RPCA), which aims to recover a low-rank tensor from its observations contaminated by sparse corruptions, under the Tucker decomposition. To minimize the computation and memory footprints, we propose to directly recover the low-dimensional tensor factors -- starting from a tailored spectral initialization -- via scaled gradient descent (ScaledGD), coupled with an iteration-varying thresholding operation to adaptively remove the impact of corruptions. Theoretically, we establish that the proposed algorithm converges linearly to the true low-rank tensor at a constant rate that is independent with its condition number, as long as the level of corruptions is not too large. Empirically, we demonstrate that the proposed algorithm achieves better and more scalable performance than state-of-the-art matrix and tensor RPCA algorithms through synthetic experiments and real-world applications." 1430,Tree-Guided Rare Feature Selection and Logic Aggregation with Electronic Health Records Data,"Statistical learning with a large number of rare binary features is commonly encountered in analyzing electronic health records (EHR) data, especially in the modeling of disease onset with prior medical diagnoses and procedures. Dealing with the resulting highly sparse and large-scale binary feature matrix is notoriously challenging as conventional methods may suffer from a lack of power in testing and inconsistency in model fitting while machine learning methods may suffer from the inability of producing interpretable results or clinically-meaningful risk factors. To improve EHR-based modeling and utilize the natural hierarchical structure of disease classification, we propose a tree-guided feature selection and logic aggregation approach for large-scale regression with rare binary features, in which dimension reduction is achieved through not only a sparsity pursuit but also an aggregation promoter with the logic operator of ``or''. We convert the combinatorial problem into a convex linearly-constrained regularized estimation, which enables scalable computation with theoretical guarantees. In a suicide risk study with EHR data, our approach is able to select and aggregate prior mental health diagnoses as guided by the diagnosis hierarchy of the International Classification of Diseases. By balancing the rarity and specificity of the EHR diagnosis records, our strategy improves both prediction and model interpretation. We identify important higher-level categories and subcategories of mental health conditions and simultaneously determine the level of specificity needed for each of them in predicting suicide risk." 1431,Score-Guided Intermediate Layer Optimization: Fast Langevin Mixing for Inverse Problems,"We prove fast mixing and characterize the stationary distribution of the Langevin Algorithm for inverting random weighted DNN generators. This result extends the work of Hand and Voroninski from efficient inversion to efficient posterior sampling. In practice, to allow for increased expressivity, we propose to do posterior sampling in the latent space of a pre-trained generative model. To achieve that, we train a score-based model in the latent space of a StyleGAN-2 and we use it to solve inverse problems. Our framework, Score-Guided Intermediate Layer Optimization (SGILO), extends prior work by replacing the sparsity regularization with a generative prior in the intermediate layer. Experimentally, we obtain significant improvements over the previous state-of-the-art, especially in the low measurement regime." 1432,The Consistency of Adversarial Training for Binary Classification,"Robustness to adversarial perturbations is of paramount concern in modern machine learning. One of the state-of-the-art methods for training robust classifiers is adversarial training, which involves minimizing a supremum-based surrogate risk. The statistical consistency of surrogate risks is well understood in the context of standard machine learning, but not in the adversarial setting. In this paper, we characterize which supremum-based surrogates are consistent for distributions absolutely continuous with respect to Lebesgue measure in binary classification. Furthermore, we obtain quantitative bounds relating adversarial surrogate risks to the adversarial classification risk. Lastly, we discuss implications for the $\cH$-consistency of adversarial training." 1433,Existence and Minimax Theorems for Adversarial Surrogate Risks in Binary Classification,"Adversarial training is one of the most popular methods for training methods robust to adversarial attacks, however, it is not well-understood from a theoretical perspective. We prove and existence, regularity, and minimax theorems for adversarial surrogate risks. Our results explain some empirical observations on adversarial robustness from prior work and suggest new directions in algorithm development. Furthermore, our results extend previously known existence and minimax theorems for the adversarial classification risk to surrogate risks." 1434,Fully Privacy-Preserving Federated Representation Learning via Secure Embedding Aggregation,"We consider a federated representation learning framework, where with the assistance of a central server, a group of $N$ distributed clients train collaboratively over their private data, for the representations (or embeddings) of a set of entities (e.g., users in a social network). Under this framework, for the key step of aggregating local embeddings trained at the clients in a private manner, we develop a secure embedding aggregation protocol named SecEA, which provides information-theoretical privacy guarantees for the set of entities and the corresponding embeddings at each client $simultaneously$, against a curious server and up to $T < N/2$ colluding clients. As the first step of SecEA, the federated learning system performs a private entity union, for each client to learn all the entities in the system without knowing which entities belong to which clients. In each aggregation round, the local embeddings are secretly shared among the clients using Lagrange interpolation, and then each client constructs coded queries to retrieve the aggregated embeddings for the intended entities. We perform comprehensive experiments on various representation learning tasks to evaluate the utility and efficiency of SecEA, and empirically demonstrate that compared with embedding aggregation protocols without (or with weaker) privacy guarantees, SecEA incurs negligible performance loss (within 5%); and the additional computation latency of SecEA diminishes for training deeper models on larger datasets." 1435,Fair Generalized Linear Models with a Convex Penalty,"Despite recent advances in algorithmic fairness, methodologies for achieving fairness with generalized linear models (GLMs) have yet to be explored in general, despite GLMs being widely used in practice. In this paper we introduce two fairness criteria for GLMs based on equalizing expected outcomes or log-likelihoods. We prove that for GLMs both criteria can be achieved via a convex penalty term based solely on the linear components of the GLM, thus permitting efficient optimization. We also derive theoretical properties for the resulting fair GLM estimator. To empirically demonstrate the efficacy of the proposed fair GLM, we compare it with other well-known fair prediction methods on an extensive set of benchmark datasets for binary classification and regression. In addition, we demonstrate that the fair GLM can generate fair predictions for a range of response variables, other than binary and continuous outcomes." 1436,Comment on Transferability and Input Transformation with Additive Noise,"Adversarial attacks have verified the existence of the vulnerability of neural networks. By adding small perturbations to a benign example, adversarial attacks successfully generate adversarial examples that lead misclassification of deep learning models. More importantly, an adversarial example generated from a specific model can also deceive other models without modification. We call this phenomenon ``transferability"". Here, we analyze the relationship between transferability and input transformation with additive noise by mathematically proving that the modified optimization can produce more transferable adversarial examples." 1437,Weakly Supervised Classification of Vital Sign Alerts as Real or Artifact,"A significant proportion of clinical physiologic monitoring alarms are false. This often leads to alarm fatigue in clinical personnel, inevitably compromising patient safety. To combat this issue, researchers have attempted to build Machine Learning (ML) models capable of accurately adjudicating Vital Sign (VS) alerts raised at the bedside of hemodynamically monitored patients as real or artifact. Previous studies have utilized supervised ML techniques that require substantial amounts of hand-labeled data. However, manually harvesting such data can be costly, time-consuming, and mundane, and is a key factor limiting the widespread adoption of ML in healthcare (HC). Instead, we explore the use of multiple, individually imperfect heuristics to automatically assign probabilistic labels to unlabeled training data using weak supervision. Our weakly supervised models perform competitively with traditional supervised techniques and require less involvement from domain experts, demonstrating their use as efficient and practical alternatives to supervised learning in HC applications of ML." 1438,Adversarial Robustness is at Odds with Lazy Training,"Recent works show that random neural networks are vulnerable against adversarial attacks [Daniely and Schacham, 2020] and that such attacks can be easily found using a single step of gradient descent [Bubeck et al., 2021]. In this work, we take it one step further and show that a single gradient step can find adversarial examples for networks trained in the so-called lazy regime. This regime is interesting because even though the neural network weights remain close to the initialization, there exist networks with small generalization error, which can be found efficiently using first-order methods. Our work challenges the model of the lazy regime, the dominant regime in which neural networks are provably efficiently learnable. We show that the networks trained in this regime, even though they enjoy good theoretical computational guarantees, remain vulnerable to adversarial examples. To the best of our knowledge, this is the first work to prove that such well-generalizable neural networks are still vulnerable to adversarial attacks." 1439,Analysis & Computational Complexity Reduction of Monocular and Stereo Depth Estimation Techniques,"Accurate depth estimation with lowest compute and energy cost is a crucial requirement for unmanned and battery operated autonomous systems. Robotic applications require real time depth estimation for navigation and decision making under rapidly changing 3D surroundings. A high accuracy algorithm may provide the best depth estimation but may consume tremendous compute and energy resources. A general trade-off is to choose less accurate methods for initial depth estimate and a more accurate yet compute intensive method when needed. Previous work has shown this trade-off can be improved by developing a state-of-the-art method (AnyNet) to improve stereo depth estimation. We studied both the monocular and stereo vision depth estimation methods and investigated methods to reduce computational complexity of these methods. This was our baseline. Consequently, our experiments show reduction of monocular depth estimation model size by ~75% reduces accuracy by less than 2% (SSIM metric). Our experiments with the novel stereo vision method (AnyNet) show that accuracy of depth estimation does not degrade more than 3% (three pixel error metric) in spite of reduction in model size by ~20%. We have shown that smaller models can indeed perform competitively." 1440,Demystifying the Base and Novel Performances for Few-shot Class-incremental Learning,"Few-shot class-incremental learning (FSCIL) has addressed challenging real-world scenarios where unseen novel classes continually arrive with few samples. In these scenarios, it is required to develop a model that recognizes the novel classes without forgetting prior knowledge. In other words, FSCIL aims to maintain the base performance and improve the novel performance simultaneously. However, there is little study to investigate the two performances separately. In this paper, we first decompose the entire model into four types of parameters and demonstrate that the tendency of the two performances varies greatly with the updated parameters when the novel classes appear. Based on the analysis, we propose a simple method for FSCIL, coined as NoNPC, which uses normalized prototype classifiers without further training for incremental novel classes. It is shown that our straightforward method has comparable performance with the sophisticated state-of-the-art algorithms." 1441,Rotated Digit Recognition by Variational Autoencoders with Fixed Output Distributions,"This paper demonstrates that a simple modification of the variational autoencoder (VAE) formalism enables the method to identify and classify rotated and distorted digits. In particular, the conventional objective (cost) function employed during the training process of a VAE both quantifies the agreement between the input and output data records and ensures that the latent space representation of the input data record is statistically generated with an appropriate mean and standard deviation. After training, simulated data realizations are generated by decoding appropriate latent space points. Since, however, standard VAE:s trained on randomly rotated MNIST digits cannot reliably distinguish between different digit classes since the rotated input data is effectively compared to a similarly rotated output data record. In contrast, an alternative implementation in which the objective function compares the output associated with each rotated digit to a corresponding fixed unreferenced reference digit is shown here to discriminate accurately among the rotated digits in latent space even when the dimension of the latent space is 2 or 3." 1442,CLiMB: A Continual Learning Benchmark for Vision-and-Language Tasks,"Current state-of-the-art vision-and-language models are evaluated on tasks either individually or in a multi-task setting, overlooking the challenges of continually learning (CL) tasks as they arrive. Existing CL benchmarks have facilitated research on task adaptation and mitigating ""catastrophic forgetting"", but are limited to vision-only and language-only tasks. We present CLiMB, a benchmark to study the challenge of learning multimodal tasks in a CL setting, and to systematically evaluate how upstream continual learning can rapidly generalize to new multimodal and unimodal tasks. CLiMB includes implementations of several CL algorithms and a modified Vision-Language Transformer (ViLT) model that can be deployed on both multimodal and unimodal tasks. We find that common CL methods can help mitigate forgetting during multimodal task learning, but do not enable cross-task knowledge transfer. We envision that CLiMB will facilitate research on a new class of CL algorithms for this challenging multimodal setting." 1443,NASTAR: Noise Adaptive Speech Enhancement with Target-Conditional Resampling,"For deep learning-based speech enhancement (SE) systems, the training-test acoustic mismatch can cause notable performance degradation. To address the mismatch issue, numerous noise adaptation strategies have been derived. In this paper, we propose a novel method, called noise adaptive speech enhancement with target-conditional resampling (NASTAR), which reduces mismatches with only one sample (one-shot) of noisy speech in the target environment. NASTAR uses a feedback mechanism to simulate adaptive training data via a noise extractor and a retrieval model. The noise extractor estimates the target noise from the noisy speech, called pseudo-noise. The noise retrieval model retrieves relevant noise samples from a pool of noise signals according to the noisy speech, called relevant-cohort. The pseudo-noise and the relevant-cohort set are jointly sampled and mixed with the source speech corpus to prepare simulated training data for noise adaptation. Experimental results show that NASTAR can effectively use one noisy speech sample to adapt an SE model to a target condition. Moreover, both the noise extractor and the noise retrieval model contribute to model adaptation. To our best knowledge, NASTAR is the first work to perform one-shot noise adaptation through noise extraction and retrieval." 1444,"ScePT: Scene-consistent, Policy-based Trajectory Predictions for Planning","Trajectory prediction is a critical functionality of autonomous systems that share environments with uncontrolled agents, one prominent example being self-driving vehicles. Currently, most prediction methods do not enforce scene consistency, i.e., there are a substantial amount of self-collisions between predicted trajectories of different agents in the scene. Moreover, many approaches generate individual trajectory predictions per agent instead of joint trajectory predictions of the whole scene, which makes downstream planning difficult. In this work, we present ScePT, a policy planning-based trajectory prediction model that generates accurate, scene-consistent trajectory predictions suitable for autonomous system motion planning. It explicitly enforces scene consistency and learns an agent interaction policy that can be used for conditional prediction. Experiments on multiple real-world pedestrians and autonomous vehicle datasets show that ScePT} matches current state-of-the-art prediction accuracy with significantly improved scene consistency. We also demonstrate ScePT's ability to work with a downstream contingency planner." 1445,Learning the parameters of a differential equation from its trajectory via the adjoint equation,"The paper contributes to strengthening the relation between machine learning and the theory of differential equations. In this context, the inverse problem of fitting the parameters, and the initial condition of a differential equation to some measurements constitutes a key issue. The paper explores an abstraction that can be used to construct a family of loss functions with the aim of fitting the solution of an initial value problem to a set of discrete or continuous measurements. It is shown, that an extension of the adjoint equation can be used to derive the gradient of the loss function as a continuous analogue of backpropagation in machine learning. Numerical evidence is presented that under reasonably controlled circumstances the gradients obtained this way can be used in a gradient descent to fit the solution of an initial value problem to a set of continuous noisy measurements, and a set of discrete noisy measurements that are recorded at uncertain times." 1446,Beyond Rewards: a Hierarchical Perspective on Offline Multiagent Behavioral Analysis,"Each year, expert-level performance is attained in increasingly-complex multiagent domains, notable examples including Go, Poker, and StarCraft II. This rapid progression is accompanied by a commensurate need to better understand how such agents attain this performance, to enable their safe deployment, identify limitations, and reveal potential means of improving them. In this paper we take a step back from performance-focused multiagent learning, and instead turn our attention towards agent behavior analysis. We introduce a model-agnostic method for discovery of behavior clusters in multiagent domains, using variational inference to learn a hierarchy of behaviors at the joint and local agent levels. Our framework makes no assumption about agents' underlying learning algorithms, does not require access to their latent states or models, and can be trained using entirely offline observational data. We illustrate the effectiveness of our method for enabling the coupled understanding of behaviors at the joint and local agent level, detection of behavior changepoints throughout training, discovery of core behavioral concepts (e.g., those that facilitate higher returns), and demonstrate the approach's scalability to a high-dimensional multiagent MuJoCo control domain." 1447,Riemannian CUR Decompositions for Robust Principal Component Analysis,"Robust Principal Component Analysis (PCA) has received massive attention in recent years. It aims to recover a low-rank matrix and a sparse matrix from their sum. This paper proposes a novel nonconvex Robust PCA algorithm, coined Riemannian CUR (RieCUR), which utilizes the ideas of Riemannian optimization and robust CUR decompositions. This algorithm has the same computational complexity as Iterated Robust CUR, which is currently state-of-the-art, but is more robust to outliers. RieCUR is also able to tolerate a significant amount of outliers, and is comparable to Accelerated Alternating Projections, which has high outlier tolerance but worse computational complexity than the proposed method. Thus, the proposed algorithm achieves state-of-the-art performance on Robust PCA both in terms of computational complexity and outlier tolerance." 1448,Accelerating Machine Learning Training Time for Limit Order Book Prediction,"Financial firms are interested in simulation to discover whether a given algorithm involving financial machine learning will operate profitably. While many versions of this type of algorithm have been published recently by researchers, the focus herein is on a particular machine learning training project due to the explainable nature and the availability of high frequency market data. For this task, hardware acceleration is expected to speed up the time required for the financial machine learning researcher to obtain the results. As the majority of the time can be spent in classifier training, there is interest in faster training steps. A published Limit Order Book algorithm for predicting stock market direction is our subject, and the machine learning training process can be time-intensive especially when considering the iterative nature of model development. To remedy this, we deploy Graphical Processing Units (GPUs) produced by NVIDIA available in the data center where the computer architecture is geared to parallel high-speed arithmetic operations. In the studied configuration, this leads to significantly faster training time allowing more efficient and extensive model development." 1449,Energy reconstruction for large liquid scintillator detectors with machine learning techniques: aggregated features approach,"Large scale detectors consisting of a liquid scintillator (LS) target surrounded by an array of photo-multiplier tubes (PMT) are widely used in modern neutrino experiments: Borexino, KamLAND, Daya Bay, Double Chooz, RENO, and upcoming JUNO with its satellite detector TAO. Such apparatuses are able to measure neutrino energy, which can be derived from the amount of light and its spatial and temporal distribution over PMT-channels. However, achieving a fine energy resolution in large scale detectors is challenging. In this work, we present machine learning methods for energy reconstruction in JUNO, the most advanced detector of its type. We focus on positron events in the energy range of 0-10 MeV which corresponds to the main signal in JUNO $-$ neutrinos originated from nuclear reactor cores and detected via an inverse beta-decay channel. We consider Boosted Decision Trees and Fully Connected Deep Neural Network trained on aggregated features, calculated using information collected by PMTs. We describe the details of our feature engineering procedure and show that machine learning models can provide energy resolution $\sigma = 3\%$ at 1 MeV using subsets of engineered features. The dataset for model training and testing is generated by the Monte Carlo method with the official JUNO software. Consideration of calibration sources for evaluation of the reconstruction algorithms performance on real data is also presented." 1450,Validation of Vector Data using Oblique Images,"Oblique images are aerial photographs taken at oblique angles to the earth's surface. Projections of vector and other geospatial data in these images depend on camera parameters, positions of the geospatial entities, surface terrain, occlusions, and visibility. This paper presents a robust and scalable algorithm to detect inconsistencies in vector data using oblique images. The algorithm uses image descriptors to encode the local appearance of a geospatial entity in images. These image descriptors combine color, pixel-intensity gradients, texture, and steerable filter responses. A Support Vector Machine classifier is trained to detect image descriptors that are not consistent with underlying vector data, digital elevation maps, building models, and camera parameters. In this paper, we train the classifier on visible road segments and non-road data. Thereafter, the trained classifier detects inconsistencies in vectors, which include both occluded and misaligned road segments. The consistent road segments validate our vector, DEM, and 3-D model data for those areas while inconsistent segments point out errors. We further show that a search for descriptors that are consistent with visible road segments in the neighborhood of a misaligned road yields the desired road alignment that is consistent with pixels in the image." 1451,AnyMorph: Learning Transferable Polices By Inferring Agent Morphology,"The prototypical approach to reinforcement learning involves training policies tailored to a particular agent from scratch for every new morphology. Recent work aims to eliminate the re-training of policies by investigating whether a morphology-agnostic policy, trained on a diverse set of agents with similar task objectives, can be transferred to new agents with unseen morphologies without re-training. This is a challenging problem that required previous approaches to use hand-designed descriptions of the new agent's morphology. Instead of hand-designing this description, we propose a data-driven method that learns a representation of morphology directly from the reinforcement learning objective. Ours is the first reinforcement learning algorithm that can train a policy to generalize to new agent morphologies without requiring a description of the agent's morphology in advance. We evaluate our approach on the standard benchmark for agent-agnostic control, and improve over the current state of the art in zero-shot generalization to new agents. Importantly, our method attains good performance without an explicit description of morphology." 1452,Stop Overcomplicating Selective Classification: Use Max-Logit,"We tackle the problem of Selective Classification where the goal is to achieve the best performance on the desired coverages of the dataset. Recent state-of-the-art selective methods come with architectural changes either via introducing a separate selection head or an extra abstention logit. In this paper, we present surprising results for Selective Classification by confirming that the superior performance of state-of-the-art methods is owed to training a more generalizable classifier; however, their selection mechanism is suboptimal. We argue that the selection mechanism should be rooted in the objective function instead of a separately calculated score. Accordingly, in this paper, we motivate an alternative selection strategy that is based on the cross entropy loss for the classification settings, namely, max of the logits. Our proposed selection strategy achieves better results by a significant margin, consistently, across all coverages and all datasets, without any additional computation. Finally, inspired by our superior selection mechanism, we propose to further regularize the objective function with entropy-minimization. Our proposed max-logit selection with the modified loss function achieves new state-of-the-art results for Selective Classification." 1453,Binary Early-Exit Network for Adaptive Inference on Low-Resource Devices,"Deep neural networks have significantly improved performance on a range of tasks with the increasing demand for computational resources, leaving deployment on low-resource devices (with limited memory and battery power) infeasible. Binary neural networks (BNNs) tackle the issue to an extent with extreme compression and speed-up gains compared to real-valued models. We propose a simple but effective method to accelerate inference through unifying BNNs with an early-exiting strategy. Our approach allows simple instances to exit early based on a decision threshold and utilizes output layers added to different intermediate layers to avoid executing the entire binary model. We extensively evaluate our method on three audio classification tasks and across four BNNs architectures. Our method demonstrates favorable quality-efficiency trade-offs while being controllable with an entropy-based threshold specified by the system user. It also results in better speed-ups (latency less than 6ms) with a single model based on existing BNN architectures without retraining for different efficiency levels. It also provides a straightforward way to estimate sample difficulty and better understanding of uncertainty around certain classes within the dataset." 1454,Landscape Learning for Neural Network Inversion,"Many machine learning methods operate by inverting a neural network at inference time, which has become a popular technique for solving inverse problems in computer vision, robotics, and graphics. However, these methods often involve gradient descent through a highly non-convex loss landscape, causing the optimization process to be unstable and slow. We introduce a method that learns a loss landscape where gradient descent is efficient, bringing massive improvement and acceleration to the inversion process. We demonstrate this advantage on a number of methods for both generative and discriminative tasks, including GAN inversion, adversarial defense, and 3D human pose reconstruction." 1455,Designing MacPherson Suspension Architectures using Bayesian Optimization,"Engineering design is traditionally performed by hand: an expert makes design proposals based on past experience, and these proposals are then tested for compliance with certain target specifications. Testing for compliance is performed first by computer simulation using what is called a discipline model. Such a model can be implemented by a finite element analysis, multibody systems approach, etc. Designs passing this simulation are then considered for physical prototyping. The overall process may take months, and is a significant cost in practice. We have developed a Bayesian optimization system for partially automating this process by directly optimizing compliance with the target specification with respect to the design parameters. The proposed method is a general framework for computing a generalized inverse of a high-dimensional non-linear function that does not require e.g. gradient information, which is often unavailable from discipline models. We furthermore develop a two-tier convergence criterion based on (i) convergence to a solution optimally satisfying all specified design criteria, or (ii) convergence to a minimum-norm solution. We demonstrate the proposed approach on a vehicle chassis design problem motivated by an industry setting using a state-of-the-art commercial discipline model. We show that the proposed approach is general, scalable, and efficient, and that the novel convergence criteria can be implemented straightforwardly based on existing concepts and subroutines in popular Bayesian optimization software packages." 1456,Conditional Permutation Invariant Flows,"We present a novel, conditional generative probabilistic model of set-valued data with a tractable log density. This model is a continuous normalizing flow governed by permutation equivariant dynamics. These dynamics are driven by a learnable per-set-element term and pairwise interactions, both parametrized by deep neural networks. We illustrate the utility of this model via applications including (1) complex traffic scene generation conditioned on visually specified map information, and (2) object bounding box generation conditioned directly on images. We train our model by maximizing the expected likelihood of labeled conditional data under our flow, with the aid of a penalty that ensures the dynamics are smooth and hence efficiently solvable. Our method significantly outperforms non-permutation invariant baselines in terms of log likelihood and domain-specific metrics (offroad, collision, and combined infractions), yielding realistic samples that are difficult to distinguish from real data." 1457,Path-Gradient Estimators for Continuous Normalizing Flows,"Recent work has established a path-gradient estimator for simple variational Gaussian distributions and has argued that the path-gradient is particularly beneficial in the regime in which the variational distribution approaches the exact target distribution. In many applications, this regime can however not be reached by a simple Gaussian variational distribution. In this work, we overcome this crucial limitation by proposing a path-gradient estimator for the considerably more expressive variational family of continuous normalizing flows. We outline an efficient algorithm to calculate this estimator and establish its superior performance empirically." 1458,Diffusion models as plug-and-play priors,"We consider the problem of inferring high-dimensional data $\mathbf{x}$ in a model that consists of a prior $p(\mathbf{x})$ and an auxiliary constraint $c(\mathbf{x},\mathbf{y})$. In this paper, the prior is an independently trained denoising diffusion generative model. The auxiliary constraint is expected to have a differentiable form, but can come from diverse sources. The possibility of such inference turns diffusion models into plug-and-play modules, thereby allowing a range of potential applications in adapting models to new domains and tasks, such as conditional generation or image segmentation. The structure of diffusion models allows us to perform approximate inference by iterating differentiation through the fixed denoising network enriched with different amounts of noise at each step. Considering many noised versions of $\mathbf{x}$ in evaluation of its fitness is a novel search mechanism that may lead to new algorithms for solving combinatorial optimization problems." 1459,LIMO: Latent Inceptionism for Targeted Molecule Generation,"Generation of drug-like molecules with high binding affinity to target proteins remains a difficult and resource-intensive task in drug discovery. Existing approaches primarily employ reinforcement learning, Markov sampling, or deep generative models guided by Gaussian processes, which can be prohibitively slow when generating molecules with high binding affinity calculated by computationally-expensive physics-based methods. We present Latent Inceptionism on Molecules (LIMO), which significantly accelerates molecule generation with an inceptionism-like technique. LIMO employs a variational autoencoder-generated latent space and property prediction by two neural networks in sequence to enable faster gradient-based reverse-optimization of molecular properties. Comprehensive experiments show that LIMO performs competitively on benchmark tasks and markedly outperforms state-of-the-art techniques on the novel task of generating drug-like compounds with high binding affinity, reaching nanomolar range against two protein targets. We corroborate these docking-based results with more accurate molecular dynamics-based calculations of absolute binding free energy and show that one of our generated drug-like compounds has a predicted $K_D$ (a measure of binding affinity) of $6 \cdot 10^{-14}$ M against the human estrogen receptor, well beyond the affinities of typical early-stage drug candidates and most FDA-approved drugs to their respective targets. Code is available at https://github.com/Rose-STL-Lab/LIMO." 1460,Towards Efficient Active Learning of PDFA,"We propose a new active learning algorithm for PDFA based on three main aspects: a congruence over states which takes into account next-symbol probability distributions, a quantization that copes with differences in distributions, and an efficient tree-based data structure. Experiments showed significant performance gains with respect to reference implementations." 1461,Cluster Generation via Deep Energy-Based Model,"We present a new approach for the generation of stable structures of nanoclusters using deep learning methods. Our method consists in constructing an artificial potential energy surface, with local minima corresponding to the most stable structures and which is much smoother than ""real"" potential in the intermediate regions of the configuration space. To build the surface, graph convolutional networks are used. The method can extrapolates the potential surface to cases of structures with larger number of atoms than was used in training. Thus, having a sufficient number of low-energy structures in the training set, the method allows to generate new candidates for the ground-state structures, including ones with larger number of atoms. We applied the approach to silica clusters $(SiO_2)_n$ and for the first time found the stable structures with n=28...51. The method is universal and does not depend on the atomic composition and number of atoms." 1462,A review of machine learning concepts and methods for addressing challenges in probabilistic hydrological post-processing and forecasting,"Probabilistic forecasting is receiving growing attention nowadays in a variety of applied fields, including hydrology. Several machine learning concepts and methods are notably relevant to formalizing and optimizing probabilistic forecasting implementations by addressing the relevant challenges. Nonetheless, practically-oriented reviews focusing on such concepts and methods are currently missing from the probabilistic hydrological forecasting literature. This absence holds despite the pronounced intensification in the research efforts for benefitting from machine learning in this same literature, and despite the substantial relevant progress that has recently emerged, especially in the field of probabilistic hydrological post-processing, which traditionally provides the hydrologists with probabilistic hydrological forecasting implementations. Herein, we aim to fill this specific gap. In our review, we emphasize key ideas and information that can lead to effective popularizations of the studied concepts and methods, as such an emphasis can support successful future implementations and further scientific developments in the field. In the same forward-looking direction, we identify open research questions and propose ideas to be explored in the future." 1463,Robust Group Synchronization via Quadratic Programming,"We propose a novel quadratic programming formulation for estimating the corruption levels in group synchronization, and use these estimates to solve this problem. Our objective function exploits the cycle consistency of the group and we thus refer to our method as detection and estimation of structural consistency (DESC). This general framework can be extended to other algebraic and geometric structures. Our formulation has the following advantages: it can tolerate corruption as high as the information-theoretic bound, it does not require a good initialization for the estimates of group elements, it has a simple interpretation, and under some mild conditions the global minimum of our objective function exactly recovers the corruption levels. We demonstrate the competitive accuracy of our approach on both synthetic and real data experiments of rotation averaging." 1464,StaDRe and StaDRo: Reliability and Robustness Estimation of ML-based Forecasting using Statistical Distance Measures,"Reliability estimation of Machine Learning (ML) models is becoming a crucial subject. This is particularly the case when such \mbox{models} are deployed in safety-critical applications, as the decisions based on model predictions can result in hazardous situations. In this regard, recent research has proposed methods to achieve safe, \mbox{dependable}, and reliable ML systems. One such method consists of detecting and analyzing distributional shift, and then measuring how such systems respond to these shifts. This was proposed in earlier work in SafeML. This work focuses on the use of SafeML for time series data, and on reliability and robustness estimation of ML-forecasting methods using statistical distance measures. To this end, distance measures based on the Empirical Cumulative Distribution Function (ECDF) proposed in SafeML are explored to measure Statistical-Distance Dissimilarity (SDD) across time series. We then propose SDD-based Reliability Estimate (StaDRe) and SDD-based Robustness (StaDRo) measures. With the help of a clustering technique, the similarity between the statistical properties of data seen during training and the forecasts is identified. The proposed method is capable of providing a link between dataset SDD and Key Performance Indicators (KPIs) of the ML models." 1465,Multi-scale Super-resolution Magnetic Resonance Spectroscopic Imaging with Adjustable Sharpness,"Magnetic Resonance Spectroscopic Imaging (MRSI) is a valuable tool for studying metabolic activities in the human body, but the current applications are limited to low spatial resolutions. The existing deep learning-based MRSI super-resolution methods require training a separate network for each upscaling factor, which is time-consuming and memory inefficient. We tackle this multi-scale super-resolution problem using a Filter Scaling strategy that modulates the convolution filters based on the upscaling factor, such that a single network can be used for various upscaling factors. Observing that each metabolite has distinct spatial characteristics, we also modulate the network based on the specific metabolite. Furthermore, our network is conditioned on the weight of adversarial loss so that the perceptual sharpness of the super-resolved metabolic maps can be adjusted within a single network. We incorporate these network conditionings using a novel Multi-Conditional Module. The experiments were carried out on a 1H-MRSI dataset from 15 high-grade glioma patients. Results indicate that the proposed network achieves the best performance among several multi-scale super-resolution methods and can provide super-resolved metabolic maps with adjustable sharpness." 1466,"ck-means, a novel unsupervised learning method that combines fuzzy and crispy clustering methods to extract intersecting data","Clustering data is a popular feature in the field of unsupervised machine learning. Most algorithms aim to find the best method to extract consistent clusters of data, but very few of them intend to cluster data that share the same intersections between two features or more. This paper proposes a method to do so. The main idea of this novel method is to generate fuzzy clusters of data using a Fuzzy C-Means (FCM) algorithm. The second part involves applying a filter that selects a range of minimum and maximum membership values, emphasizing the border data. A {\mu} parameter defines the amplitude of this range. It finally applies a k-means algorithm using the membership values generated by the FCM. Naturally, the data having similar membership values will regroup in a new crispy cluster. The algorithm is also able to find the optimal number of clusters for the FCM and the k-means algorithm, according to the consistency of the clusters given by the Silhouette Index (SI). The result is a list of data and clusters that regroup data sharing the same intersection, intersecting two features or more. ck-means allows extracting the very similar data that does not naturally fall in the same cluster but at the intersection of two clusters or more. The algorithm also always finds itself the optimal number of clusters." 1467,Explainable Global Error Weighted on Feature Importance: The xGEWFI metric to evaluate the error of data imputation and data augmentation,"Evaluating the performance of an algorithm is crucial. Evaluating the performance of data imputation and data augmentation can be similar since both generated data can be compared with an original distribution. Although, the typical evaluation metrics have the same flaw: They calculate the feature's error and the global error on the generated data without weighting the error with the feature importance. The result can be good if all of the feature's importance is similar. However, in most cases, the importance of the features is imbalanced, and it can induce an important bias on the features and global errors. This paper proposes a novel metric named ""Explainable Global Error Weighted on Feature Importance""(xGEWFI). This new metric is tested in a whole preprocessing method that 1. detects the outliers and replaces them with a null value. 2. imputes the data missing, and 3. augments the data. At the end of the process, the xGEWFI error is calculated. The distribution error between the original and generated data is calculated using a Kolmogorov-Smirnov test (KS test) for each feature. Those results are multiplied by the importance of the respective features, calculated using a Random Forest (RF) algorithm. The metric result is expressed in an explainable format, aiming for an ethical AI." 1468,DPDR: A novel machine learning method for the Decision Process for Dimensionality Reduction,"This paper discusses the critical decision process of extracting or selecting the features in a supervised learning context. It is often confusing to find a suitable method to reduce dimensionality. There are pros and cons to deciding between a feature selection and feature extraction according to the data's nature and the user's preferences. Indeed, the user may want to emphasize the results toward integrity or interpretability and a specific data resolution. This paper proposes a new method to choose the best dimensionality reduction method in a supervised learning context. It also helps to drop or reconstruct the features until a target resolution is reached. This target resolution can be user-defined, or it can be automatically defined by the method. The method applies a regression or a classification, evaluates the results, and gives a diagnosis about the best dimensionality reduction process in this specific supervised learning context. The main algorithms used are the Random Forest algorithms (RF), the Principal Component Analysis (PCA) algorithm, and the multilayer perceptron (MLP) neural network algorithm. Six use cases are presented, and every one is based on some well-known technique to generate synthetic data. This research discusses each choice that can be made in the process, aiming to clarify the issues about the entire decision process of selecting or extracting the features." 1469,Shallow and Deep Nonparametric Convolutions for Gaussian Processes,"A key challenge in the practical application of Gaussian processes (GPs) is selecting a proper covariance function. The moving average, or process convolutions, construction of GPs allows some additional flexibility, but still requires choosing a proper smoothing kernel, which is non-trivial. Previous approaches have built covariance functions by using GP priors over the smoothing kernel, and by extension the covariance, as a way to bypass the need to specify it in advance. However, such models have been limited in several ways: they are restricted to single dimensional inputs, e.g. time; they only allow modelling of single outputs and they do not scale to large datasets since inference is not straightforward. In this paper, we introduce a nonparametric process convolution formulation for GPs that alleviates these weaknesses by using a functional sampling approach based on Matheron's rule to perform fast sampling using interdomain inducing variables. Furthermore, we propose a composition of these nonparametric convolutions that serves as an alternative to classic deep GP models, and allows the covariance functions of the intermediate layers to be inferred from the data. We test the performance of our model on benchmarks for single output GPs, multiple output GPs and deep GPs and find that in many cases our approach can provide improvements over standard GP models." 1470,Random Forest of Epidemiological Models for Influenza Forecasting,"Forecasting the hospitalizations caused by the Influenza virus is vital for public health planning so that hospitals can be better prepared for an influx of patients. Many forecasting methods have been used in real-time during the Influenza seasons and submitted to the CDC for public communication. The forecasting models range from mechanistic models, and auto-regression models to machine learning models. We hypothesize that we can improve forecasting by using multiple mechanistic models to produce potential trajectories and use machine learning to learn how to combine those trajectories into an improved forecast. We propose a Tree Ensemble model design that utilizes the individual predictors of our baseline model SIkJalpha to improve its performance. Each predictor is generated by changing a set of hyper-parameters. We compare our prospective forecasts deployed for the FluSight challenge (2022) to all the other submitted approaches. Our approach is fully automated and does not require any manual tuning. We demonstrate that our Random Forest-based approach is able to improve upon the forecasts of the individual predictors in terms of mean absolute error, coverage, and weighted interval score. Our method outperforms all other models in terms of the mean absolute error and the weighted interval score based on the mean across all weekly submissions in the current season (2022). Explainability of the Random Forest (through analysis of the trees) enables us to gain insights into how it improves upon the individual predictors." 1471,Actionable Guidance for High-Consequence AI Risk Management: Towards Standards Addressing AI Catastrophic Risks,"Artificial intelligence (AI) systems can provide many beneficial capabilities but also risks of adverse events. Some AI systems could present risks of events with very high or catastrophic consequences at societal scale. The US National Institute of Standards and Technology (NIST) is developing the NIST Artificial Intelligence Risk Management Framework (AI RMF) as voluntary guidance on AI risk assessment and management for AI developers and others. For addressing risks of events with catastrophic consequences, NIST indicated a need to translate from high level principles to actionable risk management guidance. In this document, we provide detailed actionable-guidance recommendations focused on identifying and managing risks of events with very high or catastrophic consequences, intended as a risk management practices resource for NIST for AI RMF version 1.0 (scheduled for release in early 2023), or for AI RMF users, or for other AI risk management guidance and standards as appropriate. We also provide our methodology for our recommendations. We provide actionable-guidance recommendations for AI RMF 1.0 on: identifying risks from potential unintended uses and misuses of AI systems; including catastrophic-risk factors within the scope of risk assessments and impact assessments; identifying and mitigating human rights harms; and reporting information on AI risk factors including catastrophic-risk factors. In addition, we provide recommendations on additional issues for a roadmap for later versions of the AI RMF or supplementary publications. These include: providing an AI RMF Profile with supplementary guidance for cutting-edge increasingly multi-purpose or general-purpose AI. We aim for this work to be a concrete risk-management practices contribution, and to stimulate constructive dialogue on how to address catastrophic risks and associated issues in AI standards." 1472,Transformer Neural Networks Attending to Both Sequence and Structure for Protein Prediction Tasks,"The increasing number of protein sequences decoded from genomes is opening up new avenues of research on linking protein sequence to function with transformer neural networks. Recent research has shown that the number of known protein sequences supports learning useful, task-agnostic sequence representations via transformers. In this paper, we posit that learning joint sequence-structure representations yields better representations for function-related prediction tasks. We propose a transformer neural network that attends to both sequence and tertiary structure. We show that such joint representations are more powerful than sequence-based representations only, and they yield better performance on superfamily membership across various metrics." 1473,Design of Multi-model Linear Inferential Sensors with SVM-based Switching Logic,"We study the problem of data-based design of multi-model linear inferential (soft) sensors. The multi-model linear inferential sensors promise increased prediction accuracy yet simplicity of the model structure and training. The standard approach to the multi-model inferential sensor design consists in three separate steps: 1) data labeling (establishing training subsets for individual models), 2) data classification (creating a switching logic for the models), and 3) training of individual models. There are two main issues with this concept: a) as steps 2) & 3) are separate, discontinuities can occur when switching between the models; b) as steps 1) & 3) are separate, data labelling disregards the quality of the resulting model. Our contribution aims at both the mentioned problems, where, for the problem a), we introduce a novel SVM-based model training coupled with switching logic identification and, for the problem b), we propose a direct optimization of data labelling. We illustrate the proposed methodology and its benefits on an example from the chemical engineering domain." 1474,Intra-Instance VICReg: Bag of Self-Supervised Image Patch Embedding,"Recently, self-supervised learning (SSL) has achieved tremendous empirical advancements in learning image representation. However, our understanding and knowledge of the representation are still limited. This work shows that the success of the SOTA siamese-network-based SSL approaches is primarily based on learning a representation of image patches. Particularly, we show that when we learn a representation only for fixed-scale image patches and aggregate different patch representations linearly for an image (instance), it can achieve on par or even better results than the baseline methods on several benchmarks. Further, we show that the patch representation aggregation can also improve various SOTA baseline methods by a large margin. We also establish a formal connection between the SSL objective and the image patches co-occurrence statistics modeling, which supplements the prevailing invariance perspective. By visualizing the nearest neighbors of different image patches in the embedding space and projection space, we show that while the projection has more invariance, the embedding space tends to preserve more equivariance and locality. Finally, we propose a hypothesis for the future direction based on the discovery of this work." 1475,The Impact of Variable Ordering on Bayesian Network Structure Learning,"Causal Bayesian Networks provide an important tool for reasoning under uncertainty with potential application to many complex causal systems. Structure learning algorithms that can tell us something about the causal structure of these systems are becoming increasingly important. In the literature, the validity of these algorithms is often tested for sensitivity over varying sample sizes, hyper-parameters, and occasionally objective functions. In this paper, we show that the order in which the variables are read from data can have much greater impact on the accuracy of the algorithm than these factors. Because the variable ordering is arbitrary, any significant effect it has on learnt graph accuracy is concerning, and this raises questions about the validity of the results produced by algorithms that are sensitive to, but have not been assessed against, different variable orderings." 1476,Photoelectric Factor Prediction Using Automated Learning and Uncertainty Quantification,"The photoelectric factor (PEF) is an important well logging tool to distinguish between different types of reservoir rocks because PEF measurement is sensitive to elements with high atomic number. Furthermore, the ratio of rock minerals could be determined by combining PEF log with other well logs. However, PEF log could be missing in some cases such as in old well logs and wells drilled with barite-based mud. Therefore, developing models for estimating missing PEF log is essential in those circumstances. In this work, we developed various machine learning models to predict PEF values using the following well logs as inputs: bulk density (RHOB), neutron porosity (NPHI), gamma ray (GR), compressional and shear velocity. The predictions of PEF values using adaptive-network-fuzzy inference system (ANFIS) and artificial neural network (ANN) models have errors of about 16% and 14% average absolute percentage error (AAPE) in the testing dataset, respectively. Thus, a different approach was proposed that is based on the concept of automated machine learning. It works by automatically searching for the optimal model type and optimizes its hyperparameters for the dataset under investigation. This approach selected a Gaussian process regression (GPR) model for accurate estimation of PEF values. The developed GPR model decreases the AAPE of the predicted PEF values in the testing dataset to about 10% AAPE. This error could be further decreased to about 2% by modeling the potential noise in the measurements using the GPR model." 1477,Score-based Generative Models for Calorimeter Shower Simulation,"Score-based generative models are a new class of generative algorithms that have been shown to produce realistic images even in high dimensional spaces, currently surpassing other state-of-the-art models for different benchmark categories and applications. In this work we introduce CaloScore, a score-based generative model for collider physics applied to calorimeter shower generation. Three different diffusion models are investigated using the Fast Calorimeter Simulation Challenge 2022 dataset. CaloScore is the first application of a score-based generative model in collider physics and is able to produce high-fidelity calorimeter images for all datasets, providing an alternative paradigm for calorimeter shower simulation." 1478,Learning a Single Neuron with Adversarial Label Noise via Gradient Descent,"We study the fundamental problem of learning a single neuron, i.e., a function of the form $\mathbf{x}\mapsto\sigma(\mathbf{w}\cdot\mathbf{x})$ for monotone activations $\sigma:\mathbb{R}\mapsto\mathbb{R}$, with respect to the $L_2^2$-loss in the presence of adversarial label noise. Specifically, we are given labeled examples from a distribution $D$ on $(\mathbf{x}, y)\in\mathbb{R}^d \times \mathbb{R}$ such that there exists $\mathbf{w}^\ast\in\mathbb{R}^d$ achieving $F(\mathbf{w}^\ast)=\epsilon$, where $F(\mathbf{w})=\mathbf{E}_{(\mathbf{x},y)\sim D}[(\sigma(\mathbf{w}\cdot \mathbf{x})-y)^2]$. The goal of the learner is to output a hypothesis vector $\mathbf{w}$ such that $F(\mathbb{w})=C\, \epsilon$ with high probability, where $C>1$ is a universal constant. As our main contribution, we give efficient constant-factor approximate learners for a broad class of distributions (including log-concave distributions) and activation functions. Concretely, for the class of isotropic log-concave distributions, we obtain the following important corollaries: For the logistic activation, we obtain the first polynomial-time constant factor approximation (even under the Gaussian distribution). Our algorithm has sample complexity $\widetilde{O}(d/\epsilon)$, which is tight within polylogarithmic factors. For the ReLU activation, we give an efficient algorithm with sample complexity $\tilde{O}(d\, \polylog(1/\epsilon))$. Prior to our work, the best known constant-factor approximate learner had sample complexity $\tilde{\Omega}(d/\epsilon)$. In both of these settings, our algorithms are simple, performing gradient-descent on the (regularized) $L_2^2$-loss. The correctness of our algorithms relies on novel structural results that we establish, showing that (essentially all) stationary points of the underlying non-convex loss are approximately optimal." 1479,The Open Catalyst 2022 (OC22) Dataset and Challenges for Oxide Electrocatalysis,"Computational catalysis and machine learning communities have made considerable progress in developing machine learning models for catalyst discovery and design. Yet, a general machine learning potential that spans the chemical space of catalysis is still out of reach. A significant hurdle is obtaining access to training data across a wide range of materials. One important class of materials where data is lacking are oxides, which inhibits models from studying the Oxygen Evolution Reaction and oxide electrocatalysis more generally. To address this we developed the Open Catalyst 2022(OC22) dataset, consisting of 62,521 Density Functional Theory (DFT) relaxations (~9,884,504 single point calculations) across a range of oxide materials, coverages, and adsorbates (*H, *O, *N, *C, *OOH, *OH, *OH2, *O2, *CO). We define generalized tasks to predict the total system energy that are applicable across catalysis, develop baseline performance of several graph neural networks (SchNet, DimeNet++, ForceNet, SpinConv, PaiNN, GemNet-dT, GemNet-OC), and provide pre-defined dataset splits to establish clear benchmarks for future efforts. For all tasks, we study whether combining datasets leads to better results, even if they contain different materials or adsorbates. Specifically, we jointly train models on Open Catalyst 2020 (OC20) Dataset and OC22, or fine-tune pretrained OC20 models on OC22. In the most general task, GemNet-OC sees a ~32% improvement in energy predictions through fine-tuning and a ~9% improvement in force predictions via joint training. Surprisingly, joint training on both the OC20 and much smaller OC22 datasets also improves total energy predictions on OC20 by ~19%. The dataset and baseline models are open sourced, and a public leaderboard will follow to encourage continued community developments on the total energy tasks and data." 1480,SYMBA: Symbolic Computation of Squared Amplitudes in High Energy Physics with Machine Learning,"The cross section is one of the most important physical quantities in high-energy physics and the most time consuming to compute. While machine learning has proven to be highly successful in numerical calculations in high-energy physics, analytical calculations using machine learning are still in their infancy. In this work, we use a sequence-to-sequence transformer model to compute a key element of the cross section calculation, namely, the squared amplitude of an interaction. We show that a transformer model is able to predict correctly 89.0% and 99.4% of squared amplitudes of QCD and QED processes, respectively. We discuss the performance of the current model, its limitations and possible future directions for this work." 1481,Approximate Equivariance SO(3) Needlet Convolution,"This paper develops a rotation-invariant needlet convolution for rotation group SO(3) to distill multiscale information of spherical signals. The spherical needlet transform is generalized from $\mathbb{S}^2$ onto the SO(3) group, which decomposes a spherical signal to approximate and detailed spectral coefficients by a set of tight framelet operators. The spherical signal during the decomposition and reconstruction achieves rotation invariance. Based on needlet transforms, we form a Needlet approximate Equivariance Spherical CNN (NES) with multiple SO(3) needlet convolutional layers. The network establishes a powerful tool to extract geometric-invariant features of spherical signals. The model allows sufficient network scalability with multi-resolution representation. A robust signal embedding is learned with wavelet shrinkage activation function, which filters out redundant high-pass representation while maintaining approximate rotation invariance. The NES achieves state-of-the-art performance for quantum chemistry regression and Cosmic Microwave Background (CMB) delensing reconstruction, which shows great potential for solving scientific challenges with high-resolution and multi-scale spherical signal representation." 1482,Adapting the Linearised Laplace Model Evidence for Modern Deep Learning,"The linearised Laplace method for estimating model uncertainty has received renewed attention in the Bayesian deep learning community. The method provides reliable error bars and admits a closed-form expression for the model evidence, allowing for scalable selection of model hyperparameters. In this work, we examine the assumptions behind this method, particularly in conjunction with model selection. We show that these interact poorly with some now-standard tools of deep learning--stochastic approximation methods and normalisation layers--and make recommendations for how to better adapt this classic method to the modern setting. We provide theoretical support for our recommendations and validate them empirically on MLPs, classic CNNs, residual networks with and without normalisation layers, generative autoencoders and transformers." 1483,Popular decision tree algorithms are provably noise tolerant,"Using the framework of boosting, we prove that all impurity-based decision tree learning algorithms, including the classic ID3, C4.5, and CART, are highly noise tolerant. Our guarantees hold under the strongest noise model of nasty noise, and we provide near-matching upper and lower bounds on the allowable noise rate. We further show that these algorithms, which are simple and have long been central to everyday machine learning, enjoy provable guarantees in the noisy setting that are unmatched by existing algorithms in the theoretical literature on decision tree learning. Taken together, our results add to an ongoing line of research that seeks to place the empirical success of these practical decision tree algorithms on firm theoretical footing." 1484,Scaling multi-species occupancy models to large citizen science datasets,"Citizen science datasets can be very large and promise to improve species distribution modelling, but detection is imperfect, risking bias when fitting models. In particular, observers may not detect species that are actually present. Occupancy models can estimate and correct for this observation process, and multi-species occupancy models exploit similarities in the observation process, which can improve estimates for rare species. However, the computational methods currently used to fit these models do not scale to large datasets. We develop approximate Bayesian inference methods and use graphics processing units (GPUs) to scale multi-species occupancy models to very large citizen science data. We fit multi-species occupancy models to one month of data from the eBird project consisting of 186,811 checklist records comprising 430 bird species. We evaluate the predictions on a spatially separated test set of 59,338 records, comparing two different inference methods -- Markov chain Monte Carlo (MCMC) and variational inference (VI) -- to occupancy models fitted to each species separately using maximum likelihood. We fitted models to the entire dataset using VI, and up to 32,000 records with MCMC. VI fitted to the entire dataset performed best, outperforming single-species models on both AUC (90.4% compared to 88.7%) and on log likelihood (-0.080 compared to -0.085). We also evaluate how well range maps predicted by the model agree with expert maps. We find that modelling the detection process greatly improves agreement and that the resulting maps agree as closely with expert maps as ones estimated using high quality survey data. Our results demonstrate that multi-species occupancy models are a compelling approach to model large citizen science datasets, and that, once the observation process is taken into account, they can model species distributions accurately." 1485,"Representational Multiplicity Should Be Exposed, Not Eliminated","It is prevalent and well-observed, but poorly understood, that two machine learning models with similar performance during training can have very different real-world performance characteristics. This implies elusive differences in the internals of the models, manifesting as representational multiplicity (RM). We introduce a conceptual and experimental setup for analyzing RM and show that certain training methods systematically result in greater RM than others, measured by activation similarity via singular vector canonical correlation analysis (SVCCA). We further correlate it with predictive multiplicity measured by the variance in i.i.d. and out-of-distribution test set predictions, in four common image data sets. We call for systematic measurement and maximal exposure, not elimination, of RM in models. Qualitative tools such as our confabulator analysis can facilitate understanding and communication of RM effects to stakeholders." 1486,RetrievalGuard: Provably Robust 1-Nearest Neighbor Image Retrieval,"Recent research works have shown that image retrieval models are vulnerable to adversarial attacks, where slightly modified test inputs could lead to problematic retrieval results. In this paper, we aim to design a provably robust image retrieval model which keeps the most important evaluation metric Recall@1 invariant to adversarial perturbation. We propose the first 1-nearest neighbor (NN) image retrieval algorithm, RetrievalGuard, which is provably robust against adversarial perturbations within an $\ell_2$ ball of calculable radius. The challenge is to design a provably robust algorithm that takes into consideration the 1-NN search and the high-dimensional nature of the embedding space. Algorithmically, given a base retrieval model and a query sample, we build a smoothed retrieval model by carefully analyzing the 1-NN search procedure in the high-dimensional embedding space. We show that the smoothed retrieval model has bounded Lipschitz constant and thus the retrieval score is invariant to $\ell_2$ adversarial perturbations. Experiments on image retrieval tasks validate the robustness of our RetrievalGuard method." 1487,Lossy Compression with Gaussian Diffusion,"We describe a novel lossy compression approach called DiffC which is based on unconditional diffusion generative models. Unlike modern compression schemes which rely on transform coding and quantization to restrict the transmitted information, DiffC relies on the efficient communication of pixels corrupted by Gaussian noise. We implement a proof of concept and find that it works surprisingly well despite the lack of an encoder transform, outperforming the state-of-the-art generative compression method HiFiC on ImageNet 64x64. DiffC only uses a single model to encode and denoise corrupted pixels at arbitrary bitrates. The approach further provides support for progressive coding, that is, decoding from partial bit streams. We perform a rate-distortion analysis to gain a deeper understanding of its performance, providing analytical results for multivariate Gaussian data as well as initial results for general distributions. Furthermore, we show that a flow-based reconstruction achieves a 3 dB gain over ancestral sampling at high bitrates." 1488,Fast Population-Based Reinforcement Learning on a Single Machine,"Training populations of agents has demonstrated great promise in Reinforcement Learning for stabilizing training, improving exploration and asymptotic performance, and generating a diverse set of solutions. However, population-based training is often not considered by practitioners as it is perceived to be either prohibitively slow (when implemented sequentially), or computationally expensive (if agents are trained in parallel on independent accelerators). In this work, we compare implementations and revisit previous studies to show that the judicious use of compilation and vectorization allows population-based training to be performed on a single machine with one accelerator with minimal overhead compared to training a single agent. We also show that, when provided with a few accelerators, our protocols extend to large population sizes for applications such as hyperparameter tuning. We hope that this work and the public release of our code will encourage practitioners to use population-based learning more frequently for their research and applications." 1489,Incorporating intratumoral heterogeneity into weakly-supervised deep learning models via variance pooling,"Supervised learning tasks such as cancer survival prediction from gigapixel whole slide images (WSIs) are a critical challenge in computational pathology that requires modeling complex features of the tumor microenvironment. These learning tasks are often solved with deep multi-instance learning (MIL) models that do not explicitly capture intratumoral heterogeneity. We develop a novel variance pooling architecture that enables a MIL model to incorporate intratumoral heterogeneity into its predictions. Two interpretability tools based on representative patches are illustrated to probe the biological signals captured by these models. An empirical study with 4,479 gigapixel WSIs from the Cancer Genome Atlas shows that adding variance pooling onto MIL frameworks improves survival prediction performance for five cancer types." 1490,CtrlFormer: Learning Transferable State Representation for Visual Control via Transformer,"Transformer has achieved great successes in learning vision and language representation, which is general across various downstream tasks. In visual control, learning transferable state representation that can transfer between different control tasks is important to reduce the training sample size. However, porting Transformer to sample-efficient visual control remains a challenging and unsolved problem. To this end, we propose a novel Control Transformer (CtrlFormer), possessing many appealing benefits that prior arts do not have. Firstly, CtrlFormer jointly learns self-attention mechanisms between visual tokens and policy tokens among different control tasks, where multitask representation can be learned and transferred without catastrophic forgetting. Secondly, we carefully design a contrastive reinforcement learning paradigm to train CtrlFormer, enabling it to achieve high sample efficiency, which is important in control problems. For example, in the DMControl benchmark, unlike recent advanced methods that failed by producing a zero score in the ""Cartpole"" task after transfer learning with 100k samples, CtrlFormer can achieve a state-of-the-art score with only 100k samples while maintaining the performance of previous tasks. The code and models are released in our project homepage." 1491,Improving Generalization of Metric Learning via Listwise Self-distillation,"Most deep metric learning (DML) methods employ a strategy that forces all positive samples to be close in the embedding space while keeping them away from negative ones. However, such a strategy ignores the internal relationships of positive (negative) samples and often leads to overfitting, especially in the presence of hard samples and mislabeled samples. In this work, we propose a simple yet effective regularization, namely Listwise Self-Distillation (LSD), which progressively distills a model's own knowledge to adaptively assign a more appropriate distance target to each sample pair in a batch. LSD encourages smoother embeddings and information mining within positive (negative) samples as a way to mitigate overfitting and thus improve generalization. Our LSD can be directly integrated into general DML frameworks. Extensive experiments show that LSD consistently boosts the performance of various metric learning methods on multiple datasets." 1492,"Mirror Descent with Relative Smoothness in Measure Spaces, with application to Sinkhorn and EM","Many problems in machine learning can be formulated as optimizing a convex functional over a space of measures. This paper studies the convergence of the mirror descent algorithm in this infinite-dimensional setting. Defining Bregman divergences through directional derivatives, we derive the convergence of the scheme for relatively smooth and strongly convex pairs of functionals. Applying our result to joint distributions and the Kullback--Leibler (KL) divergence, we show that Sinkhorn's primal iterations for entropic optimal transport in the continuous setting correspond to a mirror descent, and we obtain a new proof of its (sub)linear convergence. We also show that Expectation Maximization (EM) can always formally be written as a mirror descent, and, when optimizing on the latent distribution while fixing the mixtures, we derive sublinear rates of convergence." 1493,How robust are pre-trained models to distribution shift?,"The vulnerability of machine learning models to spurious correlations has mostly been discussed in the context of supervised learning (SL). However, there is a lack of insight on how spurious correlations affect the performance of popular self-supervised learning (SSL) and auto-encoder based models (AE). In this work, we shed light on this by evaluating the performance of these models on both real world and synthetic distribution shift datasets. Following observations that the linear head itself can be susceptible to spurious correlations, we develop a novel evaluation scheme with the linear head trained on out-of-distribution (OOD) data, to isolate the performance of the pre-trained models from a potential bias of the linear head used for evaluation. With this new methodology, we show that SSL models are consistently more robust to distribution shifts and thus better at OOD generalisation than AE and SL models." 1494,Fast Lossless Neural Compression with Integer-Only Discrete Flows,"By applying entropy codecs with learned data distributions, neural compressors have significantly outperformed traditional codecs in terms of compression ratio. However, the high inference latency of neural networks hinders the deployment of neural compressors in practical applications. In this work, we propose Integer-only Discrete Flows (IODF), an efficient neural compressor with integer-only arithmetic. Our work is built upon integer discrete flows, which consists of invertible transformations between discrete random variables. We propose efficient invertible transformations with integer-only arithmetic based on 8-bit quantization. Our invertible transformation is equipped with learnable binary gates to remove redundant filters during inference. We deploy IODF with TensorRT on GPUs, achieving 10x inference speedup compared to the fastest existing neural compressors, while retaining the high compression rates on ImageNet32 and ImageNet64." 1495,Plotly-Resampler: Effective Visual Analytics for Large Time Series,"Visual analytics is arguably the most important step in getting acquainted with your data. This is especially the case for time series, as this data type is hard to describe and cannot be fully understood when using for example summary statistics. To realize effective time series visualization, four requirements have to be met; a tool should be (1) interactive, (2) scalable to millions of data points, (3) integrable in conventional data science environments, and (4) highly configurable. We observe that open source Python visualization toolkits empower data scientists in most visual analytics tasks, but lack the combination of scalability and interactivity to realize effective time series visualization. As a means to facilitate these requirements, we created Plotly-Resampler, an open source Python library. Plotly-Resampler is an add-on for Plotly's Python bindings, enhancing line chart scalability on top of an interactive toolkit by aggregating the underlying data depending on the current graph view. Plotly-Resampler is built to be snappy, as the reactivity of a tool qualitatively affects how analysts visually explore and analyze data. A benchmark task highlights how our toolkit scales better than alternatives in terms of number of samples and time series. Additionally, Plotly-Resampler's flexible data aggregation functionality paves the path towards researching novel aggregation techniques. Plotly-Resampler's integrability, together with its configurability, convenience, and high scalability, allows to effectively analyze high-frequency data in your day-to-day Python environment." 1496,Generalized Frank-Wolfe Algorithm for Bilevel Optimization,"In this paper, we study a class of bilevel optimization problems, also known as simple bilevel optimization, where we minimize a smooth objective function over the optimal solution set of another convex constrained optimization problem. Several iterative methods have been developed for tackling this class of problems. Alas, their convergence guarantees are not satisfactory as they are either asymptotic for the upper-level objective, or the convergence rates are slow and sub-optimal. To address this issue, in this paper, we introduce a generalization of the Frank-Wolfe (FW) method to solve the considered problem. The main idea of our method is to locally approximate the solution set of the lower-level problem via a cutting plane, and then run a FW-type update to decrease the upper-level objective. When the upper-level objective is convex, we show that our method requires ${\mathcal{O}}(\max\{1/\epsilon_f,1/\epsilon_g\})$ iterations to find a solution that is $\epsilon_f$-optimal for the upper-level objective and $\epsilon_g$-optimal for the lower-level objective. Moreover, when the upper-level objective is non-convex, our method requires ${\mathcal{O}}(\max\{1/\epsilon_f^2,1/(\epsilon_f\epsilon_g)\})$ iterations to find an $(\epsilon_f,\epsilon_g)$-optimal solution. We further prove stronger convergence guarantees under the H\""olderian error bound assumption on the lower-level problem. To the best of our knowledge, our method achieves the best-known iteration complexity for the considered bilevel problem. We also present numerical experiments to showcase the superior performance of our method compared with state-of-the-art methods." 1497,A Survey on Computational Intelligence-based Transfer Learning,"The goal of transfer learning (TL) is providing a framework for exploiting acquired knowledge from source to target data. Transfer learning approaches compared to traditional machine learning approaches are capable of modeling better data patterns from the current domain. However, vanilla TL needs performance improvements by using computational intelligence-based TL. This paper studies computational intelligence-based transfer learning techniques and categorizes them into neural network-based, evolutionary algorithm-based, swarm intelligence-based and fuzzy logic-based transfer learning." 1498,Avoid Overfitting User Specific Information in Federated Keyword Spotting,"Keyword spotting (KWS) aims to discriminate a specific wake-up word from other signals precisely and efficiently for different users. Recent works utilize various deep networks to train KWS models with all users' speech data centralized without considering data privacy. Federated KWS (FedKWS) could serve as a solution without directly sharing users' data. However, the small amount of data, different user habits, and various accents could lead to fatal problems, e.g., overfitting or weight divergence. Hence, we propose several strategies to encourage the model not to overfit user-specific information in FedKWS. Specifically, we first propose an adversarial learning strategy, which updates the downloaded global model against an overfitted local model and explicitly encourages the global model to capture user-invariant information. Furthermore, we propose an adaptive local training strategy, letting clients with more training data and more uniform class distributions undertake more local update steps. Equivalently, this strategy could weaken the negative impacts of those users whose data is less qualified. Our proposed FedKWS-UI could explicitly and implicitly learn user-invariant information in FedKWS. Abundant experimental results on federated Google Speech Commands verify the effectiveness of FedKWS-UI." 1499,MineDojo: Building Open-Ended Embodied Agents with Internet-Scale Knowledge,"Autonomous agents have made great strides in specialist domains like Atari games and Go. However, they typically learn tabula rasa in isolated environments with limited and manually conceived objectives, thus failing to generalize across a wide spectrum of tasks and capabilities. Inspired by how humans continually learn and adapt in the open world, we advocate a trinity of ingredients for building generalist agents: 1) an environment that supports a multitude of tasks and goals, 2) a large-scale database of multimodal knowledge, and 3) a flexible and scalable agent architecture. We introduce MineDojo, a new framework built on the popular Minecraft game that features a simulation suite with thousands of diverse open-ended tasks and an internet-scale knowledge base with Minecraft videos, tutorials, wiki pages, and forum discussions. Using MineDojo's data, we propose a novel agent learning algorithm that leverages large pre-trained video-language models as a learned reward function. Our agent is able to solve a variety of open-ended tasks specified in free-form language without any manually designed dense shaping reward. We open-source the simulation suite and knowledge bases (https://minedojo.org) to promote research towards the goal of generally capable embodied agents." 1500,Channel-wise Mixed-precision Assignment for DNN Inference on Constrained Edge Nodes,"Quantization is widely employed in both cloud and edge systems to reduce the memory occupation, latency, and energy consumption of deep neural networks. In particular, mixed-precision quantization, i.e., the use of different bit-widths for different portions of the network, has been shown to provide excellent efficiency gains with limited accuracy drops, especially with optimized bit-width assignments determined by automated Neural Architecture Search (NAS) tools. State-of-the-art mixed-precision works layer-wise, i.e., it uses different bit-widths for the weights and activations tensors of each network layer. In this work, we widen the search space, proposing a novel NAS that selects the bit-width of each weight tensor channel independently. This gives the tool the additional flexibility of assigning a higher precision only to the weights associated with the most informative features. Testing on the MLPerf Tiny benchmark suite, we obtain a rich collection of Pareto-optimal models in the accuracy vs model size and accuracy vs energy spaces. When deployed on the MPIC RISC-V edge processor, our networks reduce the memory and energy for inference by up to 63% and 27% respectively compared to a layer-wise approach, for the same accuracy." 1501,SMPL: Simulated Industrial Manufacturing and Process Control Learning Environments,"Traditional biological and pharmaceutical manufacturing plants are controlled by human workers or pre-defined thresholds. Modernized factories have advanced process control algorithms such as model predictive control (MPC). However, there is little exploration of applying deep reinforcement learning to control manufacturing plants. One of the reasons is the lack of high fidelity simulations and standard APIs for benchmarking. To bridge this gap, we develop an easy-to-use library that includes five high-fidelity simulation environments: BeerFMTEnv, ReactorEnv, AtropineEnv, PenSimEnv and mAbEnv, which cover a wide range of manufacturing processes. We build these environments on published dynamics models. Furthermore, we benchmark online and offline, model-based and model-free reinforcement learning algorithms for comparisons of follow-up research." 1502,AutoML Two-Sample Test,"Two-sample tests are important in statistics and machine learning, both as tools for scientific discovery as well as to detect distribution shifts. This led to the development of many sophisticated test procedures going beyond the standard supervised learning frameworks, whose usage can require specialized knowledge about two-sample testing. We use a simple test that takes the mean discrepancy of a witness function as the test statistic and prove that minimizing a squared loss leads to a witness with optimal testing power. This allows us to leverage recent advancements in AutoML. Without any user input about the problems at hand, and using the same method for all our experiments, our AutoML two-sample test achieves competitive performance on a diverse distribution shift benchmark as well as on challenging two-sample testing problems. We provide an implementation of the AutoML two-sample test in the Python package autotst." 1503,Random projections and Kernelised Leave One Cluster Out Cross-Validation: Universal baselines and evaluation tools for supervised machine learning for materials properties,"With machine learning being a popular topic in current computational materials science literature, creating representations for compounds has become common place. These representations are rarely compared, as evaluating their performance - and the performance of the algorithms that they are used with - is non-trivial. With many materials datasets containing bias and skew caused by the research process, leave one cluster out cross validation (LOCO-CV) has been introduced as a way of measuring the performance of an algorithm in predicting previously unseen groups of materials. This raises the question of the impact, and control, of the range of cluster sizes on the LOCO-CV measurement outcomes. We present a thorough comparison between composition-based representations, and investigate how kernel approximation functions can be used to better separate data to enhance LOCO-CV applications. We find that domain knowledge does not improve machine learning performance in most tasks tested, with band gap prediction being the notable exception. We also find that the radial basis function improves the linear separability of chemical datasets in all 10 datasets tested and provide a framework for the application of this function in the LOCO-CV process to improve the outcome of LOCO-CV measurements regardless of machine learning algorithm, choice of metric, and choice of compound representation. We recommend kernelised LOCO-CV as a training paradigm for those looking to measure the extrapolatory power of an algorithm on materials data." 1504,Decentralized adaptive clustering of deep nets is beneficial for client collaboration,"We study the problem of training personalized deep learning models in a decentralized peer-to-peer setting, focusing on the setting where data distributions differ between the clients and where different clients have different local learning tasks. We study both covariate and label shift, and our contribution is an algorithm which for each client finds beneficial collaborations based on a similarity estimate for the local task. Our method does not rely on hyperparameters which are hard to estimate, such as the number of client clusters, but rather continuously adapts to the network topology using soft cluster assignment based on a novel adaptive gossip algorithm. We test the proposed method in various settings where data is not independent and identically distributed among the clients. The experimental evaluation shows that the proposed method performs better than previous state-of-the-art algorithms for this problem setting, and handles situations well where previous methods fail." 1505,Prediction of Solar Radiation Based on Spatial and Temporal Embeddings for Solar Generation Forecast,"A novel method for real-time solar generation forecast using weather data, while exploiting both spatial and temporal structural dependencies is proposed. The network observed over time is projected to a lower-dimensional representation where a variety of weather measurements are used to train a structured regression model while weather forecast is used at the inference stage. Experiments were conducted at 288 locations in the San Antonio, TX area on obtained from the National Solar Radiation Database. The model predicts solar irradiance with a good accuracy (R2 0.91 for the summer, 0.85 for the winter, and 0.89 for the global model). The best accuracy was obtained by the Random Forest Regressor. Multiple experiments were conducted to characterize influence of missing data and different time horizons providing evidence that the new algorithm is robust for data missing not only completely at random but also when the mechanism is spatial, and temporal." 1506,FedNew: A Communication-Efficient and Privacy-Preserving Newton-Type Method for Federated Learning,"Newton-type methods are popular in federated learning due to their fast convergence. Still, they suffer from two main issues, namely: low communication efficiency and low privacy due to the requirement of sending Hessian information from clients to parameter server (PS). In this work, we introduced a novel framework called FedNew in which there is no need to transmit Hessian information from clients to PS, hence resolving the bottleneck to improve communication efficiency. In addition, FedNew hides the gradient information and results in a privacy-preserving approach compared to the existing state-of-the-art. The core novel idea in FedNew is to introduce a two level framework, and alternate between updating the inverse Hessian-gradient product using only one alternating direction method of multipliers (ADMM) step and then performing the global model update using Newton's method. Though only one ADMM pass is used to approximate the inverse Hessian-gradient product at each iteration, we develop a novel theoretical approach to show the converging behavior of FedNew for convex problems. Additionally, a significant reduction in communication overhead is achieved by utilizing stochastic quantization. Numerical results using real datasets show the superiority of FedNew compared to existing methods in terms of communication costs." 1507,Multimodal Attention-based Deep Learning for Alzheimer's Disease Diagnosis,"Alzheimer's Disease (AD) is the most common neurodegenerative disorder with one of the most complex pathogeneses, making effective and clinically actionable decision support difficult. The objective of this study was to develop a novel multimodal deep learning framework to aid medical professionals in AD diagnosis. We present a Multimodal Alzheimer's Disease Diagnosis framework (MADDi) to accurately detect the presence of AD and mild cognitive impairment (MCI) from imaging, genetic, and clinical data. MADDi is novel in that we use cross-modal attention, which captures interactions between modalities - a method not previously explored in this domain. We perform multi-class classification, a challenging task considering the strong similarities between MCI and AD. We compare with previous state-of-the-art models, evaluate the importance of attention, and examine the contribution of each modality to the model's performance. MADDi classifies MCI, AD, and controls with 96.88% accuracy on a held-out test set. When examining the contribution of different attention schemes, we found that the combination of cross-modal attention with self-attention performed the best, and no attention layers in the model performed the worst, with a 7.9% difference in F1-Scores. Our experiments underlined the importance of structured clinical data to help machine learning models contextualize and interpret the remaining modalities. Extensive ablation studies showed that any multimodal mixture of input features without access to structured clinical information suffered marked performance losses. This study demonstrates the merit of combining multiple input modalities via cross-modal attention to deliver highly accurate AD diagnostic decision support." 1508,Holistic Transformer: A Joint Neural Network for Trajectory Prediction and Decision-Making of Autonomous Vehicles,"Trajectory prediction and behavioral decision-making are two important tasks for autonomous vehicles that require good understanding of the environmental context; behavioral decisions are better made by referring to the outputs of trajectory predictions. However, most current solutions perform these two tasks separately. Therefore, a joint neural network that combines multiple cues is proposed and named as the holistic transformer to predict trajectories and make behavioral decisions simultaneously. To better explore the intrinsic relationships between cues, the network uses existing knowledge and adopts three kinds of attention mechanisms: the sparse multi-head type for reducing noise impact, feature selection sparse type for optimally using partial prior knowledge, and multi-head with sigmoid activation type for optimally using posteriori knowledge. Compared with other trajectory prediction models, the proposed model has better comprehensive performance and good interpretability. Perceptual noise robustness experiments demonstrate that the proposed model has good noise robustness. Thus, simultaneous trajectory prediction and behavioral decision-making combining multiple cues can reduce computational costs and enhance semantic relationships between scenes and agents." 1509,Truly Unordered Probabilistic Rule Sets for Multi-class Classification,"Rule set learning has long been studied and has recently been frequently revisited due to the need for interpretable models. Still, existing methods have several shortcomings: 1) most recent methods require a binary feature matrix as input, learning rules directly from numeric variables is understudied; 2) existing methods impose orders among rules, either explicitly or implicitly, which harms interpretability; and 3) currently no method exists for learning probabilistic rule sets for multi-class target variables (there is only a method for probabilistic rule lists). We propose TURS, for Truly Unordered Rule Sets, which addresses these shortcomings. We first formalise the problem of learning truly unordered rule sets. To resolve conflicts caused by overlapping rules, i.e., instances covered by multiple rules, we propose a novel approach that exploits the probabilistic properties of our rule sets. We next develop a two-phase heuristic algorithm that learns rule sets by carefully growing rules. An important innovation is that we use a surrogate score to take the global potential of the rule set into account when learning a local rule. Finally, we empirically demonstrate that, compared to non-probabilistic and (explicitly or implicitly) ordered state-of-the-art methods, our method learns rule sets that not only have better interpretability (i.e., they are smaller and truly unordered), but also better predictive performance." 1510,Open-Sampling: Exploring Out-of-Distribution data for Re-balancing Long-tailed datasets,"Deep neural networks usually perform poorly when the training dataset suffers from extreme class imbalance. Recent studies found that directly training with out-of-distribution data (i.e., open-set samples) in a semi-supervised manner would harm the generalization performance. In this work, we theoretically show that out-of-distribution data can still be leveraged to augment the minority classes from a Bayesian perspective. Based on this motivation, we propose a novel method called Open-sampling, which utilizes open-set noisy labels to re-balance the class priors of the training dataset. For each open-set instance, the label is sampled from our pre-defined distribution that is complementary to the distribution of original class priors. We empirically show that Open-sampling not only re-balances the class priors but also encourages the neural network to learn separable representations. Extensive experiments demonstrate that our proposed method significantly outperforms existing data re-balancing methods and can boost the performance of existing state-of-the-art methods." 1511,The State of Sparse Training in Deep Reinforcement Learning,"The use of sparse neural networks has seen rapid growth in recent years, particularly in computer vision. Their appeal stems largely from the reduced number of parameters required to train and store, as well as in an increase in learning efficiency. Somewhat surprisingly, there have been very few efforts exploring their use in Deep Reinforcement Learning (DRL). In this work we perform a systematic investigation into applying a number of existing sparse training techniques on a variety of DRL agents and environments. Our results corroborate the findings from sparse training in the computer vision domain - sparse networks perform better than dense networks for the same parameter count - in the DRL domain. We provide detailed analyses on how the various components in DRL are affected by the use of sparse networks and conclude by suggesting promising avenues for improving the effectiveness of sparse training methods, as well as for advancing their use in DRL." 1512,Fast Simulation of Particulate Suspensions Enabled by Graph Neural Network,"Predicting the dynamic behaviors of particles in suspension subject to hydrodynamic interaction (HI) and external drive can be critical for many applications. By harvesting advanced deep learning techniques, the present work introduces a new framework, hydrodynamic interaction graph neural network (HIGNN), for inferring and predicting the particles' dynamics in Stokes suspensions. It overcomes the limitations of traditional approaches in computational efficiency, accuracy, and/or transferability. In particular, by uniting the data structure represented by a graph and the neural networks with learnable parameters, the HIGNN constructs surrogate modeling for the mobility tensor of particles which is the key to predicting the dynamics of particles subject to HI and external forces. To account for the many-body nature of HI, we generalize the state-of-the-art GNN by introducing higher-order connectivity into the graph and the corresponding convolutional operation. For training the HIGNN, we only need the data for a small number of particles in the domain of interest, and hence the training cost can be maintained low. Once constructed, the HIGNN permits fast predictions of the particles' velocities and is transferable to suspensions of different numbers/concentrations of particles in the same domain and to any external forcing. It has the ability to accurately capture both the long-range HI and short-range lubrication effects. We demonstrate the accuracy, efficiency, and transferability of the proposed HIGNN framework in a variety of systems. The requirement on computing resource is minimum: most simulations only require a desktop with one GPU; the simulations for a large suspension of 100,000 particles call for up to 6 GPUs." 1513,Spherical Sliced-Wasserstein,"Many variants of the Wasserstein distance have been introduced to reduce its original computational burden. In particular the Sliced-Wasserstein distance (SW), which leverages one-dimensional projections for which a closed-form solution of the Wasserstein distance is available, has received a lot of interest. Yet, it is restricted to data living in Euclidean spaces, while the Wasserstein distance has been studied and used recently on manifolds. We focus more specifically on the sphere, for which we define a novel SW discrepancy, which we call spherical Sliced-Wasserstein, making a first step towards defining SW discrepancies on manifolds. Our construction is notably based on closed-form solutions of the Wasserstein distance on the circle, together with a new spherical Radon transform. Along with efficient algorithms and the corresponding implementations, we illustrate its properties in several machine learning use cases where spherical representations of data are at stake: density estimation on the sphere, variational inference or hyperspherical auto-encoders." 1514,Multiple-Play Stochastic Bandits with Shareable Finite-Capacity Arms,"We generalize the multiple-play multi-armed bandits (MP-MAB) problem with a shareable arm setting, in which several plays can share the same arm. Furthermore, each shareable arm has a finite reward capacity and a ''per-load'' reward distribution, both of which are unknown to the learner. The reward from a shareable arm is load-dependent, which is the ""per-load"" reward multiplying either the number of plays pulling the arm, or its reward capacity when the number of plays exceeds the capacity limit. When the ""per-load"" reward follows a Gaussian distribution, we prove a sample complexity lower bound of learning the capacity from load-dependent rewards and also a regret lower bound of this new MP-MAB problem. We devise a capacity estimator whose sample complexity upper bound matches the lower bound in terms of reward means and capacities. We also propose an online learning algorithm to address the problem and prove its regret upper bound. This regret upper bound's first term is the same as regret lower bound's, and its second and third terms also evidently correspond to lower bound's. Extensive experiments validate our algorithm's performance and also its gain in 5G & 4G base station selection." 1515,Beyond Ridge Regression for Distribution-Free Data,"In supervised batch learning, the predictive normalized maximum likelihood (pNML) has been proposed as the min-max regret solution for the distribution-free setting, where no distributional assumptions are made on the data. However, the pNML is not defined for a large capacity hypothesis class as over-parameterized linear regression. For a large class, a common approach is to use regularization or a model prior. In the context of online prediction where the min-max solution is the Normalized Maximum Likelihood (NML), it has been suggested to use NML with ``luckiness'': A prior-like function is applied to the hypothesis class, which reduces its effective size. Motivated by the luckiness concept, for linear regression we incorporate a luckiness function that penalizes the hypothesis proportionally to its l2 norm. This leads to the ridge regression solution. The associated pNML with luckiness (LpNML) prediction deviates from the ridge regression empirical risk minimizer (Ridge ERM): When the test data reside in the subspace corresponding to the small eigenvalues of the empirical correlation matrix of the training data, the prediction is shifted toward 0. Our LpNML reduces the Ridge ERM error by up to 20% for the PMLB sets, and is up to 4.9% more robust in the presence of distribution shift compared to recent leading methods for UCI sets." 1516,"Tensor-on-Tensor Regression: Riemannian Optimization, Over-parameterization, Statistical-computational Gap, and Their Interplay","We study the tensor-on-tensor regression, where the goal is to connect tensor responses to tensor covariates with a low Tucker rank parameter tensor/matrix without the prior knowledge of its intrinsic rank. We propose the Riemannian gradient descent (RGD) and Riemannian Gauss-Newton (RGN) methods and cope with the challenge of unknown rank by studying the effect of rank over-parameterization. We provide the first convergence guarantee for the general tensor-on-tensor regression by showing that RGD and RGN respectively converge linearly and quadratically to a statistically optimal estimate in both rank correctly-parameterized and over-parameterized settings. Our theory reveals an intriguing phenomenon: Riemannian optimization methods naturally adapt to over-parameterization without modifications to their implementation. We also give the first rigorous evidence for the statistical-computational gap in scalar-on-tensor regression under the low-degree polynomials framework. Our theory demonstrates a ``blessing of statistical-computational gap"" phenomenon: in a wide range of scenarios in tensor-on-tensor regression for tensors of order three or higher, the computationally required sample size matches what is needed by moderate rank over-parameterization when considering computationally feasible estimators, while there are no such benefits in the matrix settings. This shows moderate rank over-parameterization is essentially ``cost-free"" in terms of sample size in tensor-on-tensor regression of order three or higher. Finally, we conduct simulation studies to show the advantages of our proposed methods and to corroborate our theoretical findings." 1517,Federated learning with incremental clustering for heterogeneous data,"Federated learning enables different parties to collaboratively build a global model under the orchestration of a server while keeping the training data on clients' devices. However, performance is affected when clients have heterogeneous data. To cope with this problem, we assume that despite data heterogeneity, there are groups of clients who have similar data distributions that can be clustered. In previous approaches, in order to cluster clients the server requires clients to send their parameters simultaneously. However, this can be problematic in a context where there is a significant number of participants that may have limited availability. To prevent such a bottleneck, we propose FLIC (Federated Learning with Incremental Clustering), in which the server exploits the updates sent by clients during federated training instead of asking them to send their parameters simultaneously. Hence no additional communications between the server and the clients are necessary other than what classical federated learning requires. We empirically demonstrate for various non-IID cases that our approach successfully splits clients into groups following the same data distributions. We also identify the limitations of FLIC by studying its capability to partition clients at the early stages of the federated learning process efficiently. We further address attacks on models as a form of data heterogeneity and empirically show that FLIC is a robust defense against poisoning attacks even when the proportion of malicious clients is higher than 50\%." 1518,Near-Optimal No-Regret Learning for General Convex Games,"A recent line of work has established uncoupled learning dynamics such that, when employed by all players in a game, each player's \emph{regret} after $T$ repetitions grows polylogarithmically in $T$, an exponential improvement over the traditional guarantees within the no-regret framework. However, so far these results have only been limited to certain classes of games with structured strategy spaces -- such as normal-form and extensive-form games. The question as to whether $O(\text{polylog} T)$ regret bounds can be obtained for general convex and compact strategy sets -- which occur in many fundamental models in economics and multiagent systems -- while retaining efficient strategy updates is an important question. In this paper, we answer this in the positive by establishing the first uncoupled learning algorithm with $O(\log T)$ per-player regret in general \emph{convex games}, that is, games with concave utility functions supported on arbitrary convex and compact strategy sets. Our learning dynamics are based on an instantiation of optimistic follow-the-regularized-leader over an appropriately \emph{lifted} space using a \emph{self-concordant regularizer} that is, peculiarly, not a barrier for the feasible region. Further, our learning dynamics are efficiently implementable given access to a proximal oracle for the convex strategy set, leading to $O(\log\log T)$ per-iteration complexity; we also give extensions when access to only a \emph{linear} optimization oracle is assumed. Finally, we adapt our dynamics to guarantee $O(\sqrt{T})$ regret in the adversarial regime. Even in those special cases where prior results apply, our algorithm improves over the state-of-the-art regret bounds either in terms of the dependence on the number of iterations or on the dimension of the strategy sets." 1519,Learning Fair Representation via Distributional Contrastive Disentanglement,"Learning fair representation is crucial for achieving fairness or debiasing sensitive information. Most existing works rely on adversarial representation learning to inject some invariance into representation. However, adversarial learning methods are known to suffer from relatively unstable training, and this might harm the balance between fairness and predictiveness of representation. We propose a new approach, learning FAir Representation via distributional CONtrastive Variational AutoEncoder (FarconVAE), which induces the latent space to be disentangled into sensitive and nonsensitive parts. We first construct the pair of observations with different sensitive attributes but with the same labels. Then, FarconVAE enforces each non-sensitive latent to be closer, while sensitive latents to be far from each other and also far from the non-sensitive latent by contrasting their distributions. We provide a new type of contrastive loss motivated by Gaussian and Student-t kernels for distributional contrastive learning with theoretical analysis. Besides, we adopt a new swap-reconstruction loss to boost the disentanglement further. FarconVAE shows superior performance on fairness, pretrained model debiasing, and domain generalization tasks from various modalities, including tabular, image, and text." 1520,Detecting Adversarial Examples in Batches -- a geometrical approach,"Many deep learning methods have successfully solved complex tasks in computer vision and speech recognition applications. Nonetheless, the robustness of these models has been found to be vulnerable to perturbed inputs or adversarial examples, which are imperceptible to the human eye, but lead the model to erroneous output decisions. In this study, we adapt and introduce two geometric metrics, density and coverage, and evaluate their use in detecting adversarial samples in batches of unseen data. We empirically study these metrics using MNIST and two real-world biomedical datasets from MedMNIST, subjected to two different adversarial attacks. Our experiments show promising results for both metrics to detect adversarial examples. We believe that his work can lay the ground for further study on these metrics' use in deployed machine learning systems to monitor for possible attacks by adversarial examples or related pathologies such as dataset shift." 1521,Generalised Policy Improvement with Geometric Policy Composition,"We introduce a method for policy improvement that interpolates between the greedy approach of value-based reinforcement learning (RL) and the full planning approach typical of model-based RL. The new method builds on the concept of a geometric horizon model (GHM, also known as a gamma-model), which models the discounted state-visitation distribution of a given policy. We show that we can evaluate any non-Markov policy that switches between a set of base Markov policies with fixed probability by a careful composition of the base policy GHMs, without any additional learning. We can then apply generalised policy improvement (GPI) to collections of such non-Markov policies to obtain a new Markov policy that will in general outperform its precursors. We provide a thorough theoretical analysis of this approach, develop applications to transfer and standard RL, and empirically demonstrate its effectiveness over standard GPI on a challenging deep RL continuous control task. We also provide an analysis of GHM training methods, proving a novel convergence result regarding previously proposed methods and showing how to train these models stably in deep RL settings." 1522,Evaluation of Contrastive Learning with Various Code Representations for Code Clone Detection,"Code clones are pairs of code snippets that implement similar functionality. Clone detection is a fundamental branch of automatic source code comprehension, having many applications in refactoring recommendation, plagiarism detection, and code summarization. A particularly interesting case of clone detection is the detection of semantic clones, i.e., code snippets that have the same functionality but significantly differ in implementation. A promising approach to detecting semantic clones is contrastive learning (CL), a machine learning paradigm popular in computer vision but not yet commonly adopted for code processing. Our work aims to evaluate the most popular CL algorithms combined with three source code representations on two tasks. The first task is code clone detection, which we evaluate on the POJ-104 dataset containing implementations of 104 algorithms. The second task is plagiarism detection. To evaluate the models on this task, we introduce CodeTransformator, a tool for transforming source code. We use it to create a dataset that mimics plagiarised code based on competitive programming solutions. We trained nine models for both tasks and compared them with six existing approaches, including traditional tools and modern pre-trained neural models. The results of our evaluation show that proposed models perform diversely in each task, however the performance of the graph-based models is generally above the others. Among CL algorithms, SimCLR and SwAV lead to better results, while Moco is the most robust approach. Our code and trained models are available at https://doi.org/10.5281/zenodo.6360627, https://doi.org/10.5281/zenodo.5596345." 1523,Fast Finite Width Neural Tangent Kernel,"The Neural Tangent Kernel (NTK), defined as $\Theta_\theta^f(x_1, x_2) = \left[\partial f(\theta, x_1)\big/\partial \theta\right] \left[\partial f(\theta, x_2)\big/\partial \theta\right]^T$ where $\left[\partial f(\theta, \cdot)\big/\partial \theta\right]$ is a neural network (NN) Jacobian, has emerged as a central object of study in deep learning. In the infinite width limit, the NTK can sometimes be computed analytically and is useful for understanding training and generalization of NN architectures. At finite widths, the NTK is also used to better initialize NNs, compare the conditioning across models, perform architecture search, and do meta-learning. Unfortunately, the finite width NTK is notoriously expensive to compute, which severely limits its practical utility. We perform the first in-depth analysis of the compute and memory requirements for NTK computation in finite width networks. Leveraging the structure of neural networks, we further propose two novel algorithms that change the exponent of the compute and memory requirements of the finite width NTK, dramatically improving efficiency. Our algorithms can be applied in a black box fashion to any differentiable function, including those implementing neural networks. We open-source our implementations within the Neural Tangents package (arXiv:1912.02803) at https://github.com/google/neural-tangents." 1524,Evaluating the Impact of Source Code Parsers on ML4SE Models,"As researchers and practitioners apply Machine Learning to increasingly more software engineering problems, the approaches they use become more sophisticated. A lot of modern approaches utilize internal code structure in the form of an abstract syntax tree (AST) or its extensions: path-based representation, complex graph combining AST with additional edges. Even though the process of extracting ASTs from code can be done with different parsers, the impact of choosing a parser on the final model quality remains unstudied. Moreover, researchers often omit the exact details of extracting particular code representations. In this work, we evaluate two models, namely Code2Seq and TreeLSTM, in the method name prediction task backed by eight different parsers for the Java language. To unify the process of data preparation with different parsers, we develop SuperParser, a multi-language parser-agnostic library based on PathMiner. SuperParser facilitates the end-to-end creation of datasets suitable for training and evaluation of ML models that work with structural information from source code. Our results demonstrate that trees built by different parsers vary in their structure and content. We then analyze how this diversity affects the models' quality and show that the quality gap between the most and least suitable parsers for both models turns out to be significant. Finally, we discuss other features of the parsers that researchers and practitioners should take into account when selecting a parser along with the impact on the models' quality. The code of SuperParser is publicly available at https://doi.org/10.5281/zenodo.6366591. We also publish Java-norm, the dataset we use to evaluate the models: https://doi.org/10.5281/zenodo.6366599." 1525,Statistical and Neural Methods for Cross-lingual Entity Label Mapping in Knowledge Graphs,"Knowledge bases such as Wikidata amass vast amounts of named entity information, such as multilingual labels, which can be extremely useful for various multilingual and cross-lingual applications. However, such labels are not guaranteed to match across languages from an information consistency standpoint, greatly compromising their usefulness for fields such as machine translation. In this work, we investigate the application of word and sentence alignment techniques coupled with a matching algorithm to align cross-lingual entity labels extracted from Wikidata in 10 languages. Our results indicate that mapping between Wikidata's main labels stands to be considerably improved (up to $20$ points in F1-score) by any of the employed methods. We show how methods relying on sentence embeddings outperform all others, even across different scripts. We believe the application of such techniques to measure the similarity of label pairs, coupled with a knowledge base rich in high-quality entity labels, to be an excellent asset to machine translation." 1526,Explainability's Gain is Optimality's Loss? -- How Explanations Bias Decision-making,"Decisions in organizations are about evaluating alternatives and choosing the one that would best serve organizational goals. To the extent that the evaluation of alternatives could be formulated as a predictive task with appropriate metrics, machine learning algorithms are increasingly being used to improve the efficiency of the process. Explanations help to facilitate communication between the algorithm and the human decision-maker, making it easier for the latter to interpret and make decisions on the basis of predictions by the former. Feature-based explanations' semantics of causal models, however, induce leakage from the decision-maker's prior beliefs. Our findings from a field experiment demonstrate empirically how this leads to confirmation bias and disparate impact on the decision-maker's confidence in the predictions. Such differences can lead to sub-optimal and biased decision outcomes." 1527,Maximum Class Separation as Inductive Bias in One Matrix,"Maximizing the separation between classes constitutes a well-known inductive bias in machine learning and a pillar of many traditional algorithms. By default, deep networks are not equipped with this inductive bias and therefore many alternative solutions have been proposed through differential optimization. Current approaches tend to optimize classification and separation jointly: aligning inputs with class vectors and separating class vectors angularly. This paper proposes a simple alternative: encoding maximum separation as an inductive bias in the network by adding one fixed matrix multiplication before computing the softmax activations. The main observation behind our approach is that separation does not require optimization but can be solved in closed-form prior to training and plugged into a network. We outline a recursive approach to obtain the matrix consisting of maximally separable vectors for any number of classes, which can be added with negligible engineering effort and computational overhead. Despite its simple nature, this one matrix multiplication provides real impact. We show that our proposal directly boosts classification, long-tailed recognition, out-of-distribution detection, and open-set recognition, from CIFAR to ImageNet. We find empirically that maximum separation works best as a fixed bias; making the matrix learnable adds nothing to the performance. The closed-form implementation and code to reproduce the experiments are on github." 1528,Sheaf Neural Networks with Connection Laplacians,"A Sheaf Neural Network (SNN) is a type of Graph Neural Network (GNN) that operates on a sheaf, an object that equips a graph with vector spaces over its nodes and edges and linear maps between these spaces. SNNs have been shown to have useful theoretical properties that help tackle issues arising from heterophily and over-smoothing. One complication intrinsic to these models is finding a good sheaf for the task to be solved. Previous works proposed two diametrically opposed approaches: manually constructing the sheaf based on domain knowledge and learning the sheaf end-to-end using gradient-based methods. However, domain knowledge is often insufficient, while learning a sheaf could lead to overfitting and significant computational overhead. In this work, we propose a novel way of computing sheaves drawing inspiration from Riemannian geometry: we leverage the manifold assumption to compute manifold-and-graph-aware orthogonal maps, which optimally align the tangent spaces of neighbouring data points. We show that this approach achieves promising results with less computational overhead when compared to previous SNN models. Overall, this work provides an interesting connection between algebraic topology and differential geometry, and we hope that it will spark future research in this direction." 1529,Towards Human-Level Bimanual Dexterous Manipulation with Reinforcement Learning,"Achieving human-level dexterity is an important open problem in robotics. However, tasks of dexterous hand manipulation, even at the baby level, are challenging to solve through reinforcement learning (RL). The difficulty lies in the high degrees of freedom and the required cooperation among heterogeneous agents (e.g., joints of fingers). In this study, we propose the Bimanual Dexterous Hands Benchmark (Bi-DexHands), a simulator that involves two dexterous hands with tens of bimanual manipulation tasks and thousands of target objects. Specifically, tasks in Bi-DexHands are designed to match different levels of human motor skills according to cognitive science literature. We built Bi-DexHands in the Issac Gym; this enables highly efficient RL training, reaching 30,000+ FPS by only one single NVIDIA RTX 3090. We provide a comprehensive benchmark for popular RL algorithms under different settings; this includes Single-agent/Multi-agent RL, Offline RL, Multi-task RL, and Meta RL. Our results show that the PPO type of on-policy algorithms can master simple manipulation tasks that are equivalent up to 48-month human babies (e.g., catching a flying object, opening a bottle), while multi-agent RL can further help to master manipulations that require skilled bimanual cooperation (e.g., lifting a pot, stacking blocks). Despite the success on each single task, when it comes to acquiring multiple manipulation skills, existing RL algorithms fail to work in most of the multi-task and the few-shot learning settings, which calls for more substantial development from the RL community. Our project is open sourced at https://github.com/PKU-MARL/DexterousHands." 1530,Sparse Double Descent: Where Network Pruning Aggravates Overfitting,"People usually believe that network pruning not only reduces the computational cost of deep networks, but also prevents overfitting by decreasing model capacity. However, our work surprisingly discovers that network pruning sometimes even aggravates overfitting. We report an unexpected sparse double descent phenomenon that, as we increase model sparsity via network pruning, test performance first gets worse (due to overfitting), then gets better (due to relieved overfitting), and gets worse at last (due to forgetting useful information). While recent studies focused on the deep double descent with respect to model overparameterization, they failed to recognize that sparsity may also cause double descent. In this paper, we have three main contributions. First, we report the novel sparse double descent phenomenon through extensive experiments. Second, for this phenomenon, we propose a novel learning distance interpretation that the curve of $\ell_{2}$ learning distance of sparse models (from initialized parameters to final parameters) may correlate with the sparse double descent curve well and reflect generalization better than minima flatness. Third, in the context of sparse double descent, a winning ticket in the lottery ticket hypothesis surprisingly may not always win." 1531,BITS Pilani at HinglishEval: Quality Evaluation for Code-Mixed Hinglish Text Using Transformers,"Code-Mixed text data consists of sentences having words or phrases from more than one language. Most multi-lingual communities worldwide communicate using multiple languages, with English usually one of them. Hinglish is a Code-Mixed text composed of Hindi and English but written in Roman script. This paper aims to determine the factors influencing the quality of Code-Mixed text data generated by the system. For the HinglishEval task, the proposed model uses multi-lingual BERT to find the similarity between synthetically generated and human-generated sentences to predict the quality of synthetically generated Hinglish sentences." 1532,Understanding Robust Overfitting of Adversarial Training and Beyond,"Robust overfitting widely exists in adversarial training of deep networks. The exact underlying reasons for this are still not completely understood. Here, we explore the causes of robust overfitting by comparing the data distribution of \emph{non-overfit} (weak adversary) and \emph{overfitted} (strong adversary) adversarial training, and observe that the distribution of the adversarial data generated by weak adversary mainly contain small-loss data. However, the adversarial data generated by strong adversary is more diversely distributed on the large-loss data and the small-loss data. Given these observations, we further designed data ablation adversarial training and identify that some small-loss data which are not worthy of the adversary strength cause robust overfitting in the strong adversary mode. To relieve this issue, we propose \emph{minimum loss constrained adversarial training} (MLCAT): in a minibatch, we learn large-loss data as usual, and adopt additional measures to increase the loss of the small-loss data. Technically, MLCAT hinders data fitting when they become easy to learn to prevent robust overfitting; philosophically, MLCAT reflects the spirit of turning waste into treasure and making the best use of each adversarial data; algorithmically, we designed two realizations of MLCAT, and extensive experiments demonstrate that MLCAT can eliminate robust overfitting and further boost adversarial robustness." 1533,A Deep Learning Approach for the Segmentation of Electroencephalography Data in Eye Tracking Applications,"The collection of eye gaze information provides a window into many critical aspects of human cognition, health and behaviour. Additionally, many neuroscientific studies complement the behavioural information gained from eye tracking with the high temporal resolution and neurophysiological markers provided by electroencephalography (EEG). One of the essential eye-tracking software processing steps is the segmentation of the continuous data stream into events relevant to eye-tracking applications, such as saccades, fixations, and blinks. Here, we introduce DETRtime, a novel framework for time-series segmentation that creates ocular event detectors that do not require additionally recorded eye-tracking modality and rely solely on EEG data. Our end-to-end deep learning-based framework brings recent advances in Computer Vision to the forefront of the times series segmentation of EEG data. DETRtime achieves state-of-the-art performance in ocular event detection across diverse eye-tracking experiment paradigms. In addition to that, we provide evidence that our model generalizes well in the task of EEG sleep stage segmentation." 1534,FiT: Parameter Efficient Few-shot Transfer Learning for Personalized and Federated Image Classification,"Modern deep learning systems are increasingly deployed in situations such as personalization and federated learning where it is necessary to support i) learning on small amounts of data, and ii) communication efficient distributed training protocols. In this work we develop FiLM Transfer (FiT) which fulfills these requirements in the image classification setting. FiT uses an automatically configured Naive Bayes classifier on top of a fixed backbone that has been pretrained on large image datasets. Parameter efficient FiLM layers are used to modulate the backbone, shaping the representation for the downstream task. The network is trained via an episodic fine-tuning protocol. The approach is parameter efficient which is key for enabling few-shot learning, inexpensive model updates for personalization, and communication efficient federated learning. We experiment with FiT on a wide range of downstream datasets and show that it achieves better classification accuracy than the state-of-the-art Big Transfer (BiT) algorithm at low-shot and on the challenging VTAB-1k benchmark, with fewer than 1% of the updateable parameters. Finally, we demonstrate the parameter efficiency of FiT in distributed low-shot applications including model personalization and federated learning where model update size is an important performance metric." 1535,The Sensorium competition on predicting large-scale mouse primary visual cortex activity,"The neural underpinning of the biological visual system is challenging to study experimentally, in particular as the neuronal activity becomes increasingly nonlinear with respect to visual input. Artificial neural networks (ANNs) can serve a variety of goals for improving our understanding of this complex system, not only serving as predictive digital twins of sensory cortex for novel hypothesis generation in silico, but also incorporating bio-inspired architectural motifs to progressively bridge the gap between biological and machine vision. The mouse has recently emerged as a popular model system to study visual information processing, but no standardized large-scale benchmark to identify state-of-the-art models of the mouse visual system has been established. To fill this gap, we propose the Sensorium benchmark competition. We collected a large-scale dataset from mouse primary visual cortex containing the responses of more than 28,000 neurons across seven mice stimulated with thousands of natural images, together with simultaneous behavioral measurements that include running speed, pupil dilation, and eye movements. The benchmark challenge will rank models based on predictive performance for neuronal responses on a held-out test set, and includes two tracks for model input limited to either stimulus only (Sensorium) or stimulus plus behavior (Sensorium+). We provide a starting kit to lower the barrier for entry, including tutorials, pre-trained baseline models, and APIs with one line commands for data loading and submission. We would like to see this as a starting point for regular challenges and data releases, and as a standard tool for measuring progress in large-scale neural system identification models of the mouse visual system and beyond." 1536,Boosting Factorization Machines via Saliency-Guided Mixup,"Factorization machines (FMs) are widely used in recommender systems due to their adaptability and ability to learn from sparse data. However, for the ubiquitous non-interactive features in sparse data, existing FMs can only estimate the parameters corresponding to these features via the inner product of their embeddings. Undeniably, they cannot learn the direct interactions of these features, which limits the model's expressive power. To this end, we first present MixFM, inspired by Mixup, to generate auxiliary training data to boost FMs. Unlike existing augmentation strategies that require labor costs and expertise to collect additional information such as position and fields, these extra data generated by MixFM only by the convex combination of the raw ones without any professional knowledge support. More importantly, if the parent samples to be mixed have non-interactive features, MixFM will establish their direct interactions. Second, considering that MixFM may generate redundant or even detrimental instances, we further put forward a novel Factorization Machine powered by Saliency-guided Mixup (denoted as SMFM). Guided by the customized saliency, SMFM can generate more informative neighbor data. Through theoretical analysis, we prove that the proposed methods minimize the upper bound of the generalization error, which hold a beneficial effect on enhancing FMs. Significantly, we give the first generalization bound of FM, implying the generalization requires more data and a smaller embedding size under the sufficient representation capability. Finally, extensive experiments on five datasets confirm that our approaches are superior to baselines. Besides, the results show that ""poisoning"" mixed data is likewise beneficial to the FM variants." 1537,Digital Twin Data Modelling by Randomized Orthogonal Decomposition and Deep Learning,"A digital twin is a surrogate model that has the main feature to mirror the original process behavior. Associating the dynamical process with a digital twin model of reduced complexity has the significant advantage to map the dynamics with high accuracy and reduced costs in CPU time and hardware to timescales over which that suffers significantly changes and so it is difficult to explore. This paper introduces a new framework for creating efficient digital twin models of fluid flows. We introduce a novel algorithm that combines the advantages of Krylov based dynamic mode decomposition with proper orthogonal decomposition and outperforms the selection of the most influential modes. We prove that randomized orthogonal decomposition algorithm provides several advantages over SVD empirical orthogonal decomposition methods and mitigates the projection error formulating a multiobjective optimization problem.We involve the state-of-the-art artificial intelligence Deep Learning (DL) to perform a real-time adaptive calibration of the digital twin model, with increasing fidelity. The output is a high-fidelity DIGITAL TWIN DATA MODEL of the fluid flow dynamics, with the advantage of a reduced complexity. The new modelling tools are investigated in the numerical simulation of three wave phenomena with increasing complexity. We show that the outputs are consistent with the original source data.We perform a thorough assessment of the performance of the new digital twin data models, in terms of numerical accuracy and computational efficiency, including a time simulation response feature study." 1538,Bridge-Tower: Building Bridges Between Encoders in Vision-Language Representation Learning,"Vision-Language (VL) models with the Two-Tower architecture have dominated visual-language representation learning in recent years. Current VL models either use lightweight uni-modal encoders and learn to extract, align and fuse both modalities simultaneously in a cross-modal encoder, or feed the last-layer uni-modal features directly into the top cross-modal encoder, ignoring the semantic information at the different levels in the deep uni-modal encoders. Both approaches possibly restrict vision-language representation learning and limit model performance. In this paper, we introduce multiple bridge layers that build a connection between the top layers of uni-modal encoders and each layer of the cross-modal encoder. This enables comprehensive bottom-up interactions between visual and textual representations at different semantic levels, resulting in more effective cross-modal alignment and fusion. Our proposed Bridge-Tower, pre-trained with only $4$M images, achieves state-of-the-art performance on various downstream vision-language tasks. On the VQAv2 test-std set, Bridge-Tower achieves an accuracy of $78.73\%$, outperforming the previous state-of-the-art METER model by $1.09\%$ with the same pre-training data and almost no additional parameters and computational cost. Notably, when further scaling the model, Bridge-Tower achieves an accuracy of $81.15\%$, surpassing models that are pre-trained on orders-of-magnitude larger datasets. Code is available at https://github.com/microsoft/BridgeTower." 1539,tinySNN: Towards Memory- and Energy-Efficient Spiking Neural Networks,"Larger Spiking Neural Network (SNN) models are typically favorable as they can offer higher accuracy. However, employing such models on the resource- and energy-constrained embedded platforms is inefficient. Towards this, we present a tinySNN framework that optimizes the memory and energy requirements of SNN processing in both the training and inference phases, while keeping the accuracy high. It is achieved by reducing the SNN operations, improving the learning quality, quantizing the SNN parameters, and selecting the appropriate SNN model. Furthermore, our tinySNN quantizes different SNN parameters (i.e., weights and neuron parameters) to maximize the compression while exploring different combinations of quantization schemes, precision levels, and rounding schemes to find the model that provides acceptable accuracy. The experimental results demonstrate that our tinySNN significantly reduces the memory footprint and the energy consumption of SNNs without accuracy loss as compared to the baseline network. Therefore, our tinySNN effectively compresses the given SNN model to achieve high accuracy in a memory- and energy-efficient manner, hence enabling the employment of SNNs for the resource- and energy-constrained embedded applications." 1540,All Mistakes Are Not Equal: Comprehensive Hierarchy Aware Multi-label Predictions (CHAMP),"This paper considers the problem of Hierarchical Multi-Label Classification (HMC), where (i) several labels can be present for each example, and (ii) labels are related via a domain-specific hierarchy tree. Guided by the intuition that all mistakes are not equal, we present Comprehensive Hierarchy Aware Multi-label Predictions (CHAMP), a framework that penalizes a misprediction depending on its severity as per the hierarchy tree. While there have been works that apply such an idea to single-label classification, to the best of our knowledge, there are limited such works for multilabel classification focusing on the severity of mistakes. The key reason is that there is no clear way of quantifying the severity of a misprediction a priori in the multilabel setting. In this work, we propose a simple but effective metric to quantify the severity of a mistake in HMC, naturally leading to CHAMP. Extensive experiments on six public HMC datasets across modalities (image, audio, and text) demonstrate that incorporating hierarchical information leads to substantial gains as CHAMP improves both AUPRC (2.6% median percentage improvement) and hierarchical metrics (2.85% median percentage improvement), over stand-alone hierarchical or multilabel classification methods. Compared to standard multilabel baselines, CHAMP provides improved AUPRC in both robustness (8.87% mean percentage improvement ) and less data regimes. Further, our method provides a framework to enhance existing multilabel classification algorithms with better mistakes (18.1% mean percentage increment)." 1541,Orthonormal Expansions for Translation-Invariant Kernels,"We present a general Fourier analytic technique for constructing orthonormal basis expansions of translation-invariant kernels from orthonormal bases of $\mathscr{L}_2(\mathbb{R})$. This allows us to derive explicit expansions on the real line for (i) Mat\'ern kernels of all half-integer orders in terms of associated Laguerre functions, (ii) the Cauchy kernel in terms of rational functions, and (iii) the Gaussian kernel in terms of Hermite functions." 1542,Scalable Differentially Private Clustering via Hierarchically Separated Trees,"We study the private $k$-median and $k$-means clustering problem in $d$ dimensional Euclidean space. By leveraging tree embeddings, we give an efficient and easy to implement algorithm, that is empirically competitive with state of the art non private methods. We prove that our method computes a solution with cost at most $O(d^{3/2}\log n)\cdot OPT + O(k d^2 \log^2 n / \epsilon^2)$, where $\epsilon$ is the privacy guarantee. (The dimension term, $d$, can be replaced with $O(\log k)$ using standard dimension reduction techniques.) Although the worst-case guarantee is worse than that of state of the art private clustering methods, the algorithm we propose is practical, runs in near-linear, $\tilde{O}(nkd)$, time and scales to tens of millions of points. We also show that our method is amenable to parallelization in large-scale distributed computing environments. In particular we show that our private algorithms can be implemented in logarithmic number of MPC rounds in the sublinear memory regime. Finally, we complement our theoretical analysis with an empirical evaluation demonstrating the algorithm's efficiency and accuracy in comparison to other privacy clustering baselines." 1543,Minimum Noticeable Difference based Adversarial Privacy Preserving Image Generation,"Deep learning models are found to be vulnerable to adversarial examples, as wrong predictions can be caused by small perturbation in input for deep learning models. Most of the existing works of adversarial image generation try to achieve attacks for most models, while few of them make efforts on guaranteeing the perceptual quality of the adversarial examples. High quality adversarial examples matter for many applications, especially for the privacy preserving. In this work, we develop a framework based on the Minimum Noticeable Difference (MND) concept to generate adversarial privacy preserving images that have minimum perceptual difference from the clean ones but are able to attack deep learning models. To achieve this, an adversarial loss is firstly proposed to make the deep learning models attacked by the adversarial images successfully. Then, a perceptual quality-preserving loss is developed by taking the magnitude of perturbation and perturbation-caused structural and gradient changes into account, which aims to preserve high perceptual quality for adversarial image generation. To the best of our knowledge, this is the first work on exploring quality-preserving adversarial image generation based on the MND concept for privacy preserving. To evaluate its performance in terms of perceptual quality, the deep models on image classification and face recognition are tested with the proposed method and several anchor methods in this work. Extensive experimental results demonstrate that the proposed MND framework is capable of generating adversarial images with remarkably improved performance metrics (e.g., PSNR, SSIM, and MOS) than that generated with the anchor methods." 1544,RECAPP: Crafting a More Efficient Catalyst for Convex Optimization,"The accelerated proximal point algorithm (APPA), also known as ""Catalyst"", is a well-established reduction from convex optimization to approximate proximal point computation (i.e., regularized minimization). This reduction is conceptually elegant and yields strong convergence rate guarantees. However, these rates feature an extraneous logarithmic term arising from the need to compute each proximal point to high accuracy. In this work, we propose a novel Relaxed Error Criterion for Accelerated Proximal Point (RECAPP) that eliminates the need for high accuracy subproblem solutions. We apply RECAPP to two canonical problems: finite-sum and max-structured minimization. For finite-sum problems, we match the best known complexity, previously obtained by carefully-designed problem-specific algorithms. For minimizing $\max_y f(x,y)$ where $f$ is convex in $x$ and strongly-concave in $y$, we improve on the best known (Catalyst-based) bound by a logarithmic factor." 1545,"The Role of Depth, Width, and Activation Complexity in the Number of Linear Regions of Neural Networks","Many feedforward neural networks generate continuous and piecewise-linear (CPWL) mappings. Specifically, they partition the input domain into regions on which the mapping is an affine function. The number of these so-called linear regions offers a natural metric to characterize the expressiveness of CPWL mappings. Although the precise determination of this quantity is often out of reach, bounds have been proposed for specific architectures, including the well-known ReLU and Maxout networks. In this work, we propose a more general perspective and provide precise bounds on the maximal number of linear regions of CPWL networks based on three sources of expressiveness: depth, width, and activation complexity. Our estimates rely on the combinatorial structure of convex partitions and highlight the distinctive role of depth which, on its own, is able to exponentially increase the number of regions. We then introduce a complementary stochastic framework to estimate the average number of linear regions produced by a CPWL network architecture. Under reasonable assumptions, the expected density of linear regions along any 1D path is bounded by the product of depth, width, and a measure of activation complexity (up to a scaling factor). This yields an identical role to the three sources of expressiveness: no exponential growth with depth is observed anymore." 1546,On Efficient Real-Time Semantic Segmentation: A Survey,"Semantic segmentation is the problem of assigning a class label to every pixel in an image, and is an important component of an autonomous vehicle vision stack for facilitating scene understanding and object detection. However, many of the top performing semantic segmentation models are extremely complex and cumbersome, and as such are not suited to deployment onboard autonomous vehicle platforms where computational resources are limited and low-latency operation is a vital requirement. In this survey, we take a thorough look at the works that aim to address this misalignment with more compact and efficient models capable of deployment on low-memory embedded systems while meeting the constraint of real-time inference. We discuss several of the most prominent works in the field, placing them within a taxonomy based on their major contributions, and finally we evaluate the inference speed of the discussed models under consistent hardware and software setups that represent a typical research environment with high-end GPU and a realistic deployed scenario using low-memory embedded GPU hardware. Our experimental results demonstrate that many works are capable of real-time performance on resource-constrained hardware, while illustrating the consistent trade-off between latency and accuracy." 1547,On Integrating Prior Knowledge into Gaussian Processes for Prognostic Health Monitoring,"Gaussian process regression is a powerful method for predicting states based on given data. It has been successfully applied for probabilistic predictions of structural systems to quantify, for example, the crack growth in mechanical structures. Typically, predefined mean and covariance functions are employed to construct the Gaussian process model. Then, the model is updated using current data during operation while prior information based on previous data is ignored. However, predefined mean and covariance functions without prior information reduce the potential of Gaussian processes. This paper proposes a method to improve the predictive capabilities of Gaussian processes. We integrate prior knowledge by deriving the mean and covariance functions from previous data. More specifically, we first approximate previous data by a weighted sum of basis functions and then derive the mean and covariance functions directly from the estimated weight coefficients. Basis functions may be either estimated or derived from problem-specific governing equations to incorporate physical information. The applicability and effectiveness of this approach are demonstrated for fatigue crack growth, laser degradation, and milling machine wear data. We show that well-chosen mean and covariance functions, like those based on previous data, significantly increase look-ahead time and accuracy. Using physical basis functions further improves accuracy. In addition, computation effort for training is significantly reduced." 1548,On the Influence of Enforcing Model Identifiability on Learning dynamics of Gaussian Mixture Models,"A common way to learn and analyze statistical models is to consider operations in the model parameter space. But what happens if we optimize in the parameter space and there is no one-to-one mapping between the parameter space and the underlying statistical model space? Such cases frequently occur for hierarchical models which include statistical mixtures or stochastic neural networks, and these models are said to be singular. Singular models reveal several important and well-studied problems in machine learning like the decrease in convergence speed of learning trajectories due to attractor behaviors. In this work, we propose a relative reparameterization technique of the parameter space, which yields a general method for extracting regular submodels from singular models. Our method enforces model identifiability during training and we study the learning dynamics for gradient descent and expectation maximization for Gaussian Mixture Models (GMMs) under relative parameterization, showing faster experimental convergence and a improved manifold shape of the dynamics around the singularity. Extending the analysis beyond GMMs, we furthermore analyze the Fisher information matrix under relative reparameterization and its influence on the generalization error, and show how the method can be applied to more complex models like deep neural networks." 1549,Accelerating numerical methods by gradient-based meta-solving,"In science and engineering applications, it is often required to solve similar computational problems repeatedly. In such cases, we can utilize the data from previously solved problem instances to improve the efficiency of finding subsequent solutions. This offers a unique opportunity to combine machine learning (in particular, meta-learning) and scientific computing. To date, a variety of such domain-specific methods have been proposed in the literature, but a generic approach for designing these methods remains under-explored. In this paper, we tackle this issue by formulating a general framework to describe these problems, and propose a gradient-based algorithm to solve them in a unified way. As an illustration of this approach, we study the adaptive generation of parameters for iterative solvers to accelerate the solution of differential equations. We demonstrate the performance and versatility of our method through theoretical analysis and numerical experiments, including applications to incompressible flow simulations and an inverse problem of parameter estimation." 1550,Automatic Correction of Human Translations,"We introduce translation error correction (TEC), the task of automatically correcting human-generated translations. Imperfections in machine translations (MT) have long motivated systems for improving translations post-hoc with automatic post-editing. In contrast, little attention has been devoted to the problem of automatically correcting human translations, despite the intuition that humans make distinct errors that machines would be well-suited to assist with, from typos to inconsistencies in translation conventions. To investigate this, we build and release the Aced corpus with three TEC datasets. We show that human errors in TEC exhibit a more diverse range of errors and far fewer translation fluency errors than the MT errors in automatic post-editing datasets, suggesting the need for dedicated TEC models that are specialized to correct human errors. We show that pre-training instead on synthetic errors based on human errors improves TEC F-score by as much as 5.1 points. We conducted a human-in-the-loop user study with nine professional translation editors and found that the assistance of our TEC system led them to produce significantly higher quality revised translations." 1551,NAFS: A Simple yet Tough-to-beat Baseline for Graph Representation Learning,"Recently, graph neural networks (GNNs) have shown prominent performance in graph representation learning by leveraging knowledge from both graph structure and node features. However, most of them have two major limitations. First, GNNs can learn higher-order structural information by stacking more layers but can not deal with large depth due to the over-smoothing issue. Second, it is not easy to apply these methods on large graphs due to the expensive computation cost and high memory usage. In this paper, we present node-adaptive feature smoothing (NAFS), a simple non-parametric method that constructs node representations without parameter learning. NAFS first extracts the features of each node with its neighbors of different hops by feature smoothing, and then adaptively combines the smoothed features. Besides, the constructed node representation can further be enhanced by the ensemble of smoothed features extracted via different smoothing strategies. We conduct experiments on four benchmark datasets on two different application scenarios: node clustering and link prediction. Remarkably, NAFS with feature ensemble outperforms the state-of-the-art GNNs on these tasks and mitigates the aforementioned two limitations of most learning-based GNN counterparts." 1552,DFG-NAS: Deep and Flexible Graph Neural Architecture Search,"Graph neural networks (GNNs) have been intensively applied to various graph-based applications. Despite their success, manually designing the well-behaved GNNs requires immense human expertise. And thus it is inefficient to discover the potentially optimal data-specific GNN architecture. This paper proposes DFG-NAS, a new neural architecture search (NAS) method that enables the automatic search of very deep and flexible GNN architectures. Unlike most existing methods that focus on micro-architectures, DFG-NAS highlights another level of design: the search for macro-architectures on how atomic propagation (\textbf{\texttt{P}}) and transformation (\textbf{\texttt{T}}) operations are integrated and organized into a GNN. To this end, DFG-NAS proposes a novel search space for \textbf{\texttt{P-T}} permutations and combinations based on message-passing dis-aggregation, defines four custom-designed macro-architecture mutations, and employs the evolutionary algorithm to conduct an efficient and effective search. Empirical studies on four node classification tasks demonstrate that DFG-NAS outperforms state-of-the-art manual designs and NAS methods of GNNs." 1553,A Flexible Diffusion Model,"Diffusion (score-based) generative models have been widely used for modeling various types of complex data, including images, audios, and point clouds. Recently, the deep connection between forward-backward stochastic differential equations (SDEs) and diffusion-based models has been revealed, and several new variants of SDEs are proposed (e.g., sub-VP, critically-damped Langevin) along this line. Despite the empirical success of the hand-crafted fixed forward SDEs, a great quantity of proper forward SDEs remain unexplored. In this work, we propose a general framework for parameterizing the diffusion model, especially the spatial part of the forward SDE. An abstract formalism is introduced with theoretical guarantees, and its connection with previous diffusion models is leveraged. We demonstrate the theoretical advantage of our method from an optimization perspective. Numerical experiments on synthetic datasets, MINIST and CIFAR10 are also presented to validate the effectiveness of our framework." 1554,Query-Efficient and Scalable Black-Box Adversarial Attacks on Discrete Sequential Data via Bayesian Optimization,"We focus on the problem of adversarial attacks against models on discrete sequential data in the black-box setting where the attacker aims to craft adversarial examples with limited query access to the victim model. Existing black-box attacks, mostly based on greedy algorithms, find adversarial examples using pre-computed key positions to perturb, which severely limits the search space and might result in suboptimal solutions. To this end, we propose a query-efficient black-box attack using Bayesian optimization, which dynamically computes important positions using an automatic relevance determination (ARD) categorical kernel. We introduce block decomposition and history subsampling techniques to improve the scalability of Bayesian optimization when an input sequence becomes long. Moreover, we develop a post-optimization algorithm that finds adversarial examples with smaller perturbation size. Experiments on natural language and protein classification tasks demonstrate that our method consistently achieves higher attack success rate with significant reduction in query count and modification rate compared to the previous state-of-the-art methods." 1555,Optimal Extragradient-Based Bilinearly-Coupled Saddle-Point Optimization,"We consider the smooth convex-concave bilinearly-coupled saddle-point problem, $\min_{\mathbf{x}}\max_{\mathbf{y}}~F(\mathbf{x}) + H(\mathbf{x},\mathbf{y}) - G(\mathbf{y})$, where one has access to stochastic first-order oracles for $F$, $G$ as well as the bilinear coupling function $H$. Building upon standard stochastic extragradient analysis for variational inequalities, we present a stochastic \emph{accelerated gradient-extragradient (AG-EG)} descent-ascent algorithm that combines extragradient and Nesterov's acceleration in general stochastic settings. This algorithm leverages scheduled restarting to admit a fine-grained nonasymptotic convergence rate that matches known lower bounds by both \citet{ibrahim2020linear} and \citet{zhang2021lower} in their corresponding settings, plus an additional statistical error term for bounded stochastic noise that is optimal up to a constant prefactor. This is the first result that achieves such a relatively mature characterization of optimality in saddle-point optimization." 1556,Bootstrapped Transformer for Offline Reinforcement Learning,"Offline reinforcement learning (RL) aims at learning policies from previously collected static trajectory data without interacting with the real environment. Recent works provide a novel perspective by viewing offline RL as a generic sequence generation problem, adopting sequence models such as Transformer architecture to model distributions over trajectories, and repurposing beam search as a planning algorithm. However, the training datasets utilized in general offline RL tasks are quite limited and often suffer from insufficient distribution coverage, which could be harmful to training sequence generation models yet has not drawn enough attention in the previous works. In this paper, we propose a novel algorithm named Bootstrapped Transformer, which incorporates the idea of bootstrapping and leverages the learned model to self-generate more offline data to further boost the sequence model training. We conduct extensive experiments on two offline RL benchmarks and demonstrate that our model can largely remedy the existing offline RL training limitations and beat other strong baseline methods. We also analyze the generated pseudo data and the revealed characteristics may shed some light on offline RL training. The codes are available at https://seqml.github.io/bootorl." 1557,MET: Masked Encoding for Tabular Data,"We consider the task of self-supervised representation learning (SSL) for tabular data: tabular-SSL. Typical contrastive learning based SSL methods require instance-wise data augmentations which are difficult to design for unstructured tabular data. Existing tabular-SSL methods design such augmentations in a relatively ad-hoc fashion and can fail to capture the underlying data manifold. Instead of augmentations based approaches for tabular-SSL, we propose a new reconstruction based method, called Masked Encoding for Tabular Data (MET), that does not require augmentations. MET is based on the popular MAE approach for vision-SSL [He et al., 2021] and uses two key ideas: (i) since each coordinate in a tabular dataset has a distinct meaning, we need to use separate representations for all coordinates, and (ii) using an adversarial reconstruction loss in addition to the standard one. Empirical results on five diverse tabular datasets show that MET achieves a new state of the art (SOTA) on all of these datasets and improves up to 9% over current SOTA methods. We shed more light on the working of MET via experiments on carefully designed simple datasets." 1558,Boosting Graph Structure Learning with Dummy Nodes,"With the development of graph kernels and graph representation learning, many superior methods have been proposed to handle scalability and oversmoothing issues on graph structure learning. However, most of those strategies are designed based on practical experience rather than theoretical analysis. In this paper, we use a particular dummy node connecting to all existing vertices without affecting original vertex and edge properties. We further prove that such the dummy node can help build an efficient monomorphic edge-to-vertex transform and an epimorphic inverse to recover the original graph back. It also indicates that adding dummy nodes can preserve local and global structures for better graph representation learning. We extend graph kernels and graph neural networks with dummy nodes and conduct experiments on graph classification and subgraph isomorphism matching tasks. Empirical results demonstrate that taking graphs with dummy nodes as input significantly boosts graph structure learning, and using their edge-to-vertex graphs can also achieve similar results. We also discuss the gain of expressive power from the dummy in neural networks." 1559,How You Start Matters for Generalization,"Characterizing the remarkable generalization properties of over-parameterized neural networks remains an open problem. In this paper, we promote a shift of focus towards initialization rather than neural architecture or (stochastic) gradient descent to explain this implicit regularization. Through a Fourier lens, we derive a general result for the spectral bias of neural networks and show that the generalization of neural networks is heavily tied to their initialization. Further, we empirically solidify the developed theoretical insights using practical, deep networks. Finally, we make a case against the controversial flat-minima conjecture and show that Fourier analysis grants a more reliable framework for understanding the generalization of neural networks." 1560,Thompson Sampling for Robust Transfer in Multi-Task Bandits,"We study the problem of online multi-task learning where the tasks are performed within similar but not necessarily identical multi-armed bandit environments. In particular, we study how a learner can improve its overall performance across multiple related tasks through robust transfer of knowledge. While an upper confidence bound (UCB)-based algorithm has recently been shown to achieve nearly-optimal performance guarantees in a setting where all tasks are solved concurrently, it remains unclear whether Thompson sampling (TS) algorithms, which have superior empirical performance in general, share similar theoretical properties. In this work, we present a TS-type algorithm for a more general online multi-task learning protocol, which extends the concurrent setting. We provide its frequentist analysis and prove that it is also nearly-optimal using a novel concentration inequality for multi-task data aggregation at random stopping times. Finally, we evaluate the algorithm on synthetic data and show that the TS-type algorithm enjoys superior empirical performance in comparison with the UCB-based algorithm and a baseline algorithm that performs TS for each individual task without transfer." 1561,SOS: Score-based Oversampling for Tabular Data,"Score-based generative models (SGMs) are a recent breakthrough in generating fake images. SGMs are known to surpass other generative models, e.g., generative adversarial networks (GANs) and variational autoencoders (VAEs). Being inspired by their big success, in this work, we fully customize them for generating fake tabular data. In particular, we are interested in oversampling minor classes since imbalanced classes frequently lead to sub-optimal training outcomes. To our knowledge, we are the first presenting a score-based tabular data oversampling method. Firstly, we re-design our own score network since we have to process tabular data. Secondly, we propose two options for our generation method: the former is equivalent to a style transfer for tabular data and the latter uses the standard generative policy of SGMs. Lastly, we define a fine-tuning method, which further enhances the oversampling quality. In our experiments with 6 datasets and 10 baselines, our method outperforms other oversampling methods in all cases." 1562,NU-Wave 2: A General Neural Audio Upsampling Model for Various Sampling Rates,"Conventionally, audio super-resolution models fixed the initial and the target sampling rates, which necessitate the model to be trained for each pair of sampling rates. We introduce NU-Wave 2, a diffusion model for neural audio upsampling that enables the generation of 48 kHz audio signals from inputs of various sampling rates with a single model. Based on the architecture of NU-Wave, NU-Wave 2 uses short-time Fourier convolution (STFC) to generate harmonics to resolve the main failure modes of NU-Wave, and incorporates bandwidth spectral feature transform (BSFT) to condition the bandwidths of inputs in the frequency domain. We experimentally demonstrate that NU-Wave 2 produces high-resolution audio regardless of the sampling rate of input while requiring fewer parameters than other models. The official code and the audio samples are available at https://mindslab-ai.github.io/nuwave2." 1563,Strategic Representation,"Humans have come to rely on machines for reducing excessive information to manageable representations. But this reliance can be abused -- strategic machines might craft representations that manipulate their users. How can a user make good choices based on strategic representations? We formalize this as a learning problem, and pursue algorithms for decision-making that are robust to manipulation. In our main setting of interest, the system represents attributes of an item to the user, who then decides whether or not to consume. We model this interaction through the lens of strategic classification (Hardt et al. 2016), reversed: the user, who learns, plays first; and the system, which responds, plays second. The system must respond with representations that reveal `nothing but the truth' but need not reveal the entire truth. Thus, the user faces the problem of learning set functions under strategic subset selection, which presents distinct algorithmic and statistical challenges. Our main result is a learning algorithm that minimizes error despite strategic representations, and our theoretical analysis sheds light on the trade-off between learning effort and susceptibility to manipulation." 1564,Large-Margin Representation Learning for Texture Classification,"This paper presents a novel approach combining convolutional layers (CLs) and large-margin metric learning for training supervised models on small datasets for texture classification. The core of such an approach is a loss function that computes the distances between instances of interest and support vectors. The objective is to update the weights of CLs iteratively to learn a representation with a large margin between classes. Each iteration results in a large-margin discriminant model represented by support vectors based on such a representation. The advantage of the proposed approach w.r.t. convolutional neural networks (CNNs) is two-fold. First, it allows representation learning with a small amount of data due to the reduced number of parameters compared to an equivalent CNN. Second, it has a low training cost since the backpropagation considers only support vectors. The experimental results on texture and histopathologic image datasets have shown that the proposed approach achieves competitive accuracy with lower computational cost and faster convergence when compared to equivalent CNNs." 1565,Reframed GES with a Neural Conditional Dependence Measure,"In a nonparametric setting, the causal structure is often identifiable only up to Markov equivalence, and for the purpose of causal inference, it is useful to learn a graphical representation of the Markov equivalence class (MEC). In this paper, we revisit the Greedy Equivalence Search (GES) algorithm, which is widely cited as a score-based algorithm for learning the MEC of the underlying causal structure. We observe that in order to make the GES algorithm consistent in a nonparametric setting, it is not necessary to design a scoring metric that evaluates graphs. Instead, it suffices to plug in a consistent estimator of a measure of conditional dependence to guide the search. We therefore present a reframing of the GES algorithm, which is more flexible than the standard score-based version and readily lends itself to the nonparametric setting with a general measure of conditional dependence. In addition, we propose a neural conditional dependence (NCD) measure, which utilizes the expressive power of deep neural networks to characterize conditional independence in a nonparametric manner. We establish the optimality of the reframed GES algorithm under standard assumptions and the consistency of using our NCD estimator to decide conditional independence. Together these results justify the proposed approach. Experimental results demonstrate the effectiveness of our method in causal discovery, as well as the advantages of using our NCD measure over kernel-based measures." 1566,Accelerating Shapley Explanation via Contributive Cooperator Selection,"Even though Shapley value provides an effective explanation for a DNN model prediction, the computation relies on the enumeration of all possible input feature coalitions, which leads to the exponentially growing complexity. To address this problem, we propose a novel method SHEAR to significantly accelerate the Shapley explanation for DNN models, where only a few coalitions of input features are involved in the computation. The selection of the feature coalitions follows our proposed Shapley chain rule to minimize the absolute error from the ground-truth Shapley values, such that the computation can be both efficient and accurate. To demonstrate the effectiveness, we comprehensively evaluate SHEAR across multiple metrics including the absolute error from the ground-truth Shapley value, the faithfulness of the explanations, and running speed. The experimental results indicate SHEAR consistently outperforms state-of-the-art baseline methods across different evaluation metrics, which demonstrates its potentials in real-world applications where the computational resource is limited." 1567,SafeRL-Kit: Evaluating Efficient Reinforcement Learning Methods for Safe Autonomous Driving,"Safe reinforcement learning (RL) has achieved significant success on risk-sensitive tasks and shown promise in autonomous driving (AD) as well. Considering the distinctiveness of this community, efficient and reproducible baselines are still lacking for safe AD. In this paper, we release SafeRL-Kit to benchmark safe RL methods for AD-oriented tasks. Concretely, SafeRL-Kit contains several latest algorithms specific to zero-constraint-violation tasks, including Safety Layer, Recovery RL, off-policy Lagrangian method, and Feasible Actor-Critic. In addition to existing approaches, we propose a novel first-order method named Exact Penalty Optimization (EPO) and sufficiently demonstrate its capability in safe AD. All algorithms in SafeRL-Kit are implemented (i) under the off-policy setting, which improves sample efficiency and can better leverage past logs; (ii) with a unified learning framework, providing off-the-shelf interfaces for researchers to incorporate their domain-specific knowledge into fundamental safe RL methods. Conclusively, we conduct a comparative evaluation of the above algorithms in SafeRL-Kit and shed light on their efficacy for safe autonomous driving. The source code is available at \href{ https://github.com/zlr20/saferl_kit}{this https URL}." 1568,A Spatio-Temporal Neural Network Forecasting Approach for Emulation of Firefront Models,"Computational simulations of wildfire spread typically employ empirical rate-of-spread calculations under various conditions (such as terrain, fuel type, weather). Small perturbations in conditions can often lead to significant changes in fire spread (such as speed and direction), necessitating a computationally expensive large set of simulations to quantify uncertainty. Model emulation seeks alternative representations of physical models using machine learning, aiming to provide more efficient and/or simplified surrogate models. We propose a dedicated spatio-temporal neural network based framework for model emulation, able to capture the complex behaviour of fire spread models. The proposed approach can approximate forecasts at fine spatial and temporal resolutions that are often challenging for neural network based approaches. Furthermore, the proposed approach is robust even with small training sets, due to novel data augmentation methods. Empirical experiments show good agreement between simulated and emulated firefronts, with an average Jaccard score of 0.76." 1569,Thompson Sampling Achieves $\tilde O(\sqrt{T})$ Regret in Linear Quadratic Control,"Thompson Sampling (TS) is an efficient method for decision-making under uncertainty, where an action is sampled from a carefully prescribed distribution which is updated based on the observed data. In this work, we study the problem of adaptive control of stabilizable linear-quadratic regulators (LQRs) using TS, where the system dynamics are unknown. Previous works have established that $\tilde O(\sqrt{T})$ frequentist regret is optimal for the adaptive control of LQRs. However, the existing methods either work only in restrictive settings, require a priori known stabilizing controllers, or utilize computationally intractable approaches. We propose an efficient TS algorithm for the adaptive control of LQRs, TS-based Adaptive Control, TSAC, that attains $\tilde O(\sqrt{T})$ regret, even for multidimensional systems, thereby solving the open problem posed in Abeille and Lazaric (2018). TSAC does not require a priori known stabilizing controller and achieves fast stabilization of the underlying system by effectively exploring the environment in the early stages. Our result hinges on developing a novel lower bound on the probability that the TS provides an optimistic sample. By carefully prescribing an early exploration strategy and a policy update rule, we show that TS achieves order-optimal regret in adaptive control of multidimensional stabilizable LQRs. We empirically demonstrate the performance and the efficiency of TSAC in several adaptive control tasks." 1570,MetaFed: Federated Learning among Federations with Cyclic Knowledge Distillation for Personalized Healthcare,"Federated learning has attracted increasing attention to building models without accessing the raw user data, especially in healthcare. In real applications, different federations can seldom work together due to possible reasons such as data heterogeneity and distrust/inexistence of the central server. In this paper, we propose a novel framework called MetaFed to facilitate trustworthy FL between different federations. MetaFed obtains a personalized model for each federation without a central server via the proposed Cyclic Knowledge Distillation. Specifically, MetaFed treats each federation as a meta distribution and aggregates knowledge of each federation in a cyclic manner. The training is split into two parts: common knowledge accumulation and personalization. Comprehensive experiments on three benchmarks demonstrate that MetaFed without a server achieves better accuracy compared to state-of-the-art methods (e.g., 10%+ accuracy improvement compared to the baseline for PAMAP2) with fewer communication costs." 1571,ComENet: Towards Complete and Efficient Message Passing for 3D Molecular Graphs,"Many real-world data can be modeled as 3D graphs, but learning representations that incorporates 3D information completely and efficiently is challenging. Existing methods either use partial 3D information, or suffer from excessive computational cost. To incorporate 3D information completely and efficiently, we propose a novel message passing scheme that operates within 1-hop neighborhood. Our method guarantees full completeness of 3D information on 3D graphs by achieving global and local completeness. Notably, we propose the important rotation angles to fulfill global completeness. Additionally, we show that our method is orders of magnitude faster than prior methods. We provide rigorous proof of completeness and analysis of time complexity for our methods. As molecules are in essence quantum systems, we build the \underline{com}plete and \underline{e}fficient graph neural network (ComENet) by combing quantum inspired basis functions and the proposed message passing scheme. Experimental results demonstrate the capability and efficiency of ComENet, especially on real-world datasets that are large in both numbers and sizes of graphs. Our code is publicly available as part of the DIG library (\url{https://github.com/divelab/DIG})." 1572,A Unified Evaluation of Textual Backdoor Learning: Frameworks and Benchmarks,"Textual backdoor attacks are a kind of practical threat to NLP systems. By injecting a backdoor in the training phase, the adversary could control model predictions via predefined triggers. As various attack and defense models have been proposed, it is of great significance to perform rigorous evaluations. However, we highlight two issues in previous backdoor learning evaluations: (1) The differences between real-world scenarios (e.g. releasing poisoned datasets or models) are neglected, and we argue that each scenario has its own constraints and concerns, thus requires specific evaluation protocols; (2) The evaluation metrics only consider whether the attacks could flip the models' predictions on poisoned samples and retain performances on benign samples, but ignore that poisoned samples should also be stealthy and semantic-preserving. To address these issues, we categorize existing works into three practical scenarios in which attackers release datasets, pre-trained models, and fine-tuned models respectively, then discuss their unique evaluation methodologies. On metrics, to completely evaluate poisoned samples, we use grammar error increase and perplexity difference for stealthiness, along with text similarity for validity. After formalizing the frameworks, we develop an open-source toolkit OpenBackdoor to foster the implementations and evaluations of textual backdoor learning. With this toolkit, we perform extensive experiments to benchmark attack and defense models under the suggested paradigm. To facilitate the underexplored defenses against poisoned datasets, we further propose CUBE, a simple yet strong clustering-based defense baseline. We hope that our frameworks and benchmarks could serve as the cornerstones for future model development and evaluations." 1573,TLETA: Deep Transfer Learning and Integrated Cellular Knowledge for Estimated Time of Arrival Prediction,"Vehicle arrival time prediction has been studied widely. With the emergence of IoT devices and deep learning techniques, estimated time of arrival (ETA) has become a critical component in intelligent transportation systems. Though many tools exist for ETA, ETA for special vehicles, such as ambulances, fire engines, etc., is still challenging due to the limited amount of traffic data for special vehicles. Existing works use one model for all types of vehicles, which can lead to low accuracy. To tackle this, as the first in the field, we propose a deep transfer learning framework TLETA for the driving time prediction. TLETA constructs cellular spatial-temporal knowledge grids for extracting driving patterns, combined with the road network structure embedding to build a deep neural network for ETA. TLETA contains transferable layers to support knowledge transfer between different categories of vehicles. Importantly, our transfer models only train the last layers to map the transferred knowledge, that reduces the training time significantly. The experimental studies show that our model predicts travel time with high accuracy and outperforms many state-of-the-art approaches." 1574,What do navigation agents learn about their environment?,"Today's state of the art visual navigation agents typically consist of large deep learning models trained end to end. Such models offer little to no interpretability about the learned skills or the actions of the agent taken in response to its environment. While past works have explored interpreting deep learning models, little attention has been devoted to interpreting embodied AI systems, which often involve reasoning about the structure of the environment, target characteristics and the outcome of one's actions. In this paper, we introduce the Interpretability System for Embodied agEnts (iSEE) for Point Goal and Object Goal navigation agents. We use iSEE to probe the dynamic representations produced by these agents for the presence of information about the agent as well as the environment. We demonstrate interesting insights about navigation agents using iSEE, including the ability to encode reachable locations (to avoid obstacles), visibility of the target, progress from the initial spawn location as well as the dramatic effect on the behaviors of agents when we mask out critical individual neurons. The code is available at: https://github.com/allenai/iSEE" 1575,A Parametric Class of Approximate Gradient Updates for Policy Optimization,"Approaches to policy optimization have been motivated from diverse principles, based on how the parametric model is interpreted (e.g. value versus policy representation) or how the learning objective is formulated, yet they share a common goal of maximizing expected return. To better capture the commonalities and identify key differences between policy optimization methods, we develop a unified perspective that re-expresses the underlying updates in terms of a limited choice of gradient form and scaling function. In particular, we identify a parameterized space of approximate gradient updates for policy optimization that is highly structured, yet covers both classical and recent examples, including PPO. As a result, we obtain novel yet well motivated updates that generalize existing algorithms in a way that can deliver benefits both in terms of convergence speed and final result quality. An experimental investigation demonstrates that the additional degrees of freedom provided in the parameterized family of updates can be leveraged to obtain non-trivial improvements both in synthetic domains and on popular deep RL benchmarks." 1576,Deep reinforcement learning for fMRI prediction of Autism Spectrum Disorder,"Purpose : Because functional MRI (fMRI) data sets are in general small, we sought a data efficient approach to resting state fMRI classification of autism spectrum disorder (ASD) versus neurotypical (NT) controls. We hypothesized that a Deep Reinforcement Learning (DRL) classifier could learn effectively on a small fMRI training set. Methods : We trained a Deep Reinforcement Learning (DRL) classifier on 100 graph-label pairs from the Autism Brain Imaging Data Exchange (ABIDE) database. For comparison, we trained a Supervised Deep Learning (SDL) classifier on the same training set. Results : DRL significantly outperformed SDL, with a p-value of 2.4 x 10^(-7). DRL achieved superior results for a variety of classifier performance metrics, including an F1 score of 76, versus 67 for SDL. Whereas SDL quickly overfit the training data, DRL learned in a progressive manner that generalised to the separate testing set. Conclusion : DRL can learn to classify ASD versus NT in a data efficient manner, doing so for a small training set. Future work will involve optimizing the neural network for data efficiency and applying the approach to other fMRI data sets, namely for brain cancer patients." 1577,Self-Supervised Contrastive Pre-Training For Time Series via Time-Frequency Consistency,"Pre-training on time series poses a unique challenge due to the potential mismatch between pre-training and target domains, such as shifts in temporal dynamics, fast-evolving trends, and long-range and short cyclic effects, which can lead to poor downstream performance. While domain adaptation methods can mitigate these shifts, most methods need examples directly from the target domain, making them suboptimal for pre-training. To address this challenge, methods need to accommodate target domains with different temporal dynamics and be capable of doing so without seeing any target examples during pre-training. Relative to other modalities, in time series, we expect that time-based and frequency-based representations of the same example are located close together in the time-frequency space. To this end, we posit that time-frequency consistency (TF-C) -- embedding a time-based neighborhood of a particular example close to its frequency-based neighborhood and back -- is desirable for pre-training. Motivated by TF-C, we define a decomposable pre-training model, where the self-supervised signal is provided by the distance between time and frequency components, each individually trained by contrastive estimation. We evaluate the new method on eight datasets, including electrodiagnostic testing, human activity recognition, mechanical fault detection, and physical status monitoring. Experiments against eight state-of-the-art methods show that TF-C outperforms baselines by 15.4% (F1 score) on average in one-to-one settings (e.g., fine-tuning an EEG-pretrained model on EMG data) and by up to 8.4% (F1 score) in challenging one-to-many settings, reflecting the breadth of scenarios that arise in real-world applications. The source code and datasets are available at https: //anonymous.4open.science/r/TFC-pretraining-6B07." 1578,TKIL: Tangent Kernel Approach for Class Balanced Incremental Learning,"When learning new tasks in a sequential manner, deep neural networks tend to forget tasks that they previously learned, a phenomenon called catastrophic forgetting. Class incremental learning methods aim to address this problem by keeping a memory of a few exemplars from previously learned tasks, and distilling knowledge from them. However, existing methods struggle to balance the performance across classes since they typically overfit the model to the latest task. In our work, we propose to address these challenges with the introduction of a novel methodology of Tangent Kernel for Incremental Learning (TKIL) that achieves class-balanced performance. The approach preserves the representations across classes and balances the accuracy for each class, and as such achieves better overall accuracy and variance. TKIL approach is based on Neural Tangent Kernel (NTK), which describes the convergence behavior of neural networks as a kernel function in the limit of infinite width. In TKIL, the gradients between feature layers are treated as the distance between the representations of these layers and can be defined as Gradients Tangent Kernel loss (GTK loss) such that it is minimized along with averaging weights. This allows TKIL to automatically identify the task and to quickly adapt to it during inference. Experiments on CIFAR-100 and ImageNet datasets with various incremental learning settings show that these strategies allow TKIL to outperform existing state-of-the-art methods." 1579,Revisiting Self-Distillation,"Knowledge distillation is the procedure of transferring ""knowledge"" from a large model (the teacher) to a more compact one (the student), often being used in the context of model compression. When both models have the same architecture, this procedure is called self-distillation. Several works have anecdotally shown that a self-distilled student can outperform the teacher on held-out data. In this work, we systematically study self-distillation in a number of settings. We first show that even with a highly accurate teacher, self-distillation allows a student to surpass the teacher in all cases. Secondly, we revisit existing theoretical explanations of (self) distillation and identify contradicting examples, revealing possible drawbacks of these explanations. Finally, we provide an alternative explanation for the dynamics of self-distillation through the lens of loss landscape geometry. We conduct extensive experiments to show that self-distillation leads to flatter minima, thereby resulting in better generalization." 1580,Debugging using Orthogonal Gradient Descent,"In this report we consider the following problem: Given a trained model that is partially faulty, can we correct its behaviour without having to train the model from scratch? In other words, can we ``debug"" neural networks similar to how we address bugs in our mathematical models and standard computer code. We base our approach on the hypothesis that debugging can be treated as a two-task continual learning problem. In particular, we employ a modified version of a continual learning algorithm called Orthogonal Gradient Descent (OGD) to demonstrate, via two simple experiments on the MNIST dataset, that we can in-fact \textit{unlearn} the undesirable behaviour while retaining the general performance of the model, and we can additionally \textit{relearn} the appropriate behaviour, both without having to train the model from scratch." 1581,High-Speed Accurate Robot Control using Learned Forward Kinodynamics and Non-linear Least Squares Optimization,"Accurate control of robots in the real world requires a control system that is capable of taking into account the kinodynamic interactions of the robot with its environment. At high speeds, the dependence of the movement of the robot on these kinodynamic interactions becomes more pronounced, making high-speed, accurate robot control a challenging problem. Previous work has shown that learning the inverse kinodynamics (IKD) of the robot can be helpful for high-speed robot control. However a learned inverse kinodynamic model can only be applied to a limited class of control problems, and different control problems require the learning of a new IKD model. In this work we present a new formulation for accurate, high-speed robot control that makes use of a learned forward kinodynamic (FKD) model and non-linear least squares optimization. By nature of the formulation, this approach is extensible to a wide array of control problems without requiring the retraining of a new model. We demonstrate the ability of this approach to accurately control a scale one-tenth robot car at high speeds, and show improved results over baselines." 1582,Multi-Frequency Joint Community Detection and Phase Synchronization,"This paper studies the joint community detection and phase synchronization problem on the \textit{stochastic block model with relative phase}, where each node is associated with a phase. This problem, with a variety of real-world applications, aims to recover community memberships and associated phases simultaneously. By studying the maximum likelihood estimation formulation, we show that this problem exhibits a \textit{``multi-frequency''} structure. To this end, two simple yet efficient algorithms that leverage information across multiple frequencies are proposed. The former is a spectral method based on the novel multi-frequency column-pivoted QR factorization, and the latter is an iterative multi-frequency generalized power method. Numerical experiments indicate our proposed algorithms outperform state-of-the-art algorithms, in recovering community memberships and associated phases." 1583,Classification of datasets with imputed missing values: does imputation quality matter?,"Classifying samples in incomplete datasets is a common aim for machine learning practitioners, but is non-trivial. Missing data is found in most real-world datasets and these missing values are typically imputed using established methods, followed by classification of the now complete, imputed, samples. The focus of the machine learning researcher is then to optimise the downstream classification performance. In this study, we highlight that it is imperative to consider the quality of the imputation. We demonstrate how the commonly used measures for assessing quality are flawed and propose a new class of discrepancy scores which focus on how well the method recreates the overall distribution of the data. To conclude, we highlight the compromised interpretability of classifier models trained using poorly imputed data." 1584,Backdoor Attacks on Vision Transformers,"Vision Transformers (ViT) have recently demonstrated exemplary performance on a variety of vision tasks and are being used as an alternative to CNNs. Their design is based on a self-attention mechanism that processes images as a sequence of patches, which is quite different compared to CNNs. Hence it is interesting to study if ViTs are vulnerable to backdoor attacks. Backdoor attacks happen when an attacker poisons a small part of the training data for malicious purposes. The model performance is good on clean test images, but the attacker can manipulate the decision of the model by showing the trigger at test time. To the best of our knowledge, we are the first to show that ViTs are vulnerable to backdoor attacks. We also find an intriguing difference between ViTs and CNNs - interpretation algorithms effectively highlight the trigger on test images for ViTs but not for CNNs. Based on this observation, we propose a test-time image blocking defense for ViTs which reduces the attack success rate by a large margin. Code is available here: https://github.com/UCDvision/backdoor_transformer.git" 1585,Zero-Shot AutoML with Pretrained Models,"Given a new dataset D and a low compute budget, how should we choose a pre-trained model to fine-tune to D, and set the fine-tuning hyperparameters without risking overfitting, particularly if D is small? Here, we extend automated machine learning (AutoML) to best make these choices. Our domain-independent meta-learning approach learns a zero-shot surrogate model which, at test time, allows to select the right deep learning (DL) pipeline (including the pre-trained model and fine-tuning hyperparameters) for a new dataset D given only trivial meta-features describing D such as image resolution or the number of classes. To train this zero-shot model, we collect performance data for many DL pipelines on a large collection of datasets and meta-train on this data to minimize a pairwise ranking objective. We evaluate our approach under the strict time limit of the vision track of the ChaLearn AutoDL challenge benchmark, clearly outperforming all challenge contenders." 1586,XLCoST: A Benchmark Dataset for Cross-lingual Code Intelligence,"Recent advances in machine learning have significantly improved the understanding of source code data and achieved good performance on a number of downstream tasks. Open source repositories like GitHub enable this process with rich unlabeled code data. However, the lack of high quality labeled data has largely hindered the progress of several code related tasks, such as program translation, summarization, synthesis, and code search. This paper introduces XLCoST, Cross-Lingual Code SnippeT dataset, a new benchmark dataset for cross-lingual code intelligence. Our dataset contains fine-grained parallel data from 8 languages (7 commonly used programming languages and English), and supports 10 cross-lingual code tasks. To the best of our knowledge, it is the largest parallel dataset for source code both in terms of size and the number of languages. We also provide the performance of several state-of-the-art baseline models for each task. We believe this new dataset can be a valuable asset for the research community and facilitate the development and validation of new methods for cross-lingual code intelligence." 1587,A Robust Stacking Framework for Training Deep Graph Models with Multifaceted Node Features,"Graph Neural Networks (GNNs) with numerical node features and graph structure as inputs have demonstrated superior performance on various supervised learning tasks with graph data. However the numerical node features utilized by GNNs are commonly extracted from raw data which is of text or tabular (numeric/categorical) type in most real-world applications. The best models for such data types in most standard supervised learning settings with IID (non-graph) data are not simple neural network layers and thus are not easily incorporated into a GNN. Here we propose a robust stacking framework that fuses graph-aware propagation with arbitrary models intended for IID data, which are ensembled and stacked in multiple layers. Our layer-wise framework leverages bagging and stacking strategies to enjoy strong generalization, in a manner which effectively mitigates label leakage and overfitting. Across a variety of graph datasets with tabular/text node features, our method achieves comparable or superior performance relative to both tabular/text and graph neural network models, as well as existing state-of-the-art hybrid strategies that combine the two." 1588,Variational Estimators of the Degree-corrected Latent Block Model for Bipartite Networks,"Biclustering on bipartite graphs is an unsupervised learning task that simultaneously clusters the two types of objects in the graph, for example, users and movies in a movie review dataset. The latent block model (LBM) has been proposed as a model-based tool for biclustering. Biclustering results by the LBM are, however, usually dominated by the row and column sums of the data matrix, i.e., degrees. We propose a degree-corrected latent block model (DC-LBM) to accommodate degree heterogeneity in row and column clusters, which greatly outperforms the classical LBM in the MovieLens dataset and simulated data. We develop an efficient variational expectation-maximization algorithm by observing that the row and column degrees maximize the objective function in the M step given any probability assignment on the cluster labels. We prove the label consistency of the variational estimator under the DC-LBM, which allows the expected graph density goes to zero as long as the average expected degrees of rows and columns go to infinity." 1589,PRANC: Pseudo RAndom Networks for Compacting deep models,"Communication becomes a bottleneck in various distributed Machine Learning settings. Here, we propose a novel training framework that leads to highly efficient communication of models between agents. In short, we train our network to be a linear combination of many pseudo-randomly generated frozen models. For communication, the source agent transmits only the `seed' scalar used to generate the pseudo-random `basis' networks along with the learned linear mixture coefficients. Our method, denoted as PRANC, learns almost $100\times$ fewer parameters than a deep model and still performs well on several datasets and architectures. PRANC enables 1) efficient communication of models between agents, 2) efficient model storage, and 3) accelerated inference by generating layer-wise weights on the fly. We test PRANC on CIFAR-10, CIFAR-100, tinyImageNet, and ImageNet-100 with various architectures like AlexNet, LeNet, ResNet18, ResNet20, and ResNet56 and demonstrate a massive reduction in the number of parameters while providing satisfactory performance on these benchmark datasets. The code is available \href{https://github.com/UCDvision/PRANC}{https://github.com/UCDvision/PRANC}" 1590,Recursive Neural Programs: Variational Learning of Image Grammars and Part-Whole Hierarchies,"Human vision involves parsing and representing objects and scenes using structured representations based on part-whole hierarchies. Computer vision and machine learning researchers have recently sought to emulate this capability using capsule networks, reference frames and active predictive coding, but a generative model formulation has been lacking. We introduce Recursive Neural Programs (RNPs), which, to our knowledge, is the first neural generative model to address the part-whole hierarchy learning problem. RNPs model images as hierarchical trees of probabilistic sensory-motor programs that recursively reuse learned sensory-motor primitives to model an image within different reference frames, forming recursive image grammars. We express RNPs as structured variational autoencoders (sVAEs) for inference and sampling, and demonstrate parts-based parsing, sampling and one-shot transfer learning for MNIST, Omniglot and Fashion-MNIST datasets, demonstrating the model's expressive power. Our results show that RNPs provide an intuitive and explainable way of composing objects and scenes, allowing rich compositionality and intuitive interpretations of objects in terms of part-whole hierarchies." 1591,TUSK: Task-Agnostic Unsupervised Keypoints,"Existing unsupervised methods for keypoint learning rely heavily on the assumption that a specific keypoint type (e.g. elbow, digit, abstract geometric shape) appears only once in an image. This greatly limits their applicability, as each instance must be isolated before applying the method-an issue that is never discussed or evaluated. We thus propose a novel method to learn Task-agnostic, UnSupervised Keypoints (TUSK) which can deal with multiple instances. To achieve this, instead of the commonly-used strategy of detecting multiple heatmaps, each dedicated to a specific keypoint type, we use a single heatmap for detection, and enable unsupervised learning of keypoint types through clustering. Specifically, we encode semantics into the keypoints by teaching them to reconstruct images from a sparse set of keypoints and their descriptors, where the descriptors are forced to form distinct clusters in feature space around learned prototypes. This makes our approach amenable to a wider range of tasks than any previous unsupervised keypoint method: we show experiments on multiple-instance detection and classification, object discovery, and landmark detection-all unsupervised-with performance on par with the state of the art, while also being able to deal with multiple instances." 1592,Local overlap reduction procedure for dynamic ensemble selection,"Class imbalance is a characteristic known for making learning more challenging for classification models as they may end up biased towards the majority class. A promising approach among the ensemble-based methods in the context of imbalance learning is Dynamic Selection (DS). DS techniques single out a subset of the classifiers in the ensemble to label each given unknown sample according to their estimated competence in the area surrounding the query. Because only a small region is taken into account in the selection scheme, the global class disproportion may have less impact over the system's performance. However, the presence of local class overlap may severely hinder the DS techniques' performance over imbalanced distributions as it not only exacerbates the effects of the under-representation but also introduces ambiguous and possibly unreliable samples to the competence estimation process. Thus, in this work, we propose a DS technique which attempts to minimize the effects of the local class overlap during the classifier selection procedure. The proposed method iteratively removes from the target region the instance perceived as the hardest to classify until a classifier is deemed competent to label the query sample. The known samples are characterized using instance hardness measures that quantify the local class overlap. Experimental results show that the proposed technique can significantly outperform the baseline as well as several other DS techniques, suggesting its suitability for dealing with class under-representation and overlap. Furthermore, the proposed technique still yielded competitive results when using an under-sampled, less overlapped version of the labelled sets, specially over the problems with a high proportion of minority class samples in overlap areas. Code available at https://github.com/marianaasouza/lords." 1593,Quantifying Feature Contributions to Overall Disparity Using Information Theory,"When a machine-learning algorithm makes biased decisions, it can be helpful to understand the sources of disparity to explain why the bias exists. Towards this, we examine the problem of quantifying the contribution of each individual feature to the observed disparity. If we have access to the decision-making model, one potential approach (inspired from intervention-based approaches in explainability literature) is to vary each individual feature (while keeping the others fixed) and use the resulting change in disparity to quantify its contribution. However, we may not have access to the model or be able to test/audit its outputs for individually varying features. Furthermore, the decision may not always be a deterministic function of the input features (e.g., with human-in-the-loop). For these situations, we might need to explain contributions using purely distributional (i.e., observational) techniques, rather than interventional. We ask the question: what is the ""potential"" contribution of each individual feature to the observed disparity in the decisions when the exact decision-making mechanism is not accessible? We first provide canonical examples (thought experiments) that help illustrate the difference between distributional and interventional approaches to explaining contributions, and when either is better suited. When unable to intervene on the inputs, we quantify the ""redundant"" statistical dependency about the protected attribute that is present in both the final decision and an individual feature, by leveraging a body of work in information theory called Partial Information Decomposition. We also perform a simple case study to show how this technique could be applied to quantify contributions." 1594,GOOD: A Graph Out-of-Distribution Benchmark,"Out-of-distribution (OOD) learning deals with scenarios in which training and test data follow different distributions. Although general OOD problems have been intensively studied in machine learning, graph OOD is only an emerging area of research. Currently, there lacks a systematic benchmark tailored to graph OOD method evaluation. In this work, we aim at developing an OOD benchmark, known as GOOD, for graphs specifically. We explicitly make distinctions between covariate and concept shifts and design data splits that accurately reflect different shifts. We consider both graph and node prediction tasks as there are key differences when designing shifts. Overall, GOOD contains 8 datasets with 14 domain selections. When combined with covariate, concept, and no shifts, we obtain 42 different splits. We provide performance results on 7 commonly used baseline methods with 10 random runs. This results in 294 dataset-model combinations in total. Our results show significant performance gaps between in-distribution and OOD settings. Our results also shed light on different performance trends between covariate and concept shifts by different methods. Our GOOD benchmark is a growing project and expects to expand in both quantity and variety of resources as the area develops. The GOOD benchmark can be accessed via $\href{https://github.com/divelab/GOOD/}{\text{https://github.com/divelab/GOOD/}}$." 1595,I Know What You Trained Last Summer: A Survey on Stealing Machine Learning Models and Defences,"Machine Learning-as-a-Service (MLaaS) has become a widespread paradigm, making even the most complex machine learning models available for clients via e.g. a pay-per-query principle. This allows users to avoid time-consuming processes of data collection, hyperparameter tuning, and model training. However, by giving their customers access to the (predictions of their) models, MLaaS providers endanger their intellectual property, such as sensitive training data, optimised hyperparameters, or learned model parameters. Adversaries can create a copy of the model with (almost) identical behavior using the the prediction labels only. While many variants of this attack have been described, only scattered defence strategies have been proposed, addressing isolated threats. This raises the necessity for a thorough systematisation of the field of model stealing, to arrive at a comprehensive understanding why these attacks are successful, and how they could be holistically defended against. We address this by categorising and comparing model stealing attacks, assessing their performance, and exploring corresponding defence techniques in different settings. We propose a taxonomy for attack and defence approaches, and provide guidelines on how to select the right attack or defence strategy based on the goal and available resources. Finally, we analyse which defences are rendered less effective by current attack strategies." 1596,Active Fairness Auditing,"The fast spreading adoption of machine learning (ML) by companies across industries poses significant regulatory challenges. One such challenge is scalability: how can regulatory bodies efficiently audit these ML models, ensuring that they are fair? In this paper, we initiate the study of query-based auditing algorithms that can estimate the demographic parity of ML models in a query-efficient manner. We propose an optimal deterministic algorithm, as well as a practical randomized, oracle-efficient algorithm with comparable guarantees. Furthermore, we make inroads into understanding the optimal query complexity of randomized active fairness estimation algorithms. Our first exploration of active fairness estimation aims to put AI governance on firmer theoretical foundations." 1597,Empirical Bayesian Approaches for Robust Constraint-based Causal Discovery under Insufficient Data,"Causal discovery is to learn cause-effect relationships among variables given observational data and is important for many applications. Existing causal discovery methods assume data sufficiency, which may not be the case in many real world datasets. As a result, many existing causal discovery methods can fail under limited data. In this work, we propose Bayesian-augmented frequentist independence tests to improve the performance of constraint-based causal discovery methods under insufficient data: 1) We firstly introduce a Bayesian method to estimate mutual information (MI), based on which we propose a robust MI based independence test; 2) Secondly, we consider the Bayesian estimation of hypothesis likelihood and incorporate it into a well-defined statistical test, resulting in a robust statistical testing based independence test. We apply proposed independence tests to constraint-based causal discovery methods and evaluate the performance on benchmark datasets with insufficient samples. Experiments show significant performance improvement in terms of both accuracy and efficiency over SOTA methods." 1598,Understanding Decision-Time vs. Background Planning in Model-Based Reinforcement Learning,"In model-based reinforcement learning, an agent can leverage a learned model to improve its way of behaving in different ways. Two prevalent approaches are decision-time planning and background planning. In this study, we are interested in understanding under what conditions and in which settings one of these two planning styles will perform better than the other in domains that require fast responses. After viewing them through the lens of dynamic programming, we first consider the classical instantiations of these planning styles and provide theoretical results and hypotheses on which one will perform better in the pure planning, planning & learning, and transfer learning settings. We then consider the modern instantiations of these planning styles and provide hypotheses on which one will perform better in the last two of the considered settings. Lastly, we perform several illustrative experiments to empirically validate both our theoretical results and hypotheses. Overall, our findings suggest that even though decision-time planning does not perform as well as background planning in their classical instantiations, in their modern instantiations, it can perform on par or better than background planning in both the planning & learning and transfer learning settings." 1599,OpenSRH: optimizing brain tumor surgery using intraoperative stimulated Raman histology,"Accurate intraoperative diagnosis is essential for providing safe and effective care during brain tumor surgery. Our standard-of-care diagnostic methods are time, resource, and labor intensive, which restricts access to optimal surgical treatments. To address these limitations, we propose an alternative workflow that combines stimulated Raman histology (SRH), a rapid optical imaging method, with deep learning-based automated interpretation of SRH images for intraoperative brain tumor diagnosis and real-time surgical decision support. Here, we present OpenSRH, the first public dataset of clinical SRH images from 300+ brain tumors patients and 1300+ unique whole slide optical images. OpenSRH contains data from the most common brain tumors diagnoses, full pathologic annotations, whole slide tumor segmentations, raw and processed optical imaging data for end-to-end model development and validation. We provide a framework for patch-based whole slide SRH classification and inference using weak (i.e. patient-level) diagnostic labels. Finally, we benchmark two computer vision tasks: multiclass histologic brain tumor classification and patch-based contrastive representation learning. We hope OpenSRH will facilitate the clinical translation of rapid optical imaging and real-time ML-based surgical decision support in order to improve the access, safety, and efficacy of cancer surgery in the era of precision medicine. Dataset access, code, and benchmarks are available at opensrh.mlins.org." 1600,SATBench: Benchmarking the speed-accuracy tradeoff in object recognition by humans and dynamic neural networks,"The core of everyday tasks like reading and driving is active object recognition. Attempts to model such tasks are currently stymied by the inability to incorporate time. People show a flexible tradeoff between speed and accuracy and this tradeoff is a crucial human skill. Deep neural networks have emerged as promising candidates for predicting peak human object recognition performance and neural activity. However, modeling the temporal dimension i.e., the speed-accuracy tradeoff (SAT), is essential for them to serve as useful computational models for how humans recognize objects. To this end, we here present the first large-scale (148 observers, 4 neural networks, 8 tasks) dataset of the speed-accuracy tradeoff (SAT) in recognizing ImageNet images. In each human trial, a beep, indicating the desired reaction time, sounds at a fixed delay after the image is presented, and observer's response counts only if it occurs near the time of the beep. In a series of blocks, we test many beep latencies, i.e., reaction times. We observe that human accuracy increases with reaction time and proceed to compare its characteristics with the behavior of several dynamic neural networks that are capable of inference-time adaptive computation. Using FLOPs as an analog for reaction time, we compare networks with humans on curve-fit error, category-wise correlation, and curve steepness, and conclude that cascaded dynamic neural networks are a promising model of human reaction time in object recognition tasks." 1601,Learning to Teach Fairness-aware Deep Multi-task Learning,"Fairness-aware learning mainly focuses on single task learning (STL). The fairness implications of multi-task learning (MTL) have only recently been considered and a seminal approach has been proposed that considers the fairness-accuracy trade-off for each task and the performance trade-off among different tasks. Instead of a rigid fairness-accuracy trade-off formulation, we propose a flexible approach that learns how to be fair in a MTL setting by selecting which objective (accuracy or fairness) to optimize at each step. We introduce the L2T-FMT algorithm that is a teacher-student network trained collaboratively; the student learns to solve the fair MTL problem while the teacher instructs the student to learn from either accuracy or fairness, depending on what is harder to learn for each task. Moreover, this dynamic selection of which objective to use at each step for each task reduces the number of trade-off weights from 2T to T, where T is the number of tasks. Our experiments on three real datasets show that L2T-FMT improves on both fairness (12-19%) and accuracy (up to 2%) over state-of-the-art approaches." 1602,Learning Generic Lung Ultrasound Biomarkers for Decoupling Feature Extraction from Downstream Tasks,"Contemporary artificial neural networks (ANN) are trained end-to-end, jointly learning both features and classifiers for the task of interest. Though enormously effective, this paradigm imposes significant costs in assembling annotated task-specific datasets and training large-scale networks. We propose to decouple feature learning from downstream lung ultrasound tasks by introducing an auxiliary pre-task of visual biomarker classification. We demonstrate that one can learn an informative, concise, and interpretable feature space from ultrasound videos by training models for predicting biomarker labels. Notably, biomarker feature extractors can be trained from data annotated with weak video-scale supervision. These features can be used by a variety of downstream Expert models targeted for diverse clinical tasks (Diagnosis, lung severity, S/F ratio). Crucially, task-specific expert models are comparable in accuracy to end-to-end models directly trained for such target tasks, while being significantly lower cost to train." 1603,Powershap: A Power-full Shapley Feature Selection Method,"Feature selection is a crucial step in developing robust and powerful machine learning models. Feature selection techniques can be divided into two categories: filter and wrapper methods. While wrapper methods commonly result in strong predictive performances, they suffer from a large computational complexity and therefore take a significant amount of time to complete, especially when dealing with high-dimensional feature sets. Alternatively, filter methods are considerably faster, but suffer from several other disadvantages, such as (i) requiring a threshold value, (ii) not taking into account intercorrelation between features, and (iii) ignoring feature interactions with the model. To this end, we present powershap, a novel wrapper feature selection method, which leverages statistical hypothesis testing and power calculations in combination with Shapley values for quick and intuitive feature selection. Powershap is built on the core assumption that an informative feature will have a larger impact on the prediction compared to a known random feature. Benchmarks and simulations show that powershap outperforms other filter methods with predictive performances on par with wrapper methods while being significantly faster, often even reaching half or a third of the execution time. As such, powershap provides a competitive and quick algorithm that can be used by various models in different domains. Furthermore, powershap is implemented as a plug-and-play and open-source sklearn component, enabling easy integration in conventional data science pipelines. User experience is even further enhanced by also providing an automatic mode that automatically tunes the hyper-parameters of the powershap algorithm, allowing to use the algorithm without any configuration needed." 1604,SHIFT: A Synthetic Driving Dataset for Continuous Multi-Task Domain Adaptation,"Adapting to a continuously evolving environment is a safety-critical challenge inevitably faced by all autonomous driving systems. Existing image and video driving datasets, however, fall short of capturing the mutable nature of the real world. In this paper, we introduce the largest multi-task synthetic dataset for autonomous driving, SHIFT. It presents discrete and continuous shifts in cloudiness, rain and fog intensity, time of day, and vehicle and pedestrian density. Featuring a comprehensive sensor suite and annotations for several mainstream perception tasks, SHIFT allows investigating the degradation of a perception system performance at increasing levels of domain shift, fostering the development of continuous adaptation strategies to mitigate this problem and assess model robustness and generality. Our dataset and benchmark toolkit are publicly available at www.vis.xyz/shift." 1605,Scalable First-Order Bayesian Optimization via Structured Automatic Differentiation,"Bayesian Optimization (BO) has shown great promise for the global optimization of functions that are expensive to evaluate, but despite many successes, standard approaches can struggle in high dimensions. To improve the performance of BO, prior work suggested incorporating gradient information into a Gaussian process surrogate of the objective, giving rise to kernel matrices of size $nd \times nd$ for $n$ observations in $d$ dimensions. Na\""ively multiplying with (resp. inverting) these matrices requires $\mathcal{O}(n^2d^2)$ (resp. $\mathcal{O}(n^3d^3$)) operations, which becomes infeasible for moderate dimensions and sample sizes. Here, we observe that a wide range of kernels gives rise to structured matrices, enabling an exact $\mathcal{O}(n^2d)$ matrix-vector multiply for gradient observations and $\mathcal{O}(n^2d^2)$ for Hessian observations. Beyond canonical kernel classes, we derive a programmatic approach to leveraging this type of structure for transformations and combinations of the discussed kernel classes, which constitutes a structure-aware automatic differentiation algorithm. Our methods apply to virtually all canonical kernels and automatically extend to complex kernels, like the neural network, radial basis function network, and spectral mixture kernels without any additional derivations, enabling flexible, problem-dependent modeling while scaling first-order BO to high $d$." 1606,Interaction-Grounded Learning with Action-inclusive Feedback,"Consider the problem setting of Interaction-Grounded Learning (IGL), in which a learner's goal is to optimally interact with the environment with no explicit reward to ground its policies. The agent observes a context vector, takes an action, and receives a feedback vector, using this information to effectively optimize a policy with respect to a latent reward function. Prior analyzed approaches fail when the feedback vector contains the action, which significantly limits IGL's success in many potential scenarios such as Brain-computer interface (BCI) or Human-computer interface (HCI) applications. We address this by creating an algorithm and analysis which allows IGL to work even when the feedback vector contains the action, encoded in any fashion. We provide theoretical guarantees and large-scale experiments based on supervised datasets to demonstrate the effectiveness of the new approach." 1607,Benchmarking Heterogeneous Treatment Effect Models through the Lens of Interpretability,"Estimating personalized effects of treatments is a complex, yet pervasive problem. To tackle it, recent developments in the machine learning (ML) literature on heterogeneous treatment effect estimation gave rise to many sophisticated, but opaque, tools: due to their flexibility, modularity and ability to learn constrained representations, neural networks in particular have become central to this literature. Unfortunately, the assets of such black boxes come at a cost: models typically involve countless nontrivial operations, making it difficult to understand what they have learned. Yet, understanding these models can be crucial -- in a medical context, for example, discovered knowledge on treatment effect heterogeneity could inform treatment prescription in clinical practice. In this work, we therefore use post-hoc feature importance methods to identify features that influence the model's predictions. This allows us to evaluate treatment effect estimators along a new and important dimension that has been overlooked in previous work: We construct a benchmarking environment to empirically investigate the ability of personalized treatment effect models to identify predictive covariates -- covariates that determine differential responses to treatment. Our benchmarking environment then enables us to provide new insight into the strengths and weaknesses of different types of treatment effects models as we modulate different challenges specific to treatment effect estimation -- e.g. the ratio of prognostic to predictive information, the possible nonlinearity of potential outcomes and the presence and type of confounding." 1608,Is Power-Seeking AI an Existential Risk?,"This report examines what I see as the core argument for concern about existential risk from misaligned artificial intelligence. I proceed in two stages. First, I lay out a backdrop picture that informs such concern. On this picture, intelligent agency is an extremely powerful force, and creating agents much more intelligent than us is playing with fire -- especially given that if their objectives are problematic, such agents would plausibly have instrumental incentives to seek power over humans. Second, I formulate and evaluate a more specific six-premise argument that creating agents of this kind will lead to existential catastrophe by 2070. On this argument, by 2070: (1) it will become possible and financially feasible to build relevantly powerful and agentic AI systems; (2) there will be strong incentives to do so; (3) it will be much harder to build aligned (and relevantly powerful/agentic) AI systems than to build misaligned (and relevantly powerful/agentic) AI systems that are still superficially attractive to deploy; (4) some such misaligned systems will seek power over humans in high-impact ways; (5) this problem will scale to the full disempowerment of humanity; and (6) such disempowerment will constitute an existential catastrophe. I assign rough subjective credences to the premises in this argument, and I end up with an overall estimate of ~5% that an existential catastrophe of this kind will occur by 2070. (May 2022 update: since making this report public in April 2021, my estimate here has gone up, and is now at >10%.)" 1609,MixGen: A New Multi-Modal Data Augmentation,"Data augmentation is a necessity to enhance data efficiency in deep learning. For vision-language pre-training, data is only augmented either for images or for text in previous works. In this paper, we present MixGen: a joint data augmentation for vision-language representation learning to further improve data efficiency. It generates new image-text pairs with semantic relationships preserved by interpolating images and concatenating text. It's simple, and can be plug-and-played into existing pipelines. We evaluate MixGen on four architectures, including CLIP, ViLT, ALBEF and TCL, across five downstream vision-language tasks to show its versatility and effectiveness. For example, adding MixGen in ALBEF pre-training leads to absolute performance improvements on downstream tasks: image-text retrieval (+6.2% on COCO fine-tuned and +5.3% on Flicker30K zero-shot), visual grounding (+0.9% on RefCOCO+), visual reasoning (+0.9% on NLVR$^{2}$), visual question answering (+0.3% on VQA2.0), and visual entailment (+0.4% on SNLI-VE)." 1610,Spatially-Adaptive Multilayer Selection for GAN Inversion and Editing,"Existing GAN inversion and editing methods work well for aligned objects with a clean background, such as portraits and animal faces, but often struggle for more difficult categories with complex scene layouts and object occlusions, such as cars, animals, and outdoor images. We propose a new method to invert and edit such complex images in the latent space of GANs, such as StyleGAN2. Our key idea is to explore inversion with a collection of layers, spatially adapting the inversion process to the difficulty of the image. We learn to predict the ""invertibility"" of different image segments and project each segment into a latent layer. Easier regions can be inverted into an earlier layer in the generator's latent space, while more challenging regions can be inverted into a later feature space. Experiments show that our method obtains better inversion results compared to the recent approaches on complex categories, while maintaining downstream editability. Please refer to our project page at https://www.cs.cmu.edu/~SAMInversion." 1611,OmniMAE: Single Model Masked Pretraining on Images and Videos,"Transformer-based architectures have become competitive across a variety of visual domains, most notably images and videos. While prior work has studied these modalities in isolation, having a common architecture suggests that one can train a single unified model for multiple visual modalities. Prior attempts at unified modeling typically use architectures tailored for vision tasks, or obtain worse performance compared to single modality models. In this work, we show that masked autoencoding can be used to train a simple Vision Transformer on images and videos, without requiring any labeled data. This single model learns visual representations that are comparable to or better than single-modality representations on both image and video benchmarks, while using a much simpler architecture. In particular, our single pretrained model can be finetuned to achieve 86.5% on ImageNet and 75.3% on the challenging Something Something-v2 video benchmark. Furthermore, this model can be learned by dropping 90% of the image and 95% of the video patches, enabling extremely fast training." 1612,Towards Understanding How Machines Can Learn Causal Overhypotheses,"Recent work in machine learning and cognitive science has suggested that understanding causal information is essential to the development of intelligence. The extensive literature in cognitive science using the ``blicket detector'' environment shows that children are adept at many kinds of causal inference and learning. We propose to adapt that environment for machine learning agents. One of the key challenges for current machine learning algorithms is modeling and understanding causal overhypotheses: transferable abstract hypotheses about sets of causal relationships. In contrast, even young children spontaneously learn and use causal overhypotheses. In this work, we present a new benchmark -- a flexible environment which allows for the evaluation of existing techniques under variable causal overhypotheses -- and demonstrate that many existing state-of-the-art methods have trouble generalizing in this environment. The code and resources for this benchmark are available at https://github.com/CannyLab/casual_overhypotheses." 1613,Know your audience: specializing grounded language models with the game of Dixit,"Effective communication requires adapting to the idiosyncratic common ground shared with each communicative partner. We study a particularly challenging instantiation of this problem: the popular game Dixit. We formulate a round of Dixit as a multi-agent image reference game where a (trained) speaker model is rewarded for describing a target image such that one (pretrained) listener model can correctly identify it from a pool of distractors, but another listener cannot. To adapt to this setting, the speaker must exploit differences in the common ground it shares with the different listeners. We show that finetuning an attention-based adapter between a CLIP vision encoder and a large language model in this contrastive, multi-agent setting gives rise to context-dependent natural language specialization from rewards only, without direct supervision. In a series of controlled experiments, we show that the speaker can adapt according to the idiosyncratic strengths and weaknesses of various pairs of different listeners. Furthermore, we show zero-shot transfer of the speaker's specialization to unseen real-world data. Our experiments offer a step towards adaptive communication in complex multi-partner settings and highlight the interesting research challenges posed by games like Dixit. We hope that our work will inspire creative new approaches to adapting pretrained models." 1614,iBoot: Image-bootstrapped Self-Supervised Video Representation Learning,"Learning visual representations through self-supervision is an extremely challenging task as the network needs to sieve relevant patterns from spurious distractors without the active guidance provided by supervision. This is achieved through heavy data augmentation, large-scale datasets and prohibitive amounts of compute. Video self-supervised learning (SSL) suffers from added challenges: video datasets are typically not as large as image datasets, compute is an order of magnitude larger, and the amount of spurious patterns the optimizer has to sieve through is multiplied several fold. Thus, directly learning self-supervised representations from video data might result in sub-optimal performance. To address this, we propose to utilize a strong image-based model, pre-trained with self- or language supervision, in a video representation learning framework, enabling the model to learn strong spatial and temporal information without relying on the video labeled data. To this end, we modify the typical video-based SSL design and objective to encourage the video encoder to \textit{subsume} the semantic content of an image-based model trained on a general domain. The proposed algorithm is shown to learn much more efficiently (i.e. in less epochs and with a smaller batch) and results in a new state-of-the-art performance on standard downstream tasks among single-modality SSL methods." 1615,Constrained Submodular Optimization for Vaccine Design,"Advances in machine learning have enabled the prediction of immune system responses to prophylactic and therapeutic vaccines. However, the engineering task of designing vaccines remains a challenge. In particular, the genetic variability of the human immune system makes it difficult to design peptide vaccines that provide widespread immunity in vaccinated populations. We introduce a framework for evaluating and designing peptide vaccines that uses probabilistic machine learning models, and demonstrate its ability to produce designs for a SARS-CoV-2 vaccine that outperform previous designs. We provide a theoretical analysis of the approximability, scalability, and complexity of our framework." 1616,BYOL-Explore: Exploration by Bootstrapped Prediction,"We present BYOL-Explore, a conceptually simple yet general approach for curiosity-driven exploration in visually-complex environments. BYOL-Explore learns a world representation, the world dynamics, and an exploration policy all-together by optimizing a single prediction loss in the latent space with no additional auxiliary objective. We show that BYOL-Explore is effective in DM-HARD-8, a challenging partially-observable continuous-action hard-exploration benchmark with visually-rich 3-D environments. On this benchmark, we solve the majority of the tasks purely through augmenting the extrinsic reward with BYOL-Explore s intrinsic reward, whereas prior work could only get off the ground with human demonstrations. As further evidence of the generality of BYOL-Explore, we show that it achieves superhuman performance on the ten hardest exploration games in Atari while having a much simpler design than other competitive agents." 1617,Compressed-VFL: Communication-Efficient Learning with Vertically Partitioned Data,"We propose Compressed Vertical Federated Learning (C-VFL) for communication-efficient training on vertically partitioned data. In C-VFL, a server and multiple parties collaboratively train a model on their respective features utilizing several local iterations and sharing compressed intermediate results periodically. Our work provides the first theoretical analysis of the effect message compression has on distributed training over vertically partitioned data. We prove convergence of non-convex objectives at a rate of $O(\frac{1}{\sqrt{T}})$ when the compression error is bounded over the course of training. We provide specific requirements for convergence with common compression techniques, such as quantization and top-$k$ sparsification. Finally, we experimentally show compression can reduce communication by over $90\%$ without a significant decrease in accuracy over VFL without compression." 1618,Boosting the Adversarial Transferability of Surrogate Model with Dark Knowledge,"Deep neural networks (DNNs) for image classification are known to be vulnerable to adversarial examples. And, the adversarial examples have transferability, which means an adversarial example for a DNN model can fool another black-box model with a non-trivial probability. This gave birth of the transfer-based adversarial attack where the adversarial examples generated by a pretrained or known model (called surrogate model) are used to conduct black-box attack. There are some work on how to generate the adversarial examples from a given surrogate model to achieve better transferability. However, training a special surrogate model to generate adversarial examples with better transferability is relatively under-explored. In this paper, we propose a method of training a surrogate model with abundant dark knowledge to boost the adversarial transferability of the adversarial examples generated by the surrogate model. This trained surrogate model is named dark surrogate model (DSM), and the proposed method to train DSM consists of two key components: a teacher model extracting dark knowledge and providing soft labels, and the mixing augmentation skill which enhances the dark knowledge of training data. Extensive experiments have been conducted to show that the proposed method can substantially improve the adversarial transferability of surrogate model across different architectures of surrogate model and optimizers for generating adversarial examples. We also show that the proposed method can be applied to other scenarios of transfer-based attack that contain dark knowledge, like face verification." 1619,Continuous-Time Modeling of Counterfactual Outcomes Using Neural Controlled Differential Equations,"Estimating counterfactual outcomes over time has the potential to unlock personalized healthcare by assisting decision-makers to answer ''what-iF'' questions. Existing causal inference approaches typically consider regular, discrete-time intervals between observations and treatment decisions and hence are unable to naturally model irregularly sampled data, which is the common setting in practice. To handle arbitrary observation patterns, we interpret the data as samples from an underlying continuous-time process and propose to model its latent trajectory explicitly using the mathematics of controlled differential equations. This leads to a new approach, the Treatment Effect Neural Controlled Differential Equation (TE-CDE), that allows the potential outcomes to be evaluated at any time point. In addition, adversarial training is used to adjust for time-dependent confounding which is critical in longitudinal settings and is an added challenge not encountered in conventional time-series. To assess solutions to this problem, we propose a controllable simulation environment based on a model of tumor growth for a range of scenarios with irregular sampling reflective of a variety of clinical scenarios. TE-CDE consistently outperforms existing approaches in all simulated scenarios with irregular sampling." 1620,Pythae: Unifying Generative Autoencoders in Python -- A Benchmarking Use Case,"In recent years, deep generative models have attracted increasing interest due to their capacity to model complex distributions. Among those models, variational autoencoders have gained popularity as they have proven both to be computationally efficient and yield impressive results in multiple fields. Following this breakthrough, extensive research has been done in order to improve the original publication, resulting in a variety of different VAE models in response to different tasks. In this paper we present Pythae, a versatile open-source Python library providing both a unified implementation and a dedicated framework allowing straightforward, reproducible and reliable use of generative autoencoder models. We then propose to use this library to perform a case study benchmark where we present and compare 19 generative autoencoder models representative of some of the main improvements on downstream tasks such as image reconstruction, generation, classification, clustering and interpolation. The open-source library can be found at https://github.com/clementchadebec/benchmark_VAE." 1621,Deepfake histological images for enhancing digital pathology,"An optical microscopic examination of thinly cut stained tissue on glass slides prepared from a FFPE tissue blocks is the gold standard for tissue diagnostics. In addition, the diagnostic abilities and expertise of any pathologist is dependent on their direct experience with common as well as rarer variant morphologies. Recently, deep learning approaches have been used to successfully show a high level of accuracy for such tasks. However, obtaining expert-level annotated images is an expensive and time-consuming task and artificially synthesized histological images can prove greatly beneficial. Here, we present an approach to not only generate histological images that reproduce the diagnostic morphologic features of common disease but also provide a user ability to generate new and rare morphologies. Our approach involves developing a generative adversarial network model that synthesizes pathology images constrained by class labels. We investigated the ability of this framework in synthesizing realistic prostate and colon tissue images and assessed the utility of these images in augmenting diagnostic ability of machine learning methods as well as their usability by a panel of experienced anatomic pathologists. Synthetic data generated by our framework performed similar to real data in training a deep learning model for diagnosis. Pathologists were not able to distinguish between real and synthetic images and showed a similar level of inter-observer agreement for prostate cancer grading. We extended the approach to significantly more complex images from colon biopsies and showed that the complex microenvironment in such tissues can also be reproduced. Finally, we present the ability for a user to generate deepfake histological images via a simple markup of sematic labels." 1622,Sharper Convergence Guarantees for Asynchronous SGD for Distributed and Federated Learning,"We study the asynchronous stochastic gradient descent algorithm for distributed training over $n$ workers which have varying computation and communication frequency over time. In this algorithm, workers compute stochastic gradients in parallel at their own pace and return those to the server without any synchronization. Existing convergence rates of this algorithm for non-convex smooth objectives depend on the maximum gradient delay $\tau_{\max}$ and show that an $\epsilon$-stationary point is reached after $\mathcal{O}\!\left(\sigma^2\epsilon^{-2}+ \tau_{\max}\epsilon^{-1}\right)$ iterations, where $\sigma$ denotes the variance of stochastic gradients. In this work (i) we obtain a tighter convergence rate of $\mathcal{O}\!\left(\sigma^2\epsilon^{-2}+ \sqrt{\tau_{\max}\tau_{avg}}\epsilon^{-1}\right)$ without any change in the algorithm where $\tau_{avg}$ is the average delay, which can be significantly smaller than $\tau_{\max}$. We also provide (ii) a simple delay-adaptive learning rate scheme, under which asynchronous SGD achieves a convergence rate of $\mathcal{O}\!\left(\sigma^2\epsilon^{-2}+ \tau_{avg}\epsilon^{-1}\right)$, and does not require any extra hyperparameter tuning nor extra communications. Our result allows to show for the first time that asynchronous SGD is always faster than mini-batch SGD. In addition, (iii) we consider the case of heterogeneous functions motivated by federated learning applications and improve the convergence rate by proving a weaker dependence on the maximum delay compared to prior works. In particular, we show that the heterogeneity term in convergence rate is only affected by the average delay within each worker." 1623,Adversarial Patch Attacks and Defences in Vision-Based Tasks: A Survey,"Adversarial attacks in deep learning models, especially for safety-critical systems, are gaining more and more attention in recent years, due to the lack of trust in the security and robustness of AI models. Yet the more primitive adversarial attacks might be physically infeasible or require some resources that are hard to access like the training data, which motivated the emergence of patch attacks. In this survey, we provide a comprehensive overview to cover existing techniques of adversarial patch attacks, aiming to help interested researchers quickly catch up with the progress in this field. We also discuss existing techniques for developing detection and defences against adversarial patches, aiming to help the community better understand this field and its applications in the real world." 1624,On Scaled Methods for Saddle Point Problems,"Methods with adaptive scaling of different features play a key role in solving saddle point problems, primarily due to Adam's popularity for solving adversarial machine learning problems, including GANS training. This paper carries out a theoretical analysis of the following scaling techniques for solving SPPs: the well-known Adam and RmsProp scaling and the newer AdaHessian and OASIS based on Hutchison approximation. We use the Extra Gradient and its improved version with negative momentum as the basic method. Experimental studies on GANs show good applicability not only for Adam, but also for other less popular methods." 1625,GoodBye WaveNet -- A Language Model for Raw Audio with Context of 1/2 Million Samples,"Modeling long-term dependencies for audio signals is a particularly challenging problem, as even small-time scales yield on the order of a hundred thousand samples. With the recent advent of Transformers, neural architectures became good at modeling dependencies over longer time scales, but they suffered from quadratic constraints to scale them. We propose a generative auto-regressive architecture that can model audio waveforms over quite a large context, greater than 500,000 samples. Our work is adapted to learn time dependencies by learning a latent representation by a CNN front-end, and then learning dependencies over these representations using Transformer encoders, fully trained end-to-end: thereby allowing to learn representations as it deems fit for the next sample. Unlike previous works that compared different time scales to show improvement, we use a standard dataset, with the same number of parameters/context to show improvements. We achieve a state-of-the-art performance as compared to other approaches such as Wavenet, SaSHMI, and Sample-RNN on a standard dataset for modeling long-term structure. This work gives very exciting direction for the field, given improvements in context modeling that can be scaled with more data, as well as potentially better results by using billions/trillions of parameters." 1626,Switchable Representation Learning Framework with Self-compatibility,"Real-world visual search systems involve deployments on multiple platforms with different computing and storage resources. Deploying a unified model that suits the minimal-constrain platforms leads to limited accuracy. It is expected to deploy models with different capacities adapting to the resource constraints, which requires features extracted by these models to be aligned in the metric space. The method to achieve feature alignments is called ""compatible learning"". Existing research mainly focuses on the one-to-one compatible paradigm, which is limited in learning compatibility among multiple models. We propose a Switchable representation learning Framework with Self-Compatibility (SFSC). SFSC generates a series of compatible sub-models with different capacities through one training process. The optimization of sub-models faces gradients conflict, and we mitigate it from the perspective of the magnitude and direction. We adjust the priorities of sub-models dynamically through uncertainty estimation to co-optimize sub-models properly. Besides, the gradients with conflicting directions are projected to avoid mutual interference. SFSC achieves state-of-art performance on the evaluated dataset." 1627,A machine-generated catalogue of Charon's craters and implications for the Kuiper belt,"In this paper we investigate Charon's craters size distribution using a deep learning model. This is motivated by the recent results of Singer et al. (2019) who, using manual cataloging, found a change in the size distribution slope of craters smaller than 12 km in diameter, translating into a paucity of small Kuiper Belt objects. These results were corroborated by Robbins and Singer (2021), but opposed by Morbidelli et al. (2021), necessitating an independent review. Our MaskRCNN-based ensemble of models was trained on Lunar, Mercurian, and Martian crater catalogues and both optical and digital elevation images. We use a robust image augmentation scheme to force the model to generalize and transfer-learn into icy objects. With no prior bias or exposure to Charon, our model find best fit slopes of q =-1.47+-0.33 for craters smaller than 10 km, and q =-2.91+-0.51 for craters larger than 15 km. These values indicate a clear change in slope around 15 km as suggested by Singer et al. (2019) and thus independently confirm their conclusions. Our slopes however are both slightly flatter than those found more recently by Robbins and Singer (2021). Our trained models and relevant codes are available online on github.com/malidib/ACID ." 1628,Rank the triplets: A ranking-based multiple instance learning framework for detecting HPV infection in head and neck cancers using routine H&E images,"The aetiology of head and neck squamous cell carcinoma (HNSCC) involves multiple carcinogens such as alcohol, tobacco and infection with human papillomavirus (HPV). As the HPV infection influences the prognosis, treatment and survival of patients with HNSCC, it is important to determine the HPV status of these tumours. In this paper, we propose a novel triplet-ranking loss function and a multiple instance learning pipeline for HPV status prediction. This achieves a new state-of-the-art performance in HPV detection using only the routine H&E stained WSIs on two HNSCC cohorts. Furthermore, a comprehensive tumour microenvironment profiling was performed, which characterised the unique patterns between HPV+/- HNSCC from genomic, immunology and cellular perspectives. Positive correlations of the proposed score with different subtypes of T cells (e.g. T cells follicular helper, CD8+ T cells), and negative correlations with macrophages and connective cells (e.g. fibroblast) were identified, which is in line with clinical findings. Unique gene expression profiles were also identified with respect to HPV infection status, and is in line with existing findings." 1629,Concentration of Data Encoding in Parameterized Quantum Circuits,"Variational quantum algorithms have been acknowledged as a leading strategy to realize near-term quantum advantages in meaningful tasks, including machine learning and combinatorial optimization. When applied to tasks involving classical data, such algorithms generally begin with quantum circuits for data encoding and then train quantum neural networks (QNNs) to minimize target functions. Although QNNs have been widely studied to improve these algorithms' performance on practical tasks, there is a gap in systematically understanding the influence of data encoding on the eventual performance. In this paper, we make progress in filling this gap by considering the common data encoding strategies based on parameterized quantum circuits. We prove that, under reasonable assumptions, the distance between the average encoded state and the maximally mixed state could be explicitly upper-bounded with respect to the width and depth of the encoding circuit. This result in particular implies that the average encoded state will concentrate on the maximally mixed state at an exponential speed on depth. Such concentration seriously limits the capabilities of quantum classifiers, and strictly restricts the distinguishability of encoded states from a quantum information perspective. We further support our findings by numerically verifying these results on both synthetic and public data sets. Our results highlight the significance of quantum data encoding in machine learning tasks and may shed light on future encoding strategies." 1630,Learning with little mixing,"We study square loss in a realizable time-series framework with martingale difference noise. Our main result is a fast rate excess risk bound which shows that whenever a trajectory hypercontractivity condition holds, the risk of the least-squares estimator on dependent data matches the iid rate order-wise after a burn-in time. In comparison, many existing results in learning from dependent data have rates where the effective sample size is deflated by a factor of the mixing-time of the underlying process, even after the burn-in time. Furthermore, our results allow the covariate process to exhibit long range correlations which are substantially weaker than geometric ergodicity. We call this phenomenon learning with little mixing, and present several examples for when it occurs: bounded function classes for which the $L^2$ and $L^{2+\epsilon}$ norms are equivalent, ergodic finite state Markov chains, various parametric models, and a broad family of infinite dimensional $\ell^2(\mathbb{N})$ ellipsoids. By instantiating our main result to system identification of nonlinear dynamics with generalized linear model transitions, we obtain a nearly minimax optimal excess risk bound after only a polynomial burn-in time." 1631,Maximum Likelihood Training for Score-Based Diffusion ODEs by High-Order Denoising Score Matching,"Score-based generative models have excellent performance in terms of generation quality and likelihood. They model the data distribution by matching a parameterized score network with first-order data score functions. The score network can be used to define an ODE (""score-based diffusion ODE"") for exact likelihood evaluation. However, the relationship between the likelihood of the ODE and the score matching objective is unclear. In this work, we prove that matching the first-order score is not sufficient to maximize the likelihood of the ODE, by showing a gap between the maximum likelihood and score matching objectives. To fill up this gap, we show that the negative likelihood of the ODE can be bounded by controlling the first, second, and third-order score matching errors; and we further present a novel high-order denoising score matching method to enable maximum likelihood training of score-based diffusion ODEs. Our algorithm guarantees that the higher-order matching error is bounded by the training error and the lower-order errors. We empirically observe that by high-order score matching, score-based diffusion ODEs achieve better likelihood on both synthetic data and CIFAR-10, while retaining the high generation quality." 1632,ProGNNosis: A Data-driven Model to Predict GNN Computation Time Using Graph Metrics,"Graph Neural Networks (GNN) show great promise in problems dealing with graph-structured data. One of the unique points of GNNs is their flexibility to adapt to multiple problems, which not only leads to wide applicability, but also poses important challenges when finding the best model or acceleration technique for a particular problem. An example of such challenges resides in the fact that the accuracy or effectiveness of a GNN model or acceleration technique generally depends on the structure of the underlying graph. In this paper, in an attempt to address the problem of graph-dependent acceleration, we propose ProGNNosis, a data-driven model that can predict the GNN training time of a given GNN model running over a graph of arbitrary characteristics by inspecting the input graph metrics. Such prediction is made based on a regression that was previously trained offline using a diverse synthetic graph dataset. In practice, our method allows making informed decisions on which design to use for a specific problem. In the paper, the methodology to build ProGNNosis is defined and applied for a specific use case, where it helps to decide which graph representation is better. Our results show that ProGNNosis helps achieve an average speedup of 1.22X over randomly selecting a graph representation in multiple widely used GNN models such as GCN, GIN, GAT, or GraphSAGE." 1633,Gradient Descent for Low-Rank Functions,"Several recent empirical studies demonstrate that important machine learning tasks, e.g., training deep neural networks, exhibit low-rank structure, where the loss function varies significantly in only a few directions of the input space. In this paper, we leverage such low-rank structure to reduce the high computational cost of canonical gradient-based methods such as gradient descent (GD). Our proposed \emph{Low-Rank Gradient Descent} (LRGD) algorithm finds an $\epsilon$-approximate stationary point of a $p$-dimensional function by first identifying $r \leq p$ significant directions, and then estimating the true $p$-dimensional gradient at every iteration by computing directional derivatives only along those $r$ directions. We establish that the ""directional oracle complexities"" of LRGD for strongly convex and non-convex objective functions are $\mathcal{O}(r \log(1/\epsilon) + rp)$ and $\mathcal{O}(r/\epsilon^2 + rp)$, respectively. When $r \ll p$, these complexities are smaller than the known complexities of $\mathcal{O}(p \log(1/\epsilon))$ and $\mathcal{O}(p/\epsilon^2)$ of {\gd} in the strongly convex and non-convex settings, respectively. Thus, LRGD significantly reduces the computational cost of gradient-based methods for sufficiently low-rank functions. In the course of our analysis, we also formally define and characterize the classes of exact and approximately low-rank functions." 1634,Gradient-Based Adversarial and Out-of-Distribution Detection,"We propose to utilize gradients for detecting adversarial and out-of-distribution samples. We introduce confounding labels -- labels that differ from normal labels seen during training -- in gradient generation to probe the effective expressivity of neural networks. Gradients depict the amount of change required for a model to properly represent given inputs, providing insight into the representational power of the model established by network architectural properties as well as training data. By introducing a label of different design, we remove the dependency on ground truth labels for gradient generation during inference. We show that our gradient-based approach allows for capturing the anomaly in inputs based on the effective expressivity of the models with no hyperparameter tuning or additional processing, and outperforms state-of-the-art methods for adversarial and out-of-distribution detection." 1635,On the Surprising Behaviour of node2vec,"Graph embedding techniques are a staple of modern graph learning research. When using embeddings for downstream tasks such as classification, information about their stability and robustness, i.e., their susceptibility to sources of noise, stochastic effects, or specific parameter choices, becomes increasingly important. As one of the most prominent graph embedding schemes, we focus on node2vec and analyse its embedding quality from multiple perspectives. Our findings indicate that embedding quality is unstable with respect to parameter choices, and we propose strategies to remedy this in practice." 1636,Catastrophic overfitting is a bug but also a feature,"Despite clear computational advantages in building robust neural networks, adversarial training (AT) using single-step methods is unstable as it suffers from catastrophic overfitting (CO): Networks gain non-trivial robustness during the first stages of adversarial training, but suddenly reach a breaking point where they quickly lose all robustness in just a few iterations. Although some works have succeeded at preventing CO, the different mechanisms that lead to this remarkable failure mode are still poorly understood. In this work, however, we find that the interplay between the structure of the data and the dynamics of AT plays a fundamental role in CO. Specifically, through active interventions on typical datasets of natural images, we establish a causal link between the structure of the data and the onset of CO in single-step AT methods. This new perspective provides important insights into the mechanisms that lead to CO and paves the way towards a better understanding of the general dynamics of robust model construction. The code to reproduce the experiments of this paper can be found at https://github.com/gortizji/co_features ." 1637,Noisy Learning for Neural ODEs Acts as a Robustness Locus Widening,"We investigate the problems and challenges of evaluating the robustness of Differential Equation-based (DE) networks against synthetic distribution shifts. We propose a novel and simple accuracy metric which can be used to evaluate intrinsic robustness and to validate dataset corruption simulators. We also propose methodology recommendations, destined for evaluating the many faces of neural DEs' robustness and for comparing them with their discrete counterparts rigorously. We then use this criteria to evaluate a cheap data augmentation technique as a reliable way for demonstrating the natural robustness of neural ODEs against simulated image corruptions across multiple datasets." 1638,Simple and Efficient Architectures for Semantic Segmentation,"Though the state-of-the architectures for semantic segmentation, such as HRNet, demonstrate impressive accuracy, the complexity arising from their salient design choices hinders a range of model acceleration tools, and further they make use of operations that are inefficient on current hardware. This paper demonstrates that a simple encoder-decoder architecture with a ResNet-like backbone and a small multi-scale head, performs on-par or better than complex semantic segmentation architectures such as HRNet, FANet and DDRNets. Naively applying deep backbones designed for Image Classification to the task of Semantic Segmentation leads to sub-par results, owing to a much smaller effective receptive field of these backbones. Implicit among the various design choices put forth in works like HRNet, DDRNet, and FANet are networks with a large effective receptive field. It is natural to ask if a simple encoder-decoder architecture would compare favorably if comprised of backbones that have a larger effective receptive field, though without the use of inefficient operations like dilated convolutions. We show that with minor and inexpensive modifications to ResNets, enlarging the receptive field, very simple and competitive baselines can be created for Semantic Segmentation. We present a family of such simple architectures for desktop as well as mobile targets, which match or exceed the performance of complex models on the Cityscapes dataset. We hope that our work provides simple yet effective baselines for practitioners to develop efficient semantic segmentation models." 1639,All the World's a (Hyper)Graph: A Data Drama,"We introduce Hyperbard, a dataset of diverse relational data representations derived from Shakespeare's plays. Our representations range from simple graphs capturing character co-occurrence in single scenes to hypergraphs encoding complex communication settings and character contributions as hyperedges with edge-specific node weights. By making multiple intuitive representations readily available for experimentation, we facilitate rigorous representation robustness checks in graph learning, graph mining, and network analysis, highlighting the advantages and drawbacks of specific representations. Leveraging the data released in Hyperbard, we demonstrate that many solutions to popular graph mining problems are highly dependent on the representation choice, thus calling current graph curation practices into question. As an homage to our data source, and asserting that science can also be art, we present all our points in the form of a play." 1640,Adapting Self-Supervised Vision Transformers by Probing Attention-Conditioned Masking Consistency,"Visual domain adaptation (DA) seeks to transfer trained models to unseen, unlabeled domains across distribution shift, but approaches typically focus on adapting convolutional neural network architectures initialized with supervised ImageNet representations. In this work, we shift focus to adapting modern architectures for object recognition -- the increasingly popular Vision Transformer (ViT) -- and modern pretraining based on self-supervised learning (SSL). Inspired by the design of recent SSL approaches based on learning from partial image inputs generated via masking or cropping -- either by learning to predict the missing pixels, or learning representational invariances to such augmentations -- we propose PACMAC, a simple two-stage adaptation algorithm for self-supervised ViTs. PACMAC first performs in-domain SSL on pooled source and target data to learn task-discriminative features, and then probes the model's predictive consistency across a set of partial target inputs generated via a novel attention-conditioned masking strategy, to identify reliable candidates for self-training. Our simple approach leads to consistent performance gains over competing methods that use ViTs and self-supervised initializations on standard object recognition benchmarks. Code available at https://github.com/virajprabhu/PACMAC" 1641,Functional Output Regression with Infimal Convolution: Exploring the Huber and $ε$-insensitive Losses,"The focus of the paper is functional output regression (FOR) with convoluted losses. While most existing work consider the square loss setting, we leverage extensions of the Huber and the $\epsilon$-insensitive loss (induced by infimal convolution) and propose a flexible framework capable of handling various forms of outliers and sparsity in the FOR family. We derive computationally tractable algorithms relying on duality to tackle the resulting tasks in the context of vector-valued reproducing kernel Hilbert spaces. The efficiency of the approach is demonstrated and contrasted with the classical squared loss setting on both synthetic and real-world benchmarks." 1642,A Closer Look at Smoothness in Domain Adversarial Training,"Domain adversarial training has been ubiquitous for achieving invariant representations and is used widely for various domain adaptation tasks. In recent times, methods converging to smooth optima have shown improved generalization for supervised learning tasks like classification. In this work, we analyze the effect of smoothness enhancing formulations on domain adversarial training, the objective of which is a combination of task loss (eg. classification, regression, etc.) and adversarial terms. We find that converging to a smooth minima with respect to (w.r.t.) task loss stabilizes the adversarial training leading to better performance on target domain. In contrast to task loss, our analysis shows that converging to smooth minima w.r.t. adversarial loss leads to sub-optimal generalization on the target domain. Based on the analysis, we introduce the Smooth Domain Adversarial Training (SDAT) procedure, which effectively enhances the performance of existing domain adversarial methods for both classification and object detection tasks. Our analysis also provides insight into the extensive usage of SGD over Adam in the community for domain adversarial training." 1643,Inherent Inconsistencies of Feature Importance,"The black-box nature of modern machine learning techniques invokes a practical and ethical need for explainability. Feature importance aims to meet this need by assigning scores to features, so humans can understand their influence on predictions. Feature importance can be used to explain predictions under different settings: of the entire sample space or a specific instance; of model behavior, or the dependencies in the data themselves. However, in most cases thus far, each of these settings was studied in isolation. We attempt to develop a sound feature importance score framework by defining a small set of desired properties. Surprisingly, we prove an inconsistency theorem, showing that the expected properties cannot hold simultaneously. To overcome this difficulty, we propose the novel notion of re-partitioning the feature space into separable sets. Such sets are constructed to contain features that exhibit inter-set independence with respect to the target variable. We show that there exists a unique maximal partitioning into separable sets. Moreover, assigning scores to separable sets, instead of single features, unifies the results of commonly used feature importance scores and annihilates the inconsistencies we demonstrated." 1644,Learning Physics between Digital Twins with Low-Fidelity Models and Physics-Informed Gaussian Processes,"A digital twin is a computer model that represents an individual, for example, a component, a patient or a process. In many situations, we want to gain knowledge about an individual from its data while incorporating imperfect physical knowledge and also learn from data from other individuals. In this paper, we introduce and demonstrate a fully Bayesian methodology for learning between digital twins in a setting where the physical parameters of each individual are of interest. For each individual, the methodology is based on Bayesian calibration with model discrepancy. Through the discrepancy, modelled as a Gaussian process, the imperfect low-fidelity physical model is accounted for. Using ideas from Bayesian hierarchical models, a joint probabilistic model of digital twins is constructed by connecting them through a new level in the hierarchy. For the physical parameters, the methodology can be seen as using a prior distribution in the individual model that is the posterior of the corresponding hyperparameter in the joint model. For learning the imperfect physics between individuals two approaches are introduced, one that assumes the same discrepancy for all individuals and one that can be seen as using a prior learned from all individuals for the parameters of the Gaussian processes representing the discrepancies. Based on recent advances related to physics-informed priors, Hamiltonian Monte Carlo methods and using these for inverse problems we set up an inference methodology that allows our approach to be computational feasible also for physical models based on partial differential equations and individual data that are not aligned. The methodology is demonstrated in two synthetic case studies, a toy example previously used in the literature extended to more individuals and an example based on a cardiovascular differential equation model relevant for the treatment of hypertension." 1645,MAGIC: Microlensing Analysis Guided by Intelligent Computation,"The modeling of binary microlensing light curves via the standard sampling-based method can be challenging, because of the time-consuming light curve computation and the pathological likelihood landscape in the high-dimensional parameter space. In this work, we present MAGIC, which is a machine learning framework to efficiently and accurately infer the microlensing parameters of binary events with realistic data quality. In MAGIC, binary microlensing parameters are divided into two groups and inferred separately with different neural networks. The key feature of MAGIC is the introduction of neural controlled differential equation, which provides the capability to handle light curves with irregular sampling and large data gaps. Based on simulated light curves, we show that MAGIC can achieve fractional uncertainties of a few percent on the binary mass ratio and separation. We also test MAGIC on a real microlensing event. MAGIC is able to locate the degenerate solutions even when large data gaps are introduced. As irregular samplings are common in astronomical surveys, our method also has implications to other studies that involve time series." 1646,ResNorm: Tackling Long-tailed Degree Distribution Issue in Graph Neural Networks via Normalization,"Graph Neural Networks (GNNs) have attracted much attention due to their ability in learning representations from graph-structured data. Despite the successful applications of GNNs in many domains, the optimization of GNNs is less well studied, and the performance on node classification heavily suffers from the long-tailed node degree distribution. This paper focuses on improving the performance of GNNs via normalization. In detail, by studying the long-tailed distribution of node degrees in the graph, we propose a novel normalization method for GNNs, which is termed ResNorm (\textbf{Res}haping the long-tailed distribution into a normal-like distribution via \textbf{norm}alization). The $scale$ operation of ResNorm reshapes the node-wise standard deviation (NStd) distribution so as to improve the accuracy of tail nodes (\textit{i}.\textit{e}., low-degree nodes). We provide a theoretical interpretation and empirical evidence for understanding the mechanism of the above $scale$. In addition to the long-tailed distribution issue, over-smoothing is also a fundamental issue plaguing the community. To this end, we analyze the behavior of the standard shift and prove that the standard shift serves as a preconditioner on the weight matrix, increasing the risk of over-smoothing. With the over-smoothing issue in mind, we design a $shift$ operation for ResNorm that simulates the degree-specific parameter strategy in a low-cost manner. Extensive experiments have validated the effectiveness of ResNorm on several node classification benchmark datasets." 1647,User Engagement in Mobile Health Applications,"Mobile health apps are revolutionizing the healthcare ecosystem by improving communication, efficiency, and quality of service. In low- and middle-income countries, they also play a unique role as a source of information about health outcomes and behaviors of patients and healthcare workers, while providing a suitable channel to deliver both personalized and collective policy interventions. We propose a framework to study user engagement with mobile health, focusing on healthcare workers and digital health apps designed to support them in resource-poor settings. The behavioral logs produced by these apps can be transformed into daily time series characterizing each user's activity. We use probabilistic and survival analysis to build multiple personalized measures of meaningful engagement, which could serve to tailor content and digital interventions suiting each health worker's specific needs. Special attention is given to the problem of detecting churn, understood as a marker of complete disengagement. We discuss the application of our methods to the Indian and Ethiopian users of the Safe Delivery App, a capacity-building tool for skilled birth attendants. This work represents an important step towards a full characterization of user engagement in mobile health applications, which can significantly enhance the abilities of health workers and, ultimately, save lives." 1648,Not All Lotteries Are Made Equal,"The Lottery Ticket Hypothesis (LTH) states that for a reasonably sized neural network, a sub-network within the same network yields no less performance than the dense counterpart when trained from the same initialization. This work investigates the relation between model size and the ease of finding these sparse sub-networks. We show through experiments that, surprisingly, under a finite budget, smaller models benefit more from Ticket Search (TS)." 1649,Adversarial Privacy Protection on Speech Enhancement,"Speech is easily leaked imperceptibly, such as being recorded by mobile phones in different situations. Private content in speech may be maliciously extracted through speech enhancement technology. Speech enhancement technology has developed rapidly along with deep neural networks (DNNs), but adversarial examples can cause DNNs to fail. In this work, we propose an adversarial method to degrade speech enhancement systems. Experimental results show that generated adversarial examples can erase most content information in original examples or replace it with target speech content through speech enhancement. The word error rate (WER) between an enhanced original example and enhanced adversarial example recognition result can reach 89.0%. WER of target attack between enhanced adversarial example and target example is low to 33.75% . Adversarial perturbation can bring the rate of change to the original example to more than 1.4430. This work can prevent the malicious extraction of speech." 1650,Long Range Graph Benchmark,"Graph Neural Networks (GNNs) that are based on the message passing (MP) paradigm exchange information between 1-hop neighbors to build node representations at each layer. In principle, such networks are not able to capture long-range interactions (LRI) that may be desired or necessary for learning a given task on graphs. Recently, there has been an increasing interest in development of Transformer-based methods for graphs that can consider full node connectivity beyond the original sparse structure, thus enabling the modeling of LRI. However, MP-GNNs that simply rely on 1-hop message passing often fare better in several existing graph benchmarks when combined with positional feature representations, among other innovations, hence limiting the perceived utility and ranking of Transformer-like architectures. Here, we present the Long Range Graph Benchmark (LRGB) with 5 graph learning datasets: PascalVOC-SP, COCO-SP, PCQM-Contact, Peptides-func and Peptides-struct that arguably require LRI reasoning to achieve strong performance in a given task. We benchmark both baseline GNNs and Graph Transformer networks to verify that the models which capture long-range dependencies perform significantly better on these tasks. Therefore, these datasets are suitable for benchmarking and exploration of MP-GNNs and Graph Transformer architectures that are intended to capture LRI." 1651,Zero-Shot Video Question Answering via Frozen Bidirectional Language Models,"Video question answering (VideoQA) is a complex task that requires diverse multi-modal data for training. Manual annotation of question and answers for videos, however, is tedious and prohibits scalability. To tackle this problem, recent methods consider zero-shot settings with no manual annotation of visual question-answer. In particular, a promising approach adapts frozen autoregressive language models pretrained on Web-scale text-only data to multi-modal inputs. In contrast, we here build on frozen bidirectional language models (BiLM) and show that such an approach provides a stronger and cheaper alternative for zero-shot VideoQA. In particular, (i) we combine visual inputs with the frozen BiLM using light trainable modules, (ii) we train such modules using Web-scraped multi-modal data, and finally (iii) we perform zero-shot VideoQA inference through masked language modeling, where the masked text is the answer to a given question. Our proposed approach, FrozenBiLM, outperforms the state of the art in zero-shot VideoQA by a significant margin on a variety of datasets, including LSMDC-FiB, iVQA, MSRVTT-QA, MSVD-QA, ActivityNet-QA, TGIF-FrameQA, How2QA and TVQA. It also demonstrates competitive performance in the few-shot and fully-supervised setting. Our code and models will be made publicly available at https://antoyang.github.io/frozenbilm.html." 1652,Fault-Tolerant Collaborative Inference through the Edge-PRUNE Framework,"Collaborative inference has received significant research interest in machine learning as a vehicle for distributing computation load, reducing latency, as well as addressing privacy preservation in communications. Recent collaborative inference frameworks have adopted dynamic inference methodologies such as early-exit and run-time partitioning of neural networks. However, as machine learning frameworks scale in the number of inference inputs, e.g., in surveillance applications, fault tolerance related to device failure needs to be considered. This paper presents the Edge-PRUNE distributed computing framework, built on a formally defined model of computation, which provides a flexible infrastructure for fault tolerant collaborative inference. The experimental section of this work shows results on achievable inference time savings by collaborative inference, presents fault tolerant system topologies and analyzes their cost in terms of execution time overhead." 1653,A Contextual Combinatorial Semi-Bandit Approach to Network Bottleneck Identification,"Bottleneck identification is a challenging task in network analysis, especially when the network is not fully specified. To address this task, we develop a unified online learning framework based on combinatorial semi-bandits that performs bottleneck identification alongside learning the specifications of the underlying network. Within this framework, we adapt and investigate several combinatorial semi-bandit methods such as epsilon-greedy, LinUCB, BayesUCB, and Thompson Sampling. Our framework is able to employ contextual information in the form of contextual bandits. We evaluate our framework on the real-world application of road networks and demonstrate its effectiveness in different settings." 1654,Using adversarial images to improve outcomes of federated learning for non-IID data,"One of the important problems in federated learning is how to deal with unbalanced data. This contribution introduces a novel technique designed to deal with label skewed non-IID data, using adversarial inputs, created by the I-FGSM method. Adversarial inputs guide the training process and allow the Weighted Federated Averaging to give more importance to clients with 'selected' local label distributions. Experimental results, gathered from image classification tasks, for MNIST and CIFAR-10 datasets, are reported and analyzed." 1655,Learning to Infer Structures of Network Games,"Strategic interactions between a group of individuals or organisations can be modelled as games played on networks, where a player's payoff depends not only on their actions but also on those of their neighbours. Inferring the network structure from observed game outcomes (equilibrium actions) is an important problem with numerous potential applications in economics and social sciences. Existing methods mostly require the knowledge of the utility function associated with the game, which is often unrealistic to obtain in real-world scenarios. We adopt a transformer-like architecture which correctly accounts for the symmetries of the problem and learns a mapping from the equilibrium actions to the network structure of the game without explicit knowledge of the utility function. We test our method on three different types of network games using both synthetic and real-world data, and demonstrate its effectiveness in network structure inference and superior performance over existing methods." 1656,On Private Online Convex Optimization: Optimal Algorithms in $\ell_p$-Geometry and High Dimensional Contextual Bandits,"Differentially private (DP) stochastic convex optimization (SCO) is ubiquitous in trustworthy machine learning algorithm design. This paper studies the DP-SCO problem with streaming data sampled from a distribution and arrives sequentially. We also consider the continual release model where parameters related to private information are updated and released upon each new data, often known as the online algorithms. Despite that numerous algorithms have been developed to achieve the optimal excess risks in different $\ell_p$ norm geometries, yet none of the existing ones can be adapted to the streaming and continual release setting. To address such a challenge as the online convex optimization with privacy protection, we propose a private variant of online Frank-Wolfe algorithm with recursive gradients for variance reduction to update and reveal the parameters upon each data. Combined with the adaptive differential privacy analysis, our online algorithm achieves in linear time the optimal excess risk when $1
$1.5%."
1714,Domain Generalization via Selective Consistency Regularization for Time Series Classification,"Domain generalization methods aim to learn models robust to domain shift with
data from a limited number of source domains and without access to target
domain samples during training. Popular domain alignment methods for domain
generalization seek to extract domain-invariant features by minimizing the
discrepancy between feature distributions across all domains, disregarding
inter-domain relationships. In this paper, we instead propose a novel
representation learning methodology that selectively enforces prediction
consistency between source domains estimated to be closely-related.
Specifically, we hypothesize that domains share different class-informative
representations, so instead of aligning all domains which can cause negative
transfer, we only regularize the discrepancy between closely-related domains.
We apply our method to time-series classification tasks and conduct
comprehensive experiments on three public real-world datasets. Our method
significantly improves over the baseline and achieves better or competitive
performance in comparison with state-of-the-art methods in terms of both
accuracy and model calibration."
1715,Optimization-Derived Learning with Essential Convergence Analysis of Training and Hyper-training,"Recently, Optimization-Derived Learning (ODL) has attracted attention from
learning and vision areas, which designs learning models from the perspective
of optimization. However, previous ODL approaches regard the training and
hyper-training procedures as two separated stages, meaning that the
hyper-training variables have to be fixed during the training process, and thus
it is also impossible to simultaneously obtain the convergence of training and
hyper-training variables. In this work, we design a Generalized
Krasnoselskii-Mann (GKM) scheme based on fixed-point iterations as our
fundamental ODL module, which unifies existing ODL methods as special cases.
Under the GKM scheme, a Bilevel Meta Optimization (BMO) algorithmic framework
is constructed to solve the optimal training and hyper-training variables
together. We rigorously prove the essential joint convergence of the
fixed-point iteration for training and the process of optimizing
hyper-parameters for hyper-training, both on the approximation quality, and on
the stationary analysis. Experiments demonstrate the efficiency of BMO with
competitive performance on sparse coding and real-world applications such as
image deconvolution and rain streak removal."
1716,Let Invariant Rationale Discovery Inspire Graph Contrastive Learning,"Leading graph contrastive learning (GCL) methods perform graph augmentations
in two fashions: (1) randomly corrupting the anchor graph, which could cause
the loss of semantic information, or (2) using domain knowledge to maintain
salient features, which undermines the generalization to other domains. Taking
an invariance look at GCL, we argue that a high-performing augmentation should
preserve the salient semantics of anchor graphs regarding
instance-discrimination. To this end, we relate GCL with invariant rationale
discovery, and propose a new framework, Rationale-aware Graph Contrastive
Learning (RGCL). Specifically, without supervision signals, RGCL uses a
rationale generator to reveal salient features about graph
instance-discrimination as the rationale, and then creates rationale-aware
views for contrastive learning. This rationale-aware pre-training scheme endows
the backbone model with the powerful representation ability, further
facilitating the fine-tuning on downstream tasks. On MNIST-Superpixel and MUTAG
datasets, visual inspections on the discovered rationales showcase that the
rationale generator successfully captures the salient features (i.e.
distinguishing semantic nodes in graphs). On biochemical molecule and social
network benchmark datasets, the state-of-the-art performance of RGCL
demonstrates the effectiveness of rationale-aware views for contrastive
learning. Our codes are available at https://github.com/lsh0520/RGCL."
1717,EPG2S: Speech Generation and Speech Enhancement based on Electropalatography and Audio Signals using Multimodal Learning,"Speech generation and enhancement based on articulatory movements facilitate
communication when the scope of verbal communication is absent, e.g., in
patients who have lost the ability to speak. Although various techniques have
been proposed to this end, electropalatography (EPG), which is a monitoring
technique that records contact between the tongue and hard palate during
speech, has not been adequately explored. Herein, we propose a novel multimodal
EPG-to-speech (EPG2S) system that utilizes EPG and speech signals for speech
generation and enhancement. Different fusion strategies based on multiple
combinations of EPG and noisy speech signals are examined, and the viability of
the proposed method is investigated. Experimental results indicate that EPG2S
achieves desirable speech generation outcomes based solely on EPG signals.
Further, the addition of noisy speech signals is observed to improve quality
and intelligibility. Additionally, EPG2S is observed to achieve high-quality
speech enhancement based solely on audio signals, with the addition of EPG
signals further improving the performance. The late fusion strategy is deemed
to be the most effective approach for simultaneous speech generation and
enhancement."
1718,The Scattering Transform Network with Generalized Morse Wavelets and Its Application to Music Genre Classification,"We propose to use the Generalized Morse Wavelets (GMWs) instead of
commonly-used Morlet (or Gabor) wavelets in the Scattering Transform Network
(STN), which we call the GMW-STN, for signal classification problems. The GMWs
form a parameterized family of truly analytic wavelets while the Morlet
wavelets are only approximately analytic. The analyticity of underlying wavelet
filters in the STN is particularly important for nonstationary oscillatory
signals such as music signals because it improves interpretability of the STN
representations by providing multiscale amplitude and phase (and consequently
frequency) information of input signals. We demonstrate the superiority of the
GMW-STN over the conventional STN in music genre classification using the
so-called GTZAN database. Moreover, we show the performance improvement of the
GMW-STN by increasing its number of layers to three over the typical two-layer
STN.}"
1719,Performance analysis of coreset selection for quantum implementation of K-Means clustering algorithm,"Quantum computing is anticipated to offer immense computational capabilities
which could provide efficient solutions to many data science problems. However,
the current generation of quantum devices are small and noisy, which makes it
difficult to process large data sets relevant for practical problems. Coreset
selection aims to circumvent this problem by reducing the size of input data
without compromising the accuracy. Recent work has shown that coreset selection
can help to implement quantum K-Means clustering problem. However, the impact
of coreset selection on the performance of quantum K-Means clustering has not
been explored. In this work, we compare the relative performance of two coreset
techniques (BFL16 and ONESHOT), and the size of coreset construction in each
case, with respect to a variety of data sets and layout the advantages and
limitations of coreset selection in implementing quantum algorithms. We also
investigated the effect of depolarisation quantum noise and bit-flip error, and
implemented the Quantum AutoEncoder technique for surpassing the noise effect.
Our work provides useful insights for future implementation of data science
algorithms on near-term quantum devices where problem size has been reduced by
coreset selection."
1720,Conformal prediction set for time-series,"When building either prediction intervals for regression (with real-valued
response) or prediction sets for classification (with categorical responses),
uncertainty quantification is essential to studying complex machine learning
methods. In this paper, we develop Ensemble Regularized Adaptive Prediction Set
(ERAPS) to construct prediction sets for time-series (with categorical
responses), based on the prior work of [Xu and Xie, 2021]. In particular, we
allow unknown dependencies to exist within features and responses that arrive
in sequence. Method-wise, ERAPS is a distribution-free and ensemble-based
framework that is applicable for arbitrary classifiers. Theoretically, we bound
the coverage gap without assuming data exchangeability and show asymptotic set
convergence. Empirically, we demonstrate valid marginal and conditional
coverage by ERAPS, which also tends to yield smaller prediction sets than
competing methods."
1721,Queried Unlabeled Data Improves and Robustifies Class-Incremental Learning,"Class-incremental learning (CIL) suffers from the notorious dilemma between
learning newly added classes and preserving previously learned class knowledge.
That catastrophic forgetting issue could be mitigated by storing historical
data for replay, which yet would cause memory overheads as well as imbalanced
prediction updates. To address this dilemma, we propose to leverage ""free""
external unlabeled data querying in continual learning. We first present a CIL
with Queried Unlabeled Data (CIL-QUD) scheme, where we only store a handful of
past training samples as anchors and use them to query relevant unlabeled
examples each time. Along with new and past stored data, the queried unlabeled
are effectively utilized, through learning-without-forgetting (LwF)
regularizers and class-balance training. Besides preserving model
generalization over past and current tasks, we next study the problem of
adversarial robustness for CIL-QUD. Inspired by the recent success of learning
robust models with unlabeled data, we explore a new robustness-aware CIL
setting, where the learned adversarial robustness has to resist forgetting and
be transferred as new tasks come in continually. While existing options easily
fail, we show queried unlabeled data can continue to benefit, and seamlessly
extend CIL-QUD into its robustified versions, RCIL-QUD. Extensive experiments
demonstrate that CIL-QUD achieves substantial accuracy gains on CIFAR-10 and
CIFAR-100, compared to previous state-of-the-art CIL approaches. Moreover,
RCIL-QUD establishes the first strong milestone for robustness-aware CIL. Codes
are available in https://github.com/VITA-Group/CIL-QUD."
1722,Architectural Backdoors in Neural Networks,"Machine learning is vulnerable to adversarial manipulation. Previous
literature has demonstrated that at the training stage attackers can manipulate
data and data sampling procedures to control model behaviour. A common attack
goal is to plant backdoors i.e. force the victim model to learn to recognise a
trigger known only by the adversary. In this paper, we introduce a new class of
backdoor attacks that hide inside model architectures i.e. in the inductive
bias of the functions used to train. These backdoors are simple to implement,
for instance by publishing open-source code for a backdoored model architecture
that others will reuse unknowingly. We demonstrate that model architectural
backdoors represent a real threat and, unlike other approaches, can survive a
complete re-training from scratch. We formalise the main construction
principles behind architectural backdoors, such as a link between the input and
the output, and describe some possible protections against them. We evaluate
our attacks on computer vision benchmarks of different scales and demonstrate
the underlying vulnerability is pervasive in a variety of training settings."
1723,Linearity Grafting: Relaxed Neuron Pruning Helps Certifiable Robustness,"Certifiable robustness is a highly desirable property for adopting deep
neural networks (DNNs) in safety-critical scenarios, but often demands tedious
computations to establish. The main hurdle lies in the massive amount of
non-linearity in large DNNs. To trade off the DNN expressiveness (which calls
for more non-linearity) and robustness certification scalability (which prefers
more linearity), we propose a novel solution to strategically manipulate
neurons, by ""grafting"" appropriate levels of linearity. The core of our
proposal is to first linearize insignificant ReLU neurons, to eliminate the
non-linear components that are both redundant for DNN performance and harmful
to its certification. We then optimize the associated slopes and intercepts of
the replaced linear activations for restoring model performance while
maintaining certifiability. Hence, typical neuron pruning could be viewed as a
special case of grafting a linear function of the fixed zero slopes and
intercept, that might overly restrict the network flexibility and sacrifice its
performance. Extensive experiments on multiple datasets and network backbones
show that our linearity grafting can (1) effectively tighten certified bounds;
(2) achieve competitive certifiable robustness without certified robust
training (i.e., over 30% improvements on CIFAR-10 models); and (3) scale up
complete verification to large adversarially trained models with 17M
parameters. Codes are available at
https://github.com/VITA-Group/Linearity-Grafting."
1724,Modeling the Data-Generating Process is Necessary for Out-of-Distribution Generalization,"Real-world data collected from multiple domains can have multiple, distinct
distribution shifts over multiple attributes. However, state-of-the art
advances in domain generalization (DG) algorithms focus only on specific shifts
over a single attribute. We introduce datasets with multi-attribute
distribution shifts and find that existing DG algorithms fail to generalize. To
explain this, we use causal graphs to characterize the different types of
shifts based on the relationship between spurious attributes and the
classification label. Each multi-attribute causal graph entails different
constraints over observed variables, and therefore any algorithm based on a
single, fixed independence constraint cannot work well across all shifts. We
present Causally Adaptive Constraint Minimization (CACM), a new algorithm for
identifying the correct independence constraints for regularization. Results on
fully synthetic, MNIST and small NORB datasets, covering binary and
multi-valued attributes and labels, confirm our theoretical claim: correct
independence constraints lead to the highest accuracy on unseen domains whereas
incorrect constraints fail to do so. Our results demonstrate the importance of
modeling the causal relationships inherent in the data-generating process: in
many cases, it is impossible to know the correct regularization constraints
without this information."
1725,Efficient Approximation of Expected Hypervolume Improvement using Gauss-Hermite Quadrature,"Many methods for performing multi-objective optimisation of computationally
expensive problems have been proposed recently. Typically, a probabilistic
surrogate for each objective is constructed from an initial dataset. The
surrogates can then be used to produce predictive densities in the objective
space for any solution. Using the predictive densities, we can compute the
expected hypervolume improvement (EHVI) due to a solution. Maximising the EHVI,
we can locate the most promising solution that may be expensively evaluated
next. There are closed-form expressions for computing the EHVI, integrating
over the multivariate predictive densities. However, they require partitioning
the objective space, which can be prohibitively expensive for more than three
objectives. Furthermore, there are no closed-form expressions for a problem
where the predictive densities are dependent, capturing the correlations
between objectives. Monte Carlo approximation is used instead in such cases,
which is not cheap. Hence, the need to develop new accurate but cheaper
approximation methods remains. Here we investigate an alternative approach
toward approximating the EHVI using Gauss-Hermite quadrature. We show that it
can be an accurate alternative to Monte Carlo for both independent and
correlated predictive densities with statistically significant rank
correlations for a range of popular test problems."
1726,Adaptive Expert Models for Personalization in Federated Learning,"Federated Learning (FL) is a promising framework for distributed learning
when data is private and sensitive. However, the state-of-the-art solutions in
this framework are not optimal when data is heterogeneous and non-Independent
and Identically Distributed (non-IID). We propose a practical and robust
approach to personalization in FL that adjusts to heterogeneous and non-IID
data by balancing exploration and exploitation of several global models. To
achieve our aim of personalization, we use a Mixture of Experts (MoE) that
learns to group clients that are similar to each other, while using the global
models more efficiently. We show that our approach achieves an accuracy up to
29.78 % and up to 4.38 % better compared to a local model in a pathological
non-IID setting, even though we tune our approach in the IID setting."
1727,Metric-Fair Classifier Derandomization,"We study the problem of classifier derandomization in machine learning: given
a stochastic binary classifier $f: X \to [0,1]$, sample a deterministic
classifier $\hat{f}: X \to \{0,1\}$ that approximates the output of $f$ in
aggregate over any data distribution. Recent work revealed how to efficiently
derandomize a stochastic classifier with strong output approximation
guarantees, but at the cost of individual fairness -- that is, if $f$ treated
similar inputs similarly, $\hat{f}$ did not. In this paper, we initiate a
systematic study of classifier derandomization with metric fairness guarantees.
We show that the prior derandomization approach is almost maximally
metric-unfair, and that a simple ``random threshold'' derandomization achieves
optimal fairness preservation but with weaker output approximation. We then
devise a derandomization procedure that provides an appealing tradeoff between
these two: if $f$ is $\alpha$-metric fair according to a metric $d$ with a
locality-sensitive hash (LSH) family, then our derandomized $\hat{f}$ is, with
high probability, $O(\alpha)$-metric fair and a close approximation of $f$. We
also prove generic results applicable to all (fair and unfair) classifier
derandomization procedures, including a bias-variance decomposition and
reductions between various notions of metric fairness."
1728,Large-Scale Differentiable Causal Discovery of Factor Graphs,"A common theme in causal inference is learning causal relationships between
observed variables, also known as causal discovery. This is usually a daunting
task, given the large number of candidate causal graphs and the combinatorial
nature of the search space. Perhaps for this reason, most research has so far
focused on relatively small causal graphs, with up to hundreds of nodes.
However, recent advances in fields like biology enable generating experimental
data sets with thousands of interventions followed by rich profiling of
thousands of variables, raising the opportunity and urgent need for large
causal graph models. Here, we introduce the notion of factor directed acyclic
graphs (f-DAGs) as a way to restrict the search space to non-linear low-rank
causal interaction models. Combining this novel structural assumption with
recent advances that bridge the gap between causal discovery and continuous
optimization, we achieve causal discovery on thousands of variables.
Additionally, as a model for the impact of statistical noise on this estimation
procedure, we study a model of edge perturbations of the f-DAG skeleton based
on random graphs and quantify the effect of such perturbations on the f-DAG
rank. This theoretical analysis suggests that the set of candidate f-DAGs is
much smaller than the whole DAG space and thus more statistically robust in the
high-dimensional regime where the underlying skeleton is hard to assess. We
propose Differentiable Causal Discovery of Factor Graphs (DCD-FG), a scalable
implementation of f-DAG constrained causal discovery for high-dimensional
interventional data. DCD-FG uses a Gaussian non-linear low-rank structural
equation model and shows significant improvements compared to state-of-the-art
methods in both simulations as well as a recent large-scale single-cell RNA
sequencing data set with hundreds of genetic interventions."
1729,Discovery of the Content and Engagement with the Content,"In the second half of the 20th century, Parliament allowed broadcasters to
transmit radio and eventually television coverage of debates and meetings of
select committees. More recently, in an effort to further improve transparency
and citizen engagement, the UK Parliament started publishing videos of these
debates and meetings itself, and tweeting details of debates as they happened.
In this paper, we attempt to characterise how people engage with video data of
Parliamentary debates by using more than two years of Google Analytics data
around these videos. We analyse the patterns of engagement - how do they land
on a particular video? How do they hear about this video, i.e., what is the
(HTTP) referrer website that led to the user clicking on the video? Once a user
lands on a video, how do they engage with it? For how long is the video played?
What is the next destination? etc. Answering these questions is an important
first step towards understanding why and how people use Parliamentary videos,
and therefore, how the video delivery platform should be adapted and
personalised for the needs of the citizens of the country. Taking inspiration
from An, Kwak, and Jansen (2017), we employ Non-Negative Matrix Factorization
(NMF) (Lee and Seung, 1999) on the video views matrix to identify different
archetypes of users, and identify archetypes. A deeper examination of the
archetypes we find reveals that they are primarily distinguished by how they
land on the video page: Search (i.e., through a search engine), Referral (i.e.,
from other Parliamentary websites), Direct (i.e., through a direct link, which
is embedded on another website), Social (i.e., through a social platform such
as Facebook or Twitter) and Others."
1730,Search-Based Testing Approach for Deep Reinforcement Learning Agents,"Deep Reinforcement Learning (DRL) algorithms have been increasingly employed
during the last decade to solve various decision-making problems such as
autonomous driving and robotics. However, these algorithms have faced great
challenges when deployed in safety-critical environments since they often
exhibit erroneous behaviors that can lead to potentially critical errors. One
way to assess the safety of DRL agents is to test them to detect possible
faults leading to critical failures during their execution. This raises the
question of how we can efficiently test DRL policies to ensure their
correctness and adherence to safety requirements. Most existing works on
testing DRL agents use adversarial attacks that perturb states or actions of
the agent. However, such attacks often lead to unrealistic states of the
environment. Their main goal is to test the robustness of DRL agents rather
than testing the compliance of agents' policies with respect to requirements.
Due to the huge state space of DRL environments, the high cost of test
execution, and the black-box nature of DRL algorithms, the exhaustive testing
of DRL agents is impossible. In this paper, we propose a Search-based Testing
Approach of Reinforcement Learning Agents (STARLA) to test the policy of a DRL
agent by effectively searching for failing executions of the agent within a
limited testing budget. We use machine learning models and a dedicated genetic
algorithm to narrow the search towards faulty episodes. We apply STARLA on a
Deep-Q-Learning agent which is widely used as a benchmark and show that it
significantly outperforms Random Testing by detecting more faults related to
the agent's policy. We also investigate how to extract rules that characterize
faulty episodes of the DRL agent using our search results. Such rules can be
used to understand the conditions under which the agent fails and thus assess
its deployment risks."
1731,Alexa Teacher Model: Pretraining and Distilling Multi-Billion-Parameter Encoders for Natural Language Understanding Systems,"We present results from a large-scale experiment on pretraining encoders with
non-embedding parameter counts ranging from 700M to 9.3B, their subsequent
distillation into smaller models ranging from 17M-170M parameters, and their
application to the Natural Language Understanding (NLU) component of a virtual
assistant system. Though we train using 70% spoken-form data, our teacher
models perform comparably to XLM-R and mT5 when evaluated on the written-form
Cross-lingual Natural Language Inference (XNLI) corpus. We perform a second
stage of pretraining on our teacher models using in-domain data from our
system, improving error rates by 3.86% relative for intent classification and
7.01% relative for slot filling. We find that even a 170M-parameter model
distilled from our Stage 2 teacher model has 2.88% better intent classification
and 7.69% better slot filling error rates when compared to the 2.3B-parameter
teacher trained only on public data (Stage 1), emphasizing the importance of
in-domain data for pretraining. When evaluated offline using labeled NLU data,
our 17M-parameter Stage 2 distilled model outperforms both XLM-R Base (85M
params) and DistillBERT (42M params) by 4.23% to 6.14%, respectively. Finally,
we present results from a full virtual assistant experimentation platform,
where we find that models trained using our pretraining and distillation
pipeline outperform models distilled from 85M-parameter teachers by 3.74%-4.91%
on an automatic measurement of full-system user dissatisfaction."
1732,Beyond Adult and COMPAS: Fairness in Multi-Class Prediction,"We consider the problem of producing fair probabilistic classifiers for
multi-class classification tasks. We formulate this problem in terms of
""projecting"" a pre-trained (and potentially unfair) classifier onto the set of
models that satisfy target group-fairness requirements. The new, projected
model is given by post-processing the outputs of the pre-trained classifier by
a multiplicative factor. We provide a parallelizable iterative algorithm for
computing the projected classifier and derive both sample complexity and
convergence guarantees. Comprehensive numerical comparisons with
state-of-the-art benchmarks demonstrate that our approach maintains competitive
performance in terms of accuracy-fairness trade-off curves, while achieving
favorable runtime on large datasets. We also evaluate our method at scale on an
open dataset with multiple classes, multiple intersectional protected groups,
and over 1M samples."
1733,Gaussian Blue Noise,"Among the various approaches for producing point distributions with blue
noise spectrum, we argue for an optimization framework using Gaussian kernels.
We show that with a wise selection of optimization parameters, this approach
attains unprecedented quality, provably surpassing the current state of the art
attained by the optimal transport (BNOT) approach. Further, we show that our
algorithm scales smoothly and feasibly to high dimensions while maintaining the
same quality, realizing unprecedented high-quality high-dimensional blue noise
sets. Finally, we show an extension to adaptive sampling."
1734,FixEval: Execution-based Evaluation of Program Fixes for Competitive Programming Problems,"Source code repositories consist of large codebases, often containing
error-prone programs. The increasing complexity of software has led to a
drastic rise in time and costs for identifying and fixing these defects.
Various methods exist to automatically generate fixes for buggy code. However,
due to the large combinatorial space of possible solutions for a particular
bug, there are not many tools and datasets available to evaluate generated code
effectively. In this work, we introduce FixEval, a benchmark comprising buggy
code submissions to competitive programming problems and their respective
fixes. We introduce a rich test suite to evaluate and assess the correctness of
model-generated program fixes. We consider two Transformer language models
pretrained on programming languages as our baselines, and compare them using
match-based and execution-based evaluation metrics. Our experiments show that
match-based metrics do not reflect model-generated program fixes accurately,
while execution-based methods evaluate programs through all cases and scenarios
specifically designed for that solution. Therefore, we believe FixEval provides
a step towards real-world automatic bug fixing and model-generated code
evaluation."
1735,On Calibrated Model Uncertainty in Deep Learning,"Estimated uncertainty by approximate posteriors in Bayesian neural networks
are prone to miscalibration, which leads to overconfident predictions in
critical tasks that have a clear asymmetric cost or significant losses. Here,
we extend the approximate inference for the loss-calibrated Bayesian framework
to dropweights based Bayesian neural networks by maximising expected utility
over a model posterior to calibrate uncertainty in deep learning. Furthermore,
we show that decisions informed by loss-calibrated uncertainty can improve
diagnostic performance to a greater extent than straightforward alternatives.
We propose Maximum Uncertainty Calibration Error (MUCE) as a metric to measure
calibrated confidence, in addition to its prediction especially for high-risk
applications, where the goal is to minimise the worst-case deviation between
error and estimated uncertainty. In experiments, we show the correlation
between error in prediction and estimated uncertainty by interpreting
Wasserstein distance as the accuracy of prediction. We evaluated the
effectiveness of our approach to detecting Covid-19 from X-Ray images.
Experimental results show that our method reduces miscalibration considerably,
without impacting the models accuracy and improves reliability of
computer-based diagnostics."
1736,Leveraging Uncertainty in Deep Learning for Pancreatic Adenocarcinoma Grading,"Pancreatic cancers have one of the worst prognoses compared to other cancers,
as they are diagnosed when cancer has progressed towards its latter stages. The
current manual histological grading for diagnosing pancreatic adenocarcinomas
is time-consuming and often results in misdiagnosis. In digital pathology,
AI-based cancer grading must be extremely accurate in prediction and
uncertainty quantification to improve reliability and explainability and are
essential for gaining clinicians trust in the technology. We present Bayesian
Convolutional Neural Networks for automated pancreatic cancer grading from MGG
and HE stained images to estimate uncertainty in model prediction. We show that
the estimated uncertainty correlates with prediction error. Specifically, it is
useful in setting the acceptance threshold using a metric that weighs
classification accuracy-reject trade-off and misclassification cost controlled
by hyperparameters and can be employed in clinical settings."
1737,Federated Data Analytics: A Study on Linear Models,"As edge devices become increasingly powerful, data analytics are gradually
moving from a centralized to a decentralized regime where edge compute
resources are exploited to process more of the data locally. This regime of
analytics is coined as federated data analytics (FDA). In spite of the recent
success stories of FDA, most literature focuses exclusively on deep neural
networks. In this work, we take a step back to develop an FDA treatment for one
of the most fundamental statistical models: linear regression. Our treatment is
built upon hierarchical modeling that allows borrowing strength across multiple
groups. To this end, we propose two federated hierarchical model structures
that provide a shared representation across devices to facilitate information
sharing. Notably, our proposed frameworks are capable of providing uncertainty
quantification, variable selection, hypothesis testing and fast adaptation to
new unseen data. We validate our methods on a range of real-life applications
including condition monitoring for aircraft engines. The results show that our
FDA treatment for linear models can serve as a competing benchmark model for
future development of federated algorithms."
1738,Participation and Data Valuation in IoT Data Markets through Distributed Coalitions,"This paper considers a market for Internet of Things (IoT) data that is used
to train machine learning models. The data is supplied to the market platform
through a network and the price of the data is controlled based on the value it
brings to the machine learning model. We explore the correlation property of
data in a game-theoretical setting to eventually derive a simplified
distributed solution for a data trading mechanism that emphasizes the mutual
benefit of devices and the market. The key proposal is an efficient algorithm
for markets that jointly addresses the challenges of availability and
heterogeneity in participation, as well as the transfer of trust and the
economic value of data exchange in IoT networks. The proposed approach
establishes the data market by reinforcing collaboration opportunities between
devices with correlated data to avoid information leakage. Therein, we develop
a network-wide optimization problem that maximizes the social value of
coalition among the IoT devices of similar data types; at the same time, it
minimizes the cost due to network externalities, i.e., the impact of
information leakage due to data correlation, as well as the opportunity costs.
Finally, we reveal the structure of the formulated problem as a distributed
coalition game and solve it following the simplified split-and-merge algorithm.
Simulation results show the efficacy of our proposed mechanism design toward a
trusted IoT data market, with up to 32.72% gain in the average payoff for each
seller."
1739,Evaluating Short-Term Forecasting of Multiple Time Series in IoT Environments,"Modern Internet of Things (IoT) environments are monitored via a large number
of IoT enabled sensing devices, with the data acquisition and processing
infrastructure setting restrictions in terms of computational power and energy
resources. To alleviate this issue, sensors are often configured to operate at
relatively low sampling frequencies, yielding a reduced set of observations.
Nevertheless, this can hamper dramatically subsequent decision-making, such as
forecasting. To address this problem, in this work we evaluate short-term
forecasting in highly underdetermined cases, i.e., the number of sensor streams
is much higher than the number of observations. Several statistical, machine
learning and neural network-based models are thoroughly examined with respect
to the resulting forecasting accuracy on five different real-world datasets.
The focus is given on a unified experimental protocol especially designed for
short-term prediction of multiple time series at the IoT edge. The proposed
framework can be considered as an important step towards establishing a solid
forecasting strategy in resource constrained IoT applications."
1740,A machine learning approach to predicting pore pressure response in liquefiable sands under cyclic loading,"Shear stress history controls the pore pressure response in liquefiable
soils. The excess pore pressure does not increase under cyclic loading when
shear stress amplitude is lower than the peak prior amplitude -- the shielding
effect. Many sophisticated constitutive models fail to capture the shielding
effect observed in the cyclic liquefaction experiments. We develop a
data-driven machine learning model based on the LSTM neural network to capture
the liquefaction response of soils under cyclic loading. The LSTM model is
trained on 12 laboratory cyclic simple shear tests on Nevada sand in loose and
dense conditions subjected to different cyclic simple shear loading conditions.
The LSTM model features include the relative density of soil and the previous
stress history to predict the pore water pressure response. The LSTM model
successfully replicates the pore pressure response for three cyclic simple test
results considering the shielding and density effects."
1741,Robust Attack Graph Generation,"We present a method to learn automaton models that are more robust to input
modifications. It iteratively aligns sequences to a learned model, modifies the
sequences to their aligned versions, and re-learns the model. Automaton
learning algorithms are typically very good at modeling the frequent behavior
of a software system. Our solution can be used to also learn the behavior
present in infrequent sequences, as these will be aligned to the frequent ones
represented by the model. We apply our method to the SAGE tool for modeling
attacker behavior from intrusion alerts. In experiments, we demonstrate that
our algorithm learns models that can handle noise such as added and removed
symbols from sequences. Furthermore, it learns more concise models that fit
better to the training data."
1742,HyperImpute: Generalized Iterative Imputation with Automatic Model Selection,"Consider the problem of imputing missing values in a dataset. One the one
hand, conventional approaches using iterative imputation benefit from the
simplicity and customizability of learning conditional distributions directly,
but suffer from the practical requirement for appropriate model specification
of each and every variable. On the other hand, recent methods using deep
generative modeling benefit from the capacity and efficiency of learning with
neural network function approximators, but are often difficult to optimize and
rely on stronger data assumptions. In this work, we study an approach that
marries the advantages of both: We propose *HyperImpute*, a generalized
iterative imputation framework for adaptively and automatically configuring
column-wise models and their hyperparameters. Practically, we provide a
concrete implementation with out-of-the-box learners, optimizers, simulators,
and extensible interfaces. Empirically, we investigate this framework via
comprehensive experiments and sensitivities on a variety of public datasets,
and demonstrate its ability to generate accurate imputations relative to a
strong suite of benchmarks. Contrary to recent work, we believe our findings
constitute a strong defense of the iterative imputation paradigm."
1743,Kantorovich Strikes Back! Wasserstein GANs are not Optimal Transport?,"Wasserstein Generative Adversarial Networks (WGANs) are the popular
generative models built on the theory of Optimal Transport (OT) and the
Kantorovich duality. Despite the success of WGANs, it is still unclear how well
the underlying OT dual solvers approximate the OT cost (Wasserstein-1 distance,
$\mathbb{W}_{1}$) and the OT gradient needed to update the generator. In this
paper, we address these questions. We construct 1-Lipschitz functions and use
them to build ray monotone transport plans. This strategy yields pairs of
continuous benchmark distributions with the analytically known OT plan, OT cost
and OT gradient in high-dimensional spaces such as spaces of images. We
thoroughly evaluate popular WGAN dual form solvers (gradient penalty, spectral
normalization, entropic regularization, etc.) using these benchmark pairs. Even
though these solvers perform well in WGANs, none of them faithfully compute
$\mathbb{W}_{1}$ in high dimensions. Nevertheless, many provide a meaningful
approximation of the OT gradient. These observations suggest that these solvers
should not be treated as good estimators of $\mathbb{W}_{1}$, but to some
extent they indeed can be used in variational problems requiring the
minimization of $\mathbb{W}_{1}$."
1744,Pareto Invariant Risk Minimization,"Despite the success of invariant risk minimization (IRM) in tackling the
Out-of-Distribution generalization problem, IRM can compromise the optimality
when applied in practice. The practical variants of IRM, e.g., IRMv1, have been
shown to have significant gaps with IRM and thus could fail to capture the
invariance even in simple problems. Moreover, the optimization procedure in
IRMv1 involves two intrinsically conflicting objectives, and often requires
careful tuning for the objective weights. To remedy the above issues, we
reformulate IRM as a multi-objective optimization problem, and propose a new
optimization scheme for IRM, called PAreto Invariant Risk Minimization (PAIR).
PAIR can adaptively adjust the optimization direction under the objective
conflicts. Furthermore, we show PAIR can empower the practical IRM variants to
overcome the barriers with the original IRM when provided with proper guidance.
We conduct experiments with ColoredMNIST to confirm our theory and the
effectiveness of PAIR."
1745,SAVi++: Towards End-to-End Object-Centric Learning from Real-World Videos,"The visual world can be parsimoniously characterized in terms of distinct
entities with sparse interactions. Discovering this compositional structure in
dynamic visual scenes has proven challenging for end-to-end computer vision
approaches unless explicit instance-level supervision is provided. Slot-based
models leveraging motion cues have recently shown great promise in learning to
represent, segment, and track objects without direct supervision, but they
still fail to scale to complex real-world multi-object videos. In an effort to
bridge this gap, we take inspiration from human development and hypothesize
that information about scene geometry in the form of depth signals can
facilitate object-centric learning. We introduce SAVi++, an object-centric
video model which is trained to predict depth signals from a slot-based video
representation. By further leveraging best practices for model scaling, we are
able to train SAVi++ to segment complex dynamic scenes recorded with moving
cameras, containing both static and moving objects of diverse appearance on
naturalistic backgrounds, without the need for segmentation supervision.
Finally, we demonstrate that by using sparse depth signals obtained from LiDAR,
SAVi++ is able to learn emergent object segmentation and tracking from videos
in the real-world Waymo Open dataset."
1746,Reconstructing Training Data from Trained Neural Networks,"Understanding to what extent neural networks memorize training data is an
intriguing question with practical and theoretical implications. In this paper
we show that in some cases a significant fraction of the training data can in
fact be reconstructed from the parameters of a trained neural network
classifier. We propose a novel reconstruction scheme that stems from recent
theoretical results about the implicit bias in training neural networks with
gradient-based methods. To the best of our knowledge, our results are the first
to show that reconstructing a large portion of the actual training samples from
a trained neural network classifier is generally possible. This has negative
implications on privacy, as it can be used as an attack for revealing sensitive
training data. We demonstrate our method for binary MLP classifiers on a few
standard computer vision datasets."
1747,Hybrid full-field thermal characterization of additive manufacturing processes using physics-informed neural networks with data,"Understanding the thermal behavior of additive manufacturing (AM) processes
is crucial for enhancing the quality control and enabling customized process
design. Most purely physics-based computational models suffer from intensive
computational costs, thus not suitable for online control and iterative design
application. Data-driven models taking advantage of the latest developed
computational tools can serve as a more efficient surrogate, but they are
usually trained over a large amount of simulation data and often fail to
effectively use small but high-quality experimental data. In this work, we
developed a hybrid physics-based data-driven thermal modeling approach of AM
processes using physics-informed neural networks. Specifically, partially
observed temperature data measured from an infrared camera is combined with the
physics laws to predict full-field temperature history and to discover unknown
material and process parameters. In the numerical and experimental examples,
the effectiveness of adding auxiliary training data and using the technique of
transfer learning on training efficiency and prediction accuracy, as well as
the ability to identify unknown parameters with partially observed data, are
demonstrated. The results show that the hybrid thermal model can effectively
identify unknown parameters and capture the full-field temperature accurately,
and thus it has the potential to be used in iterative process design and
real-time process control of AM."
1748,On the Identifiability of Nonlinear ICA: Sparsity and Beyond,"Nonlinear independent component analysis (ICA) aims to recover the underlying
independent latent sources from their observable nonlinear mixtures. How to
make the nonlinear ICA model identifiable up to certain trivial indeterminacies
is a long-standing problem in unsupervised learning. Recent breakthroughs
reformulate the standard independence assumption of sources as conditional
independence given some auxiliary variables (e.g., class labels and/or
domain/time indexes) as weak supervision or inductive bias. However, nonlinear
ICA with unconditional priors cannot benefit from such developments. We explore
an alternative path and consider only assumptions on the mixing process, such
as Structural Sparsity or Independent Influences. We show that under specific
instantiations of such constraints, the independent latent sources can be
identified from their nonlinear mixtures up to a permutation and a
component-wise transformation, thus achieving nontrivial identifiability of
nonlinear ICA without auxiliary variables. We provide estimation methods and
validate the theoretical results experimentally. The results on image data
suggest that our conditions may hold in a number of practical data generating
processes."
1749,Condensing Graphs via One-Step Gradient Matching,"As training deep learning models on large dataset takes a lot of time and
resources, it is desired to construct a small synthetic dataset with which we
can train deep learning models sufficiently. There are recent works that have
explored solutions on condensing image datasets through complex bi-level
optimization. For instance, dataset condensation (DC) matches network gradients
w.r.t. large-real data and small-synthetic data, where the network weights are
optimized for multiple steps at each outer iteration. However, existing
approaches have their inherent limitations: (1) they are not directly
applicable to graphs where the data is discrete; and (2) the condensation
process is computationally expensive due to the involved nested optimization.
To bridge the gap, we investigate efficient dataset condensation tailored for
graph datasets where we model the discrete graph structure as a probabilistic
model. We further propose a one-step gradient matching scheme, which performs
gradient matching for only one single step without training the network
weights. Our theoretical analysis shows this strategy can generate synthetic
graphs that lead to lower classification loss on real graphs. Extensive
experiments on various graph datasets demonstrate the effectiveness and
efficiency of the proposed method. In particular, we are able to reduce the
dataset size by 90% while approximating up to 98% of the original performance
and our method is significantly faster than multi-step gradient matching (e.g.
15x in CIFAR10 for synthesizing 500 graphs)."
1750,When to intervene? Prescriptive Process Monitoring Under Uncertainty and Resource Constraints,"Prescriptive process monitoring approaches leverage historical data to
prescribe runtime interventions that will likely prevent negative case outcomes
or improve a process's performance. A centerpiece of a prescriptive process
monitoring method is its intervention policy: a decision function determining
if and when to trigger an intervention on an ongoing case. Previous proposals
in this field rely on intervention policies that consider only the current
state of a given case. These approaches do not consider the tradeoff between
triggering an intervention in the current state, given the level of uncertainty
of the underlying predictive models, versus delaying the intervention to a
later state. Moreover, they assume that a resource is always available to
perform an intervention (infinite capacity). This paper addresses these gaps by
introducing a prescriptive process monitoring method that filters and ranks
ongoing cases based on prediction scores, prediction uncertainty, and causal
effect of the intervention, and triggers interventions to maximize a gain
function, considering the available resources. The proposal is evaluated using
a real-life event log. The results show that the proposed method outperforms
existing baselines regarding total gain."
1751,Feature Overcorrelation in Deep Graph Neural Networks: A New Perspective,"Recent years have witnessed remarkable success achieved by graph neural
networks (GNNs) in many real-world applications such as recommendation and drug
discovery. Despite the success, oversmoothing has been identified as one of the
key issues which limit the performance of deep GNNs. It indicates that the
learned node representations are highly indistinguishable due to the stacked
aggregators. In this paper, we propose a new perspective to look at the
performance degradation of deep GNNs, i.e., feature overcorrelation. Through
empirical and theoretical study on this matter, we demonstrate the existence of
feature overcorrelation in deeper GNNs and reveal potential reasons leading to
this issue. To reduce the feature correlation, we propose a general framework
DeCorr which can encourage GNNs to encode less redundant information. Extensive
experiments have demonstrated that DeCorr can help enable deeper GNNs and is
complementary to existing techniques tackling the oversmoothing issue."
1752,Edge Inference with Fully Differentiable Quantized Mixed Precision Neural Networks,"The large computing and memory cost of deep neural networks (DNNs) often
precludes their use in resource-constrained devices. Quantizing the parameters
and operations to lower bit-precision offers substantial memory and energy
savings for neural network inference, facilitating the use of DNNs on edge
computing platforms. Recent efforts at quantizing DNNs have employed a range of
techniques encompassing progressive quantization, step-size adaptation, and
gradient scaling. This paper proposes a new quantization approach for mixed
precision convolutional neural networks (CNNs) targeting edge-computing. Our
method establishes a new pareto frontier in model accuracy and memory footprint
demonstrating a range of quantized models, delivering best-in-class accuracy
below 4.3 MB of weights (wgts.) and activations (acts.). Our main contributions
are: (i) hardware-aware heterogeneous differentiable quantization with
tensor-sliced learned precision, (ii) targeted gradient modification for wgts.
and acts. to mitigate quantization errors, and (iii) a multi-phase learning
schedule to address instability in learning arising from updates to the learned
quantizer and model parameters. We demonstrate the effectiveness of our
techniques on the ImageNet dataset across a range of models including
EfficientNet-Lite0 (e.g., 4.14MB of wgts. and acts. at 67.66% accuracy) and
MobileNetV2 (e.g., 3.51MB wgts. and acts. at 65.39% accuracy)."
1753,Disparate Impact in Differential Privacy from Gradient Misalignment,"As machine learning becomes more widespread throughout society, aspects
including data privacy and fairness must be carefully considered, and are
crucial for deployment in highly regulated industries. Unfortunately, the
application of privacy enhancing technologies can worsen unfair tendencies in
models. In particular, one of the most widely used techniques for private model
training, differentially private stochastic gradient descent (DPSGD),
frequently intensifies disparate impact on groups within data. In this work we
study the fine-grained causes of unfairness in DPSGD and identify gradient
misalignment due to inequitable gradient clipping as the most significant
source. This observation leads us to a new method for reducing unfairness by
preventing gradient misalignment in DPSGD."
1754,Improving Diversity with Adversarially Learned Transformations for Domain Generalization,"To be successful in single source domain generalization, maximizing diversity
of synthesized domains has emerged as one of the most effective strategies.
Many of the recent successes have come from methods that pre-specify the types
of diversity that a model is exposed to during training, so that it can
ultimately generalize well to new domains. However, na\""ive diversity based
augmentations do not work effectively for domain generalization either because
they cannot model large domain shift, or because the span of transforms that
are pre-specified do not cover the types of shift commonly occurring in domain
generalization. To address this issue, we present a novel framework that uses
adversarially learned transformations (ALT) using a neural network to model
plausible, yet hard image transformations that fool the classifier. This
network is randomly initialized for each batch and trained for a fixed number
of steps to maximize classification error. Further, we enforce consistency
between the classifier's predictions on the clean and transformed images. With
extensive empirical analysis, we find that this new form of adversarial
transformations achieve both objectives of diversity and hardness
simultaneously, outperforming all existing techniques on competitive benchmarks
for single source domain generalization. We also show that ALT can naturally
work with existing diversity modules to produce highly distinct, and large
transformations of the source domain leading to state-of-the-art performance."
1755,Taxonomy of Benchmarks in Graph Representation Learning,"Graph Neural Networks (GNNs) extend the success of neural networks to
graph-structured data by accounting for their intrinsic geometry. While
extensive research has been done on developing GNN models with superior
performance according to a collection of graph representation learning
benchmarks, it is currently not well understood what aspects of a given model
are probed by them. For example, to what extent do they test the ability of a
model to leverage graph structure vs. node features? Here, we develop a
principled approach to taxonomize benchmarking datasets according to a
$\textit{sensitivity profile}$ that is based on how much GNN performance
changes due to a collection of graph perturbations. Our data-driven analysis
provides a deeper understanding of which benchmarking data characteristics are
leveraged by GNNs. Consequently, our taxonomy can aid in selection and
development of adequate graph benchmarks, and better informed evaluation of
future GNN methods. Finally, our approach and implementation in
$\texttt{GTaxoGym}$ package are extendable to multiple graph prediction task
types and future datasets."
1756,Variable Bitrate Neural Fields,"Neural approximations of scalar and vector fields, such as signed distance
functions and radiance fields, have emerged as accurate, high-quality
representations. State-of-the-art results are obtained by conditioning a neural
approximation with a lookup from trainable feature grids that take on part of
the learning task and allow for smaller, more efficient neural networks.
Unfortunately, these feature grids usually come at the cost of significantly
increased memory consumption compared to stand-alone neural network models. We
present a dictionary method for compressing such feature grids, reducing their
memory consumption by up to 100x and permitting a multiresolution
representation which can be useful for out-of-core streaming. We formulate the
dictionary optimization as a vector-quantized auto-decoder problem which lets
us learn end-to-end discrete neural representations in a space where no direct
supervision is available and with dynamic topology and structure. Our source
code will be available at https://github.com/nv-tlabs/vqad."
1757,Masked Frequency Modeling for Self-Supervised Visual Pre-Training,"We present Masked Frequency Modeling (MFM), a unified frequency-domain-based
approach for self-supervised pre-training of visual models. Instead of randomly
inserting mask tokens to the input embeddings in the spatial domain, in this
paper, we shift the perspective to the frequency domain. Specifically, MFM
first masks out a portion of frequency components of the input image and then
predicts the missing frequencies on the frequency spectrum. Our key insight is
that predicting masked components in the frequency domain is more ideal to
reveal underlying image patterns rather than predicting masked patches in the
spatial domain, due to the heavy spatial redundancy. Our findings suggest that
with the right configuration of mask-and-predict strategy, both the structural
information within high-frequency components and the low-level statistics among
low-frequency counterparts are useful in learning good representations. For the
first time, MFM demonstrates that, for both ViT and CNN, a simple non-Siamese
framework can learn meaningful representations even using none of the
following: (i) extra data, (ii) extra model, (iii) mask token. Experimental
results on ImageNet and several robustness benchmarks show the competitive
performance and advanced robustness of MFM compared with recent masked image
modeling approaches. Furthermore, we also comprehensively investigate the
effectiveness of classical image restoration tasks for representation learning
from a unified frequency perspective and reveal their intriguing relations with
our MFM approach. Project page:
https://www.mmlab-ntu.com/project/mfm/index.html."
1758,Masked Siamese ConvNets,"Self-supervised learning has shown superior performances over supervised
methods on various vision benchmarks. The siamese network, which encourages
embeddings to be invariant to distortions, is one of the most successful
self-supervised visual representation learning approaches. Among all the
augmentation methods, masking is the most general and straightforward method
that has the potential to be applied to all kinds of input and requires the
least amount of domain knowledge. However, masked siamese networks require
particular inductive bias and practically only work well with Vision
Transformers. This work empirically studies the problems behind masked siamese
networks with ConvNets. We propose several empirical designs to overcome these
problems gradually. Our method performs competitively on low-shot image
classification and outperforms previous methods on object detection benchmarks.
We discuss several remaining issues and hope this work can provide useful data
points for future general-purpose self-supervised learning."
1759,Prefix Language Models are Unified Modal Learners,"With the success of vision-language pre-training, we have witnessed the
state-of-the-art has been pushed on multi-modal understanding and generation.
However, the current pre-training paradigm is either incapable of targeting all
modalities at once (e.g., text generation and image generation), or requires
multi-fold well-designed tasks which significantly limits the scalability. We
demonstrate that a unified modal model could be learned with a prefix language
modeling objective upon text and image sequences. Thanks to the simple but
powerful pre-training paradigm, our proposed model, DaVinci, is simple to
train, scalable to huge data, and adaptable to a variety of downstream tasks
across modalities (language / vision / vision+language), types (understanding /
generation) and settings (e.g., zero-shot, fine-tuning, linear evaluation) with
a single unified architecture. DaVinci achieves the competitive performance on
a wide range of 26 understanding / generation tasks, and outperforms previous
unified vision-language models on most tasks, including ImageNet classification
(+1.6%), VQAv2 (+1.4%), COCO caption generation (BLEU@4 +1.1%, CIDEr +1.5%) and
COCO image generation (IS +0.9%, FID -1.0%), at the comparable model and data
scale. Furthermore, we offer a well-defined benchmark for future research by
reporting the performance on different scales of the pre-training dataset on a
heterogeneous and wide distribution coverage. Our results establish new,
stronger baselines for future comparisons at different data scales and shed
light on the difficulties of comparing VLP models more generally."
1760,MACE: Higher Order Equivariant Message Passing Neural Networks for Fast and Accurate Force Fields,"Creating fast and accurate force fields is a long-standing challenge in
computational chemistry and materials science. Recently, several equivariant
message passing neural networks (MPNNs) have been shown to outperform models
built using other approaches in terms of accuracy. However, most MPNNs suffer
from high computational cost and poor scalability. We propose that these
limitations arise because MPNNs only pass two-body messages leading to a direct
relationship between the number of layers and the expressivity of the network.
In this work, we introduce MACE, a new equivariant MPNN model that uses higher
body order messages. In particular, we show that using four-body messages
reduces the required number of message passing iterations to just \emph{two},
resulting in a fast and highly parallelizable model, reaching or exceeding
state-of-the-art accuracy on the rMD17, 3BPA, and AcAc benchmark tasks. We also
demonstrate that using higher order messages leads to an improved steepness of
the learning curves."
1761,Diffusion Models for Video Prediction and Infilling,"To predict and anticipate future outcomes or reason about missing information
in a sequence is a key ability for agents to be able to make intelligent
decisions. This requires strong temporally coherent generative capabilities.
Diffusion models have shown huge success in several generative tasks lately,
but have not been extensively explored in the video domain. We present
Random-Mask Video Diffusion (RaMViD), which extends image diffusion models to
videos using 3D convolutions, and introduces a new conditioning technique
during training. By varying the mask we condition on, the model is able to
perform video prediction, infilling and upsampling. Since we do not use
concatenation to condition on a mask, as done in most conditionally trained
diffusion models, we are able to decrease the memory footprint. We evaluated
the model on two benchmark datasets for video prediction and one for video
generation on which we achieved competitive results. On Kinetics-600 we
achieved state-of-the-art for video prediction."
1762,ELUDE: Generating interpretable explanations via a decomposition into labelled and unlabelled features,"Deep learning models have achieved remarkable success in different areas of
machine learning over the past decade; however, the size and complexity of
these models make them difficult to understand. In an effort to make them more
interpretable, several recent works focus on explaining parts of a deep neural
network through human-interpretable, semantic attributes. However, it may be
impossible to completely explain complex models using only semantic attributes.
In this work, we propose to augment these attributes with a small set of
uninterpretable features. Specifically, we develop a novel explanation
framework ELUDE (Explanation via Labelled and Unlabelled DEcomposition) that
decomposes a model's prediction into two parts: one that is explainable through
a linear combination of the semantic attributes, and another that is dependent
on the set of uninterpretable features. By identifying the latter, we are able
to analyze the ""unexplained"" portion of the model, obtaining insights into the
information used by the model. We show that the set of unlabelled features can
generalize to multiple models trained with the same feature space and compare
our work to two popular attribute-oriented methods, Interpretable Basis
Decomposition and Concept Bottleneck, and discuss the additional insights ELUDE
provides."
1763,Learning to Accelerate Partial Differential Equations via Latent Global Evolution,"Simulating the time evolution of Partial Differential Equations (PDEs) of
large-scale systems is crucial in many scientific and engineering domains such
as fluid dynamics, weather forecasting and their inverse optimization problems.
However, both classical solvers and recent deep learning-based surrogate models
are typically extremely computationally intensive, because of their local
evolution: they need to update the state of each discretized cell at each time
step during inference. Here we develop Latent Evolution of PDEs (LE-PDE), a
simple, fast and scalable method to accelerate the simulation and inverse
optimization of PDEs. LE-PDE learns a compact, global representation of the
system and efficiently evolves it fully in the latent space with learned latent
evolution models. LE-PDE achieves speed-up by having a much smaller latent
dimension to update during long rollout as compared to updating in the input
space. We introduce new learning objectives to effectively learn such latent
dynamics to ensure long-term stability. We further introduce techniques for
speeding-up inverse optimization of boundary conditions for PDEs via
backpropagation through time in latent space, and an annealing technique to
address the non-differentiability and sparse interaction of boundary
conditions. We test our method in a 1D benchmark of nonlinear PDEs, 2D
Navier-Stokes flows into turbulent phase and an inverse optimization of
boundary conditions in 2D Navier-Stokes flow. Compared to state-of-the-art deep
learning-based surrogate models and other strong baselines, we demonstrate up
to 128x reduction in the dimensions to update, and up to 15x improvement in
speed, while achieving competitive accuracy."
1764,Learning Large-scale Subsurface Simulations with a Hybrid Graph Network Simulator,"Subsurface simulations use computational models to predict the flow of fluids
(e.g., oil, water, gas) through porous media. These simulations are pivotal in
industrial applications such as petroleum production, where fast and accurate
models are needed for high-stake decision making, for example, for well
placement optimization and field development planning. Classical finite
difference numerical simulators require massive computational resources to
model large-scale real-world reservoirs. Alternatively, streamline simulators
and data-driven surrogate models are computationally more efficient by relying
on approximate physics models, however they are insufficient to model complex
reservoir dynamics at scale. Here we introduce Hybrid Graph Network Simulator
(HGNS), which is a data-driven surrogate model for learning reservoir
simulations of 3D subsurface fluid flows. To model complex reservoir dynamics
at both local and global scale, HGNS consists of a subsurface graph neural
network (SGNN) to model the evolution of fluid flows, and a 3D-U-Net to model
the evolution of pressure. HGNS is able to scale to grids with millions of
cells per time step, two orders of magnitude higher than previous surrogate
models, and can accurately predict the fluid flow for tens of time steps (years
into the future). Using an industry-standard subsurface flow dataset (SPE-10)
with 1.1 million cells, we demonstrate that HGNS is able to reduce the
inference time up to 18 times compared to standard subsurface simulators, and
that it outperforms other learning-based models by reducing long-term
prediction errors by up to 21%."
1765,Wide Bayesian neural networks have a simple weight posterior: theory and accelerated sampling,"We introduce repriorisation, a data-dependent reparameterisation which
transforms a Bayesian neural network (BNN) posterior to a distribution whose KL
divergence to the BNN prior vanishes as layer widths grow. The repriorisation
map acts directly on parameters, and its analytic simplicity complements the
known neural network Gaussian process (NNGP) behaviour of wide BNNs in function
space. Exploiting the repriorisation, we develop a Markov chain Monte Carlo
(MCMC) posterior sampling algorithm which mixes faster the wider the BNN. This
contrasts with the typically poor performance of MCMC in high dimensions. We
observe up to 50x higher effective sample size relative to no reparametrisation
for both fully-connected and residual networks. Improvements are achieved at
all widths, with the margin between reparametrised and standard BNNs growing
with layer width."
1766,A Unified Sequence Interface for Vision Tasks,"While language tasks are naturally expressed in a single, unified, modeling
framework, i.e., generating sequences of tokens, this has not been the case in
computer vision. As a result, there is a proliferation of distinct
architectures and loss functions for different vision tasks. In this work we
show that a diverse set of ""core"" computer vision tasks can also be unified if
formulated in terms of a shared pixel-to-sequence interface. We focus on four
tasks, namely, object detection, instance segmentation, keypoint detection, and
image captioning, all with diverse types of outputs, e.g., bounding boxes or
dense masks. Despite that, by formulating the output of each task as a sequence
of discrete tokens with a unified interface, we show that one can train a
neural network with a single model architecture and loss function on all these
tasks, with no task-specific customization. To solve a specific task, we use a
short prompt as task description, and the sequence output adapts to the prompt
so it can produce task-specific output. We show that such a model can achieve
competitive performance compared to well-established task-specific models."
1767,Model-based RL with Optimistic Posterior Sampling: Structural Conditions and Sample Complexity,"We propose a general framework to design posterior sampling methods for
model-based RL. We show that the proposed algorithms can be analyzed by
reducing regret to Hellinger distance based conditional probability estimation.
We further show that optimistic posterior sampling can control this Hellinger
distance, when we measure model error via data likelihood. This technique
allows us to design and analyze unified posterior sampling algorithms with
state-of-the-art sample complexity guarantees for many model-based RL settings.
We illustrate our general result in many special cases, demonstrating the
versatility of our framework."
1768,Hyperparameter Sensitivity in Deep Outlier Detection: Analysis and a Scalable Hyper-Ensemble Solution,"Outlier detection (OD) literature exhibits numerous algorithms as it applies
to diverse domains. However, given a new detection task, it is unclear how to
choose an algorithm to use, nor how to set its hyperparameter(s) (HPs) in
unsupervised settings. HP tuning is an ever-growing problem with the arrival of
many new detectors based on deep learning. While they have appealing properties
such as task- driven representation learning and end-to-end optimization, deep
models come with a long list of HPs. Surprisingly, the issue of model selection
in the outlier mining literature has been ""the elephant in the room""; a
significant factor in unlocking the utmost potential of deep methods, yet
little said or done to systematically tackle the issue. In the first part of
this paper, we conduct the first large-scale analysis on the HP sensitivity of
deep OD methods, and through more than 35,000 trained models, quantitatively
demonstrate that model selection is inevitable. Next, we design a HP-robust and
scalable deep hyper-ensemble model called ROBOD that assembles models with
varying HP configurations, bypassing the choice paralysis. Importantly, we
introduce novel strategies to speed up ensemble training, such as parameter
sharing, batch/simultaneous training, and data subsampling, that allow us to
train fewer models with fewer parameters. Extensive experiments on both image
and tabular datasets show that ROBOD achieves and retains robust,
state-of-the-art detection performance as compared to its modern counterparts,
while taking only 2-10% of the time by the naive hyper-ensemble with
independent training."
1769,Coarse-to-Fine Vision-Language Pre-training with Fusion in the Backbone,"Vision-language (VL) pre-training has recently received considerable
attention. However, most existing end-to-end pre-training approaches either
only aim to tackle VL tasks such as image-text retrieval, visual question
answering (VQA) and image captioning that test high-level understanding of
images, or only target region-level understanding for tasks such as phrase
grounding and object detection. We present FIBER (Fusion-In-the-Backbone-based
transformER), a new VL model architecture that can seamlessly handle both these
types of tasks. Instead of having dedicated transformer layers for fusion after
the uni-modal backbones, FIBER pushes multimodal fusion deep into the model by
inserting cross-attention into the image and text backbones, bringing gains in
terms of memory and performance. In addition, unlike previous work that is
either only pre-trained on image-text data or on fine-grained data with
box-level annotations, we present a two-stage pre-training strategy that uses
both these kinds of data efficiently: (i) coarse-grained pre-training based on
image-text data; followed by (ii) fine-grained pre-training based on
image-text-box data. We conduct comprehensive experiments on a wide range of VL
tasks, ranging from VQA, image captioning, and retrieval, to phrase grounding,
referring expression comprehension, and object detection. Using deep multimodal
fusion coupled with the two-stage pre-training, FIBER provides consistent
performance improvements over strong baselines across all tasks, often
outperforming methods using magnitudes more data. Code is available at
https://github.com/microsoft/FIBER."
1770,Convergence and Price of Anarchy Guarantees of the Softmax Policy Gradient in Markov Potential Games,"We study the performance of policy gradient methods for the subclass of
Markov games known as Markov potential games (MPGs), which extends the notion
of normal-form potential games to the stateful setting and includes the
important special case of the fully cooperative setting where the agents share
an identical reward function. Our focus in this paper is to study the
convergence of the policy gradient method for solving MPGs under softmax policy
parameterization, both tabular and parameterized with general function
approximators such as neural networks. We first show the asymptotic convergence
of this method to a Nash equilibrium of MPGs for tabular softmax policies.
Second, we derive the finite-time performance of the policy gradient in two
settings: 1) using the log-barrier regularization, and 2) using the natural
policy gradient under the best-response dynamics (NPG-BR). Finally, extending
the notion of price of anarchy (POA) and smoothness in normal-form games, we
introduce the POA for MPGs and provide a POA bound for NPG-BR. To our
knowledge, this is the first POA bound for solving MPGs. To support our
theoretical results, we empirically compare the convergence rates and POA of
policy gradient variants for both tabular and neural softmax policies."
1771,Statistical and Computational Phase Transitions in Group Testing,"We study the group testing problem where the goal is to identify a set of k
infected individuals carrying a rare disease within a population of size n,
based on the outcomes of pooled tests which return positive whenever there is
at least one infected individual in the tested group. We consider two different
simple random procedures for assigning individuals to tests: the
constant-column design and Bernoulli design. Our first set of results concerns
the fundamental statistical limits. For the constant-column design, we give a
new information-theoretic lower bound which implies that the proportion of
correctly identifiable infected individuals undergoes a sharp ""all-or-nothing""
phase transition when the number of tests crosses a particular threshold. For
the Bernoulli design, we determine the precise number of tests required to
solve the associated detection problem (where the goal is to distinguish
between a group testing instance and pure noise), improving both the upper and
lower bounds of Truong, Aldridge, and Scarlett (2020). For both group testing
models, we also study the power of computationally efficient (polynomial-time)
inference procedures. We determine the precise number of tests required for the
class of low-degree polynomial algorithms to solve the detection problem. This
provides evidence for an inherent computational-statistical gap in both the
detection and recovery problems at small sparsity levels. Notably, our evidence
is contrary to that of Iliopoulos and Zadik (2021), who predicted the absence
of a computational-statistical gap in the Bernoulli design."
1772,Asynchronous SGD Beats Minibatch SGD Under Arbitrary Delays,"The existing analysis of asynchronous stochastic gradient descent (SGD)
degrades dramatically when any delay is large, giving the impression that
performance depends primarily on the delay. On the contrary, we prove much
better guarantees for the same asynchronous SGD algorithm regardless of the
delays in the gradients, depending instead just on the number of parallel
devices used to implement the algorithm. Our guarantees are strictly better
than the existing analyses, and we also argue that asynchronous SGD outperforms
synchronous minibatch SGD in the settings we consider. For our analysis, we
introduce a novel recursion based on ""virtual iterates"" and delay-adaptive
stepsizes, which allow us to derive state-of-the-art guarantees for both convex
and non-convex objectives."
1773,Sublinear Algorithms for Hierarchical Clustering,"Hierarchical clustering over graphs is a fundamental task in data mining and
machine learning with applications in domains such as phylogenetics, social
network analysis, and information retrieval. Specifically, we consider the
recently popularized objective function for hierarchical clustering due to
Dasgupta. Previous algorithms for (approximately) minimizing this objective
function require linear time/space complexity. In many applications the
underlying graph can be massive in size making it computationally challenging
to process the graph even using a linear time/space algorithm. As a result,
there is a strong interest in designing algorithms that can perform global
computation using only sublinear resources. The focus of this work is to study
hierarchical clustering for massive graphs under three well-studied models of
sublinear computation which focus on space, time, and communication,
respectively, as the primary resources to optimize: (1) (dynamic) streaming
model where edges are presented as a stream, (2) query model where the graph is
queried using neighbor and degree queries, (3) MPC model where the graph edges
are partitioned over several machines connected via a communication channel.
We design sublinear algorithms for hierarchical clustering in all three
models above. At the heart of our algorithmic results is a view of the
objective in terms of cuts in the graph, which allows us to use a relaxed
notion of cut sparsifiers to do hierarchical clustering while introducing only
a small distortion in the objective function. Our main algorithmic
contributions are then to show how cut sparsifiers of the desired form can be
efficiently constructed in the query model and the MPC model. We complement our
algorithmic results by establishing nearly matching lower bounds that rule out
the possibility of designing better algorithms in each of these models."
1774,Clustered Scheduling and Communication Pipelining For Efficient Resource Management Of Wireless Federated Learning,"This paper proposes using communication pipelining to enhance the wireless
spectrum utilization efficiency and convergence speed of federated learning in
mobile edge computing applications. Due to limited wireless sub-channels, a
subset of the total clients is scheduled in each iteration of federated
learning algorithms. On the other hand, the scheduled clients wait for the
slowest client to finish its computation. We propose to first cluster the
clients based on the time they need per iteration to compute the local
gradients of the federated learning model. Then, we schedule a mixture of
clients from all clusters to send their local updates in a pipelined manner. In
this way, instead of just waiting for the slower clients to finish their
computation, more clients can participate in each iteration. While the time
duration of a single iteration does not change, the proposed method can
significantly reduce the number of required iterations to achieve a target
accuracy. We provide a generic formulation for optimal client clustering under
different settings, and we analytically derive an efficient algorithm for
obtaining the optimal solution. We also provide numerical results to
demonstrate the gains of the proposed method for different datasets and deep
learning architectures."
1775,Rethinking Initialization of the Sinkhorn Algorithm,"Computing an optimal transport (OT) coupling between distributions plays an
increasingly important role in machine learning. While OT problems can be
solved as linear programs, adding an entropic smoothing term is known to result
in solvers that are faster and more robust to outliers, differentiable and
easier to parallelize. The Sinkhorn fixed point algorithm is the cornerstone of
these approaches, and, as a result, multiple attempts have been made to shorten
its runtime using, for instance, annealing, momentum or acceleration. The
premise of this paper is that \textit{initialization} of the Sinkhorn algorithm
has received comparatively little attention, possibly due to two
preconceptions: as the regularized OT problem is convex, it may not be worth
crafting a tailored initialization as \textit{any} is guaranteed to work;
secondly, because the Sinkhorn algorithm is often differentiated in end-to-end
pipelines, data-dependent initializations could potentially bias gradient
estimates obtained by unrolling iterations. We challenge this conventional
wisdom and show that carefully chosen initializations can result in dramatic
speed-ups, and will not bias gradients which are computed with implicit
differentiation. We detail how initializations can be recovered from
closed-form or approximate OT solutions, using known results in the 1D or
Gaussian settings. We show empirically that these initializations can be used
off-the-shelf, with little to no tuning, and result in consistent speed-ups for
a variety of OT problems."
1776,Epistemic Deep Learning,"The belief function approach to uncertainty quantification as proposed in the
Demspter-Shafer theory of evidence is established upon the general mathematical
models for set-valued observations, called random sets. Set-valued predictions
are the most natural representations of uncertainty in machine learning. In
this paper, we introduce a concept called epistemic deep learning based on the
random-set interpretation of belief functions to model epistemic learning in
deep neural networks. We propose a novel random-set convolutional neural
network for classification that produces scores for sets of classes by learning
set-valued ground truth representations. We evaluate different formulations of
entropy and distance measures for belief functions as viable loss functions for
these random-set networks. We also discuss methods for evaluating the quality
of epistemic predictions and the performance of epistemic random-set neural
networks. We demonstrate through experiments that the epistemic approach
produces better performance results when compared to traditional approaches of
estimating uncertainty."
1777,ARES: Locally Adaptive Reconstruction-based Anomaly Scoring,"How can we detect anomalies: that is, samples that significantly differ from
a given set of high-dimensional data, such as images or sensor data? This is a
practical problem with numerous applications and is also relevant to the goal
of making learning algorithms more robust to unexpected inputs. Autoencoders
are a popular approach, partly due to their simplicity and their ability to
perform dimension reduction. However, the anomaly scoring function is not
adaptive to the natural variation in reconstruction error across the range of
normal samples, which hinders their ability to detect real anomalies. In this
paper, we empirically demonstrate the importance of local adaptivity for
anomaly scoring in experiments with real data. We then propose our novel
Adaptive Reconstruction Error-based Scoring approach, which adapts its scoring
based on the local behaviour of reconstruction error over the latent space. We
show that this improves anomaly detection performance over relevant baselines
in a wide variety of benchmark datasets."
1778,Sparse Subspace Clustering in Diverse Multiplex Network Model,"The paper considers the DIverse MultiPLEx (DIMPLE) network model, introduced
in Pensky and Wang (2021), where all layers of the network have the same
collection of nodes and are equipped with the Stochastic Block Models. In
addition, all layers can be partitioned into groups with the same community
structures, although the layers in the same group may have different matrices
of block connection probabilities. The DIMPLE model generalizes a multitude of
papers that study multilayer networks with the same community structures in all
layers, as well as the Mixture Multilayer Stochastic Block Model (MMLSBM),
where the layers in the same group have identical matrices of block connection
probabilities. While Pensky and Wang (2021) applied spectral clustering to the
proxy of the adjacency tensor, the present paper uses Sparse Subspace
Clustering (SSC) for identifying groups of layers with identical community
structures. Under mild conditions, the latter leads to the strongly consistent
between-layer clustering. In addition, SSC allows to handle much larger
networks than methodology of Pensky and Wang (2021), and is perfectly suitable
for application of parallel computing."
1779,BIO-CXRNET: A Robust Multimodal Stacking Machine Learning Technique for Mortality Risk Prediction of COVID-19 Patients using Chest X-Ray Images and Clinical Data,"Fast and accurate detection of the disease can significantly help in reducing
the strain on the healthcare facility of any country to reduce the mortality
during any pandemic. The goal of this work is to create a multimodal system
using a novel machine learning framework that uses both Chest X-ray (CXR)
images and clinical data to predict severity in COVID-19 patients. In addition,
the study presents a nomogram-based scoring technique for predicting the
likelihood of death in high-risk patients. This study uses 25 biomarkers and
CXR images in predicting the risk in 930 COVID-19 patients admitted during the
first wave of COVID-19 (March-June 2020) in Italy. The proposed multimodal
stacking technique produced the precision, sensitivity, and F1-score, of
89.03%, 90.44%, and 89.03%, respectively to identify low or high-risk patients.
This multimodal approach improved the accuracy by 6% in comparison to the CXR
image or clinical data alone. Finally, nomogram scoring system using
multivariate logistic regression -- was used to stratify the mortality risk
among the high-risk patients identified in the first stage. Lactate
Dehydrogenase (LDH), O2 percentage, White Blood Cells (WBC) Count, Age, and
C-reactive protein (CRP) were identified as useful predictor using random
forest feature selection model. Five predictors parameters and a CXR image
based nomogram score was developed for quantifying the probability of death and
categorizing them into two risk groups: survived (<50%), and death (>=50%),
respectively. The multi-modal technique was able to predict the death
probability of high-risk patients with an F1 score of 92.88 %. The area under
the curves for the development and validation cohorts are 0.981 and 0.939,
respectively."
1780,Robust and Sparse Estimation of Linear Regression Coefficients with Heavy-tailed Noises and Covariates,"Robust and sparse estimation of linear regression coefficients is
investigated. The situation addressed by the present paper is that covariates
and noises are sampled from heavy-tailed distributions, and the covariates and
noises are contaminated by malicious outliers. Our estimator can be computed
efficiently. Further, our estimation error bound is sharp."
1781,"Characteristic kernels on Hilbert spaces, Banach spaces, and on sets of measures","We present new classes of positive definite kernels on non-standard spaces
that are integrally strictly positive definite or characteristic. In
particular, we discuss radial kernels on separable Hilbert spaces, and
introduce broad classes of kernels on Banach spaces and on metric spaces of
strong negative type. The general results are used to give explicit classes of
kernels on separable $L^p$ spaces and on sets of measures."
1782,Machine Learning is Abduction Inference,"Concept of Abduction with Gradated Contradictions is introduced here as a
form of Peirce's abduction inference. The general form of abduction criterion
is formalized in the proposed Logic of Gradated Contradictions and Logic of
Recursive Aggregation. Common steps of an abduction procedure as minimization
of such a criterion are specified as well. It is demonstrated on examples of 14
popular textbook learners (from hierarchical clustering to k-NN and SVR) that
each of them performs AGC. The proposed theory explains real life learners, yet
it avoids any mention of statistics, so it can be considered as a logical
alternative to the statistical learning theory."
1783,"NatGen: Generative pre-training by ""Naturalizing"" source code","Pre-trained Generative Language models (e.g. PLBART, CodeT5, SPT-Code) for
source code yielded strong results on several tasks in the past few years,
including code generation and translation. These models have adopted varying
pre-training objectives to learn statistics of code construction from very
large-scale corpora in a self-supervised fashion; the success of pre-trained
models largely hinges on these pre-training objectives. This paper proposes a
new pre-training objective, ""Naturalizing"" of source code, exploiting code's
bimodal, dual-channel (formal & natural channels) nature. Unlike natural
language, code's bimodal, dual-channel nature allows us to generate
semantically equivalent code at scale. We introduce six classes of semantic
preserving transformations to introduce un-natural forms of code, and then
force our model to produce more natural original programs written by
developers. Learning to generate equivalent, but more natural code, at scale,
over large corpora of open-source code, without explicit manual supervision,
helps the model learn to both ingest & generate code. We fine-tune our model in
three generative Software Engineering tasks: code generation, code translation,
and code refinement with limited human-curated labeled data and achieve
state-of-the-art performance rivaling CodeT5. We show that our pre-trained
model is especially competitive at zero-shot and few-shot learning, and better
at learning code properties (e.g., syntax, data flow)."
1784,"A Comprehensive Survey on Deep Clustering: Taxonomy, Challenges, and Future Directions","Clustering is a fundamental machine learning task which has been widely
studied in the literature. Classic clustering methods follow the assumption
that data are represented as features in a vectorized form through various
representation learning techniques. As the data become increasingly complicated
and complex, the shallow (traditional) clustering methods can no longer handle
the high-dimensional data type. With the huge success of deep learning,
especially the deep unsupervised learning, many representation learning
techniques with deep architectures have been proposed in the past decade.
Recently, the concept of Deep Clustering, i.e., jointly optimizing the
representation learning and clustering, has been proposed and hence attracted
growing attention in the community. Motivated by the tremendous success of deep
learning in clustering, one of the most fundamental machine learning tasks, and
the large number of recent advances in this direction, in this paper we conduct
a comprehensive survey on deep clustering by proposing a new taxonomy of
different state-of-the-art approaches. We summarize the essential components of
deep clustering and categorize existing methods by the ways they design
interactions between deep representation learning and clustering. Moreover,
this survey also provides the popular benchmark datasets, evaluation metrics
and open-source implementations to clearly illustrate various experimental
settings. Last but not least, we discuss the practical applications of deep
clustering and suggest challenging topics deserving further investigations as
future directions."
1785,E2V-SDE: From Asynchronous Events to Fast and Continuous Video Reconstruction via Neural Stochastic Differential Equations,"Event cameras respond to brightness changes in the scene asynchronously and
independently for every pixel. Due to the properties, these cameras have
distinct features: high dynamic range (HDR), high temporal resolution, and low
power consumption. However, the results of event cameras should be processed
into an alternative representation for computer vision tasks. Also, they are
usually noisy and cause poor performance in areas with few events. In recent
years, numerous researchers have attempted to reconstruct videos from events.
However, they do not provide good quality videos due to a lack of temporal
information from irregular and discontinuous data. To overcome these
difficulties, we introduce an E2V-SDE whose dynamics are governed in a latent
space by Stochastic differential equations (SDE). Therefore, E2V-SDE can
rapidly reconstruct images at arbitrary time steps and make realistic
predictions on unseen data. In addition, we successfully adopted a variety of
image composition techniques for improving image clarity and temporal
consistency. By conducting extensive experiments on simulated and real-scene
datasets, we verify that our model outperforms state-of-the-art approaches
under various video reconstruction settings. In terms of image quality, the
LPIPS score improves by up to 12% and the reconstruction speed is 87% higher
than that of ET-Net."
1786,Calibrating Agent-based Models to Microdata with Graph Neural Networks,"Calibrating agent-based models (ABMs) to data is among the most fundamental
requirements to ensure the model fulfils its desired purpose. In recent years,
simulation-based inference methods have emerged as powerful tools for
performing this task when the model likelihood function is intractable, as is
often the case for ABMs. In some real-world use cases of ABMs, both the
observed data and the ABM output consist of the agents' states and their
interactions over time. In such cases, there is a tension between the desire to
make full use of the rich information content of such granular data on the one
hand, and the need to reduce the dimensionality of the data to prevent
difficulties associated with high-dimensional learning tasks on the other. A
possible resolution is to construct lower-dimensional time-series through the
use of summary statistics describing the macrostate of the system at each time
point. However, a poor choice of summary statistics can result in an
unacceptable loss of information from the original dataset, dramatically
reducing the quality of the resulting calibration. In this work, we instead
propose to learn parameter posteriors associated with granular microdata
directly using temporal graph neural networks. We will demonstrate that such an
approach offers highly compelling inductive biases for Bayesian inference using
the raw ABM microstates as output."
1787,Contrastive Learning as Goal-Conditioned Reinforcement Learning,"In reinforcement learning (RL), it is easier to solve a task if given a good
representation. While deep RL should automatically acquire such good
representations, prior work often finds that learning representations in an
end-to-end fashion is unstable and instead equip RL algorithms with additional
representation learning parts (e.g., auxiliary losses, data augmentation). How
can we design RL algorithms that directly acquire good representations? In this
paper, instead of adding representation learning parts to an existing RL
algorithm, we show (contrastive) representation learning methods can be cast as
RL algorithms in their own right. To do this, we build upon prior work and
apply contrastive representation learning to action-labeled trajectories, in
such a way that the (inner product of) learned representations exactly
corresponds to a goal-conditioned value function. We use this idea to
reinterpret a prior RL method as performing contrastive learning, and then use
the idea to propose a much simpler method that achieves similar performance.
Across a range of goal-conditioned RL tasks, we demonstrate that contrastive RL
methods achieve higher success rates than prior non-contrastive methods,
including in the offline RL setting. We also show that contrastive RL
outperforms prior methods on image-based tasks, without using data augmentation
or auxiliary objectives."
1788,A Meta-Analysis of Distributionally-Robust Models,"State-of-the-art image classifiers trained on massive datasets (such as
ImageNet) have been shown to be vulnerable to a range of both intentional and
incidental distribution shifts. On the other hand, several recent classifiers
with favorable out-of-distribution (OOD) robustness properties have emerged,
achieving high accuracy on their target tasks while maintaining their
in-distribution accuracy on challenging benchmarks. We present a meta-analysis
on a wide range of publicly released models, most of which have been published
over the last twelve months. Through this meta-analysis, we empirically
identify four main commonalities for all the best-performing OOD-robust models,
all of which illuminate the considerable promise of vision-language
pre-training."
1789,Bayesian Federated Learning via Predictive Distribution Distillation,"For most existing federated learning algorithms, each round consists of
minimizing a loss function at each client to learn an optimal model at the
client, followed by aggregating these client models at the server. Point
estimation of the model parameters at the clients does not take into account
the uncertainty in the models estimated at each client. In many situations,
however, especially in limited data settings, it is beneficial to take into
account the uncertainty in the client models for more accurate and robust
predictions. Uncertainty also provides useful information for other important
tasks, such as active learning and out-of-distribution (OOD) detection. We
present a framework for Bayesian federated learning where each client infers
the posterior predictive distribution using its training data and present
various ways to aggregate these client-specific predictive distributions at the
server. Since communicating and aggregating predictive distributions can be
challenging and expensive, our approach is based on distilling each client's
predictive distribution into a single deep neural network. This enables us to
leverage advances in standard federated learning to Bayesian federated learning
as well. Unlike some recent works that have tried to estimate model uncertainty
of each client, our work also does not make any restrictive assumptions, such
as the form of the client's posterior distribution. We evaluate our approach on
classification in federated setting, as well as active learning and OOD
detection in federated settings, on which our approach outperforms various
existing federated learning baselines."
1790,On the fast convergence of minibatch heavy ball momentum,"Simple stochastic momentum methods are widely used in machine learning
optimization, but their good practical performance is at odds with an absence
of theoretical guarantees of acceleration in the literature. In this work, we
aim to close the gap between theory and practice by showing that stochastic
heavy ball momentum, which can be interpreted as a randomized Kaczmarz
algorithm with momentum, retains the fast linear rate of (deterministic) heavy
ball momentum on quadratic optimization problems, at least when minibatching
with a sufficiently large batch size is used. The analysis relies on carefully
decomposing the momentum transition matrix, and using new spectral norm
concentration bounds for products of independent random matrices. We provide
numerical experiments to demonstrate that our bounds are reasonably sharp."
1791,Unknown-Aware Domain Adversarial Learning for Open-Set Domain Adaptation,"Open-Set Domain Adaptation (OSDA) assumes that a target domain contains
unknown classes, which are not discovered in a source domain. Existing domain
adversarial learning methods are not suitable for OSDA because distribution
matching with \textit{unknown} classes leads to the negative transfer. Previous
OSDA methods have focused on matching the source and the target distribution by
only utilizing \textit{known} classes. However, this \textit{known}-only
matching may fail to learn the target-\textit{unknown} feature space.
Therefore, we propose Unknown-Aware Domain Adversarial Learning (UADAL), which
\textit{aligns} the source and the targe-\textit{known} distribution while
simultaneously \textit{segregating} the target-\textit{unknown} distribution in
the feature alignment procedure. We provide theoretical analyses on the
optimized state of the proposed \textit{unknown-aware} feature alignment, so we
can guarantee both \textit{alignment} and \textit{segregation} theoretically.
Empirically, we evaluate UADAL on the benchmark datasets, which shows that
UADAL outperforms other methods with better feature alignments by reporting the
state-of-the-art performances."
1792,A Deep Generative Model of Neonatal Cortical Surface Development,"The neonatal cortical surface is known to be affected by preterm birth, and
the subsequent changes to cortical organisation have been associated with
poorer neurodevelopmental outcomes. Deep Generative models have the potential
to lead to clinically interpretable models of disease, but developing these on
the cortical surface is challenging since established techniques for learning
convolutional filters are inappropriate on non-flat topologies. To close this
gap, we implement a surface-based CycleGAN using mixture model CNNs (MoNet) to
translate sphericalised neonatal cortical surface features (curvature and
T1w/T2w cortical myelin) between different stages of cortical maturity. Results
show our method is able to reliably predict changes in individual patterns of
cortical organisation at later stages of gestation, validated by comparison to
longitudinal data; and translate appearance between preterm and term gestation
(> 37 weeks gestation), validated through comparison with a trained
term/preterm classifier. Simulated differences in cortical maturation are
consistent with observations in the literature."
1793,Body Gesture Recognition to Control a Social Robot,"In this work, we propose a gesture based language to allow humans to interact
with robots using their body in a natural way. We have created a new gesture
detection model using neural networks and a custom dataset of humans performing
a set of body gestures to train our network. Furthermore, we compare body
gesture communication with other communication channels to acknowledge the
importance of adding this knowledge to robots. The presented approach is
extensively validated in diverse simulations and real-life experiments with
non-trained volunteers. This attains remarkable results and shows that it is a
valuable framework for social robotics applications, such as human robot
collaboration or human-robot interaction."
1794,Autonomous Platoon Control with Integrated Deep Reinforcement Learning and Dynamic Programming,"Deep Reinforcement Learning (DRL) is regarded as a potential method for
car-following control and has been mostly studied to support a single following
vehicle. However, it is more challenging to learn a stable and efficient
car-following policy when there are multiple following vehicles in a platoon,
especially with unpredictable leading vehicle behavior. In this context, we
adopt an integrated DRL and Dynamic Programming (DP) approach to learn
autonomous platoon control policies, which embeds the Deep Deterministic Policy
Gradient (DDPG) algorithm into a finite-horizon value iteration framework.
Although the DP framework can improve the stability and performance of DDPG, it
has the limitations of lower sampling and training efficiency. In this paper,
we propose an algorithm, namely Finite-Horizon-DDPG with Sweeping through
reduced state space using Stationary approximation (FH-DDPG-SS), which uses
three key ideas to overcome the above limitations, i.e., transferring network
weights backward in time, stationary policy approximation for earlier time
steps, and sweeping through reduced state space. In order to verify the
effectiveness of FH-DDPG-SS, simulation using real driving data is performed,
where the performance of FH-DDPG-SS is compared with those of the benchmark
algorithms. Finally, platoon safety and string stability for FH-DDPG-SS are
demonstrated."
1795,BaIT: Barometer for Information Trustworthiness,"This paper presents a new approach to the FNC-1 fake news classification task
which involves employing pre-trained encoder models from similar NLP tasks,
namely sentence similarity and natural language inference, and two neural
network architectures using this approach are proposed. Methods in data
augmentation are explored as a means of tackling class imbalance in the
dataset, employing common pre-existing methods and proposing a method for
sample generation in the under-represented class using a novel sentence
negation algorithm. Comparable overall performance with existing baselines is
achieved, while significantly increasing accuracy on an under-represented but
nonetheless important class for FNC-1."
1796,Corruption-Robust Contextual Search through Density Updates,"We study the problem of contextual search in the adversarial noise model. Let
$d$ be the dimension of the problem, $T$ be the time horizon and $C$ be the
total amount of noise in the system. For the $\eps$-ball loss, we give a tight
regret bound of $O(C + d \log(1/\eps))$ improving over the $O(d^3 \log(1/\eps))
\log^2(T) + C \log(T) \log(1/\eps))$ bound of Krishnamurthy et al (STOC21). For
the symmetric loss, we give an efficient algorithm with regret $O(C+d \log T)$.
Our techniques are a significant departure from prior approaches.
Specifically, we keep track of density functions over the candidate vectors
instead of a knowledge set consisting of the candidate vectors consistent with
the feedback obtained."
1797,QONNX: Representing Arbitrary-Precision Quantized Neural Networks,"We present extensions to the Open Neural Network Exchange (ONNX) intermediate
representation format to represent arbitrary-precision quantized neural
networks. We first introduce support for low precision quantization in existing
ONNX-based quantization formats by leveraging integer clipping, resulting in
two new backward-compatible variants: the quantized operator format with
clipping and quantize-clip-dequantize (QCDQ) format. We then introduce a novel
higher-level ONNX format called quantized ONNX (QONNX) that introduces three
new operators -- Quant, BipolarQuant, and Trunc -- in order to represent
uniform quantization. By keeping the QONNX IR high-level and flexible, we
enable targeting a wider variety of platforms. We also present utilities for
working with QONNX, as well as examples of its usage in the FINN and hls4ml
toolchains. Finally, we introduce the QONNX model zoo to share low-precision
quantized neural networks."
1798,Investigating Multi-Feature Selection and Ensembling for Audio Classification,"Deep Learning (DL) algorithms have shown impressive performance in diverse
domains. Among them, audio has attracted many researchers over the last couple
of decades due to some interesting patterns--particularly in classification of
audio data. For better performance of audio classification, feature selection
and combination play a key role as they have the potential to make or break the
performance of any DL model. To investigate this role, we conduct an extensive
evaluation of the performance of several cutting-edge DL models (i.e.,
Convolutional Neural Network, EfficientNet, MobileNet, Supper Vector Machine
and Multi-Perceptron) with various state-of-the-art audio features (i.e., Mel
Spectrogram, Mel Frequency Cepstral Coefficients, and Zero Crossing Rate)
either independently or as a combination (i.e., through ensembling) on three
different datasets (i.e., Free Spoken Digits Dataset, Audio Urdu Digits
Dataset, and Audio Gujarati Digits Dataset). Overall, results suggest feature
selection depends on both the dataset and the model. However, feature
combinations should be restricted to the only features that already achieve
good performances when used individually (i.e., mostly Mel Spectrogram, Mel
Frequency Cepstral Coefficients). Such feature combination/ensembling enabled
us to outperform the previous state-of-the-art results irrespective of our
choice of DL model."
1799,Deep Multi-Task Networks For Occluded Pedestrian Pose Estimation,"Most of the existing works on pedestrian pose estimation do not consider
estimating the pose of an occluded pedestrians, as the annotations of the
occluded parts are not available in relevant automotive datasets. For example,
CityPersons, a well-known dataset for pedestrian detection in automotive scenes
does not provide pose annotations, whereas MS-COCO, a non-automotive dataset,
contains human pose estimation. In this work, we propose a multi-task framework
to extract pedestrian features through detection and instance segmentation
tasks performed separately on these two distributions. Thereafter, an encoder
learns pose specific features using an unsupervised instance-level domain
adaptation method for the pedestrian instances from both distributions. The
proposed framework has improved state-of-the-art performances of pose
estimation, pedestrian detection, and instance segmentation."
1800,"Large-scale, multi-centre, multi-disease validation of an AI clinical tool for cine CMR analysis","INTRODUCTION: Artificial intelligence (AI) has the potential to facilitate
the automation of CMR analysis for biomarker extraction. However, most AI
algorithms are trained on a specific input domain (e.g., single scanner vendor
or hospital-tailored imaging protocol) and lack the robustness to perform
optimally when applied to CMR data from other input domains. METHODS: Our
proposed framework consists of an AI-based algorithm for biventricular
segmentation of short-axis images, followed by a post-analysis quality control
to detect erroneous results. The segmentation algorithm was trained on a large
dataset of clinical CMR scans from two NHS hospitals (n=2793) and validated on
additional cases from this dataset (n=441) and on five external datasets
(n=6808). The validation data included CMR scans of patients with a range of
diseases acquired at 12 different centres using CMR scanners from all major
vendors. RESULTS: Our method yielded median Dice scores over 87%, translating
into median absolute errors in cardiac biomarkers within the range of
inter-observer variability: <8.4mL (left ventricle), <9.2mL (right ventricle),
<13.3g (left ventricular mass), and <5.9% (ejection fraction) across all
datasets. Stratification of cases according to phenotypes of cardiac disease
and scanner vendors showed good agreement. CONCLUSIONS: We show that our
proposed tool, which combines a state-of-the-art AI algorithm trained on a
large-scale multi-domain CMR dataset with a post-analysis quality control,
allows us to robustly deal with routine clinical data from multiple centres,
vendors, and cardiac diseases. This is a fundamental step for the clinical
translation of AI algorithms. Moreover, our method yields a range of additional
biomarkers of cardiac function (filling and ejection rates, regional wall
motion, and strain) at no extra computational cost."
1801,VisageSynTalk: Unseen Speaker Video-to-Speech Synthesis via Speech-Visage Feature Selection,"The goal of this work is to reconstruct speech from a silent talking face
video. Recent studies have shown impressive performance on synthesizing speech
from silent talking face videos. However, they have not explicitly considered
on varying identity characteristics of different speakers, which place a
challenge in the video-to-speech synthesis, and this becomes more critical in
unseen-speaker settings. Distinct from the previous methods, our approach is to
separate the speech content and the visage-style from a given silent talking
face video. By guiding the model to independently focus on modeling the two
representations, we can obtain the speech of high intelligibility from the
model even when the input video of an unseen subject is given. To this end, we
introduce speech-visage selection module that separates the speech content and
the speaker identity from the visual features of the input video. The
disentangled representations are jointly incorporated to synthesize speech
through visage-style based synthesizer which generates speech by coating the
visage-styles while maintaining the speech content. Thus, the proposed
framework brings the advantage of synthesizing the speech containing the right
content even when the silent talking face video of an unseen subject is given.
We validate the effectiveness of the proposed framework on the GRID, TCD-TIMIT
volunteer, and LRW datasets. The synthesized speech can be heard in
supplementary materials."
1802,Understanding and Optimizing Deep Learning Cold-Start Latency on Edge Devices,"DNNs are ubiquitous on edge devices nowadays. With its increasing importance
and use cases, it's not likely to pack all DNNs into device memory and expect
that each inference has been warmed up. Therefore, cold inference, the process
to read, initialize, and execute a DNN model, is becoming commonplace and its
performance is urgently demanded to be optimized. To this end, we present
NNV12, the first on-device inference engine that optimizes for cold inference
NNV12 is built atop 3 novel optimization knobs: selecting a proper kernel
(implementation) for each DNN operator, bypassing the weights transformation
process by caching the post-transformed weights on disk, and pipelined
execution of many kernels on asymmetric processors. To tackle with the huge
search space, NNV12 employs a heuristic-based scheme to obtain a near-optimal
kernel scheduling plan. We fully implement a prototype of NNV12 and evaluate
its performance across extensive experiments. It shows that NNV12 achieves up
to 15.2x and 401.5x compared to the state-of-the-art DNN engines on edge CPUs
and GPUs, respectively."
1803,Predicting Gender via Eye Movements,"In this paper, we report the first stable results on gender prediction via
eye movements. We use a dataset with images of faces as stimuli and with a
large number of 370 participants. Stability has two meanings for us: first that
we are able to estimate the standard deviation (SD) of a single prediction
experiment (it is around 4.1 %); this is achieved by varying the number of
participants. And second, we are able to provide a mean accuracy with a very
low standard error (SEM): our accuracy is 65.2 %, and the SEM is 0.80 %; this
is achieved through many runs of randomly selecting training and test sets for
the prediction. Our study shows that two particular classifiers achieve the
best accuracies: Random Forests and Logistic Regression. Our results reconfirm
previous findings that females are more biased towards the left eyes of the
stimuli."
1804,Lessons learned from the NeurIPS 2021 MetaDL challenge: Backbone fine-tuning without episodic meta-learning dominates for few-shot learning image classification,"Although deep neural networks are capable of achieving performance superior
to humans on various tasks, they are notorious for requiring large amounts of
data and computing resources, restricting their success to domains where such
resources are available. Metalearning methods can address this problem by
transferring knowledge from related tasks, thus reducing the amount of data and
computing resources needed to learn new tasks. We organize the MetaDL
competition series, which provide opportunities for research groups all over
the world to create and experimentally assess new meta-(deep)learning solutions
for real problems. In this paper, authored collaboratively between the
competition organizers and the top-ranked participants, we describe the design
of the competition, the datasets, the best experimental results, as well as the
top-ranked methods in the NeurIPS 2021 challenge, which attracted 15 active
teams who made it to the final phase (by outperforming the baseline), making
over 100 code submissions during the feedback phase. The solutions of the top
participants have been open-sourced. The lessons learned include that learning
good representations is essential for effective transfer learning."
1805,Multi-Objective Hyperparameter Optimization -- An Overview,"Hyperparameter optimization constitutes a large part of typical modern
machine learning workflows. This arises from the fact that machine learning
methods and corresponding preprocessing steps often only yield optimal
performance when hyperparameters are properly tuned. But in many applications,
we are not only interested in optimizing ML pipelines solely for predictive
accuracy; additional metrics or constraints must be considered when determining
an optimal configuration, resulting in a multi-objective optimization problem.
This is often neglected in practice, due to a lack of knowledge and readily
available software implementations for multi-objective hyperparameter
optimization. In this work, we introduce the reader to the basics of multi-
objective hyperparameter optimization and motivate its usefulness in applied
ML. Furthermore, we provide an extensive survey of existing optimization
strategies, both from the domain of evolutionary algorithms and Bayesian
optimization. We illustrate the utility of MOO in several specific ML
applications, considering objectives such as operating conditions, prediction
time, sparseness, fairness, interpretability and robustness."
1806,Hardening DNNs against Transfer Attacks during Network Compression using Greedy Adversarial Pruning,"The prevalence and success of Deep Neural Network (DNN) applications in
recent years have motivated research on DNN compression, such as pruning and
quantization. These techniques accelerate model inference, reduce power
consumption, and reduce the size and complexity of the hardware necessary to
run DNNs, all with little to no loss in accuracy. However, since DNNs are
vulnerable to adversarial inputs, it is important to consider the relationship
between compression and adversarial robustness. In this work, we investigate
the adversarial robustness of models produced by several irregular pruning
schemes and by 8-bit quantization. Additionally, while conventional pruning
removes the least important parameters in a DNN, we investigate the effect of
an unconventional pruning method: removing the most important model parameters
based on the gradient on adversarial inputs. We call this method Greedy
Adversarial Pruning (GAP) and we find that this pruning method results in
models that are resistant to transfer attacks from their uncompressed
counterparts."
1807,Automating the resolution of flight conflicts: Deep reinforcement learning in service of air traffic controllers,"Dense and complex air traffic scenarios require higher levels of automation
than those exhibited by tactical conflict detection and resolution (CD\&R)
tools that air traffic controllers (ATCO) use today. However, the air traffic
control (ATC) domain, being safety critical, requires AI systems to which
operators are comfortable to relinquishing control, guaranteeing operational
integrity and automation adoption. Two major factors towards this goal are
quality of solutions, and transparency in decision making. This paper proposes
using a graph convolutional reinforcement learning method operating in a
multiagent setting where each agent (flight) performs a CD\&R task, jointly
with other agents. We show that this method can provide high-quality solutions
with respect to stakeholders interests (air traffic controllers and airspace
users), addressing operational transparency issues."
1808,"""Why Here and Not There?"" -- Diverse Contrasting Explanations of Dimensionality Reduction","Dimensionality reduction is a popular preprocessing and a widely used tool in
data mining. Transparency, which is usually achieved by means of explanations,
is nowadays a widely accepted and crucial requirement of machine learning based
systems like classifiers and recommender systems. However, transparency of
dimensionality reduction and other data mining tools have not been considered
much yet, still it is crucial to understand their behavior -- in particular
practitioners might want to understand why a specific sample got mapped to a
specific location. In order to (locally) understand the behavior of a given
dimensionality reduction method, we introduce the abstract concept of
contrasting explanations for dimensionality reduction, and apply a realization
of this concept to the specific application of explaining two dimensional data
visualization."
1809,Subsurface Depths Structure Maps Reconstruction with Generative Adversarial Networks,"This paper described a method for reconstruction of detailed-resolution depth
structure maps, usually obtained after the 3D seismic surveys, using the data
from 2D seismic depth maps. The method uses two algorithms based on the
generative-adversarial neural network architecture. The first algorithm
StyleGAN2-ADA accumulates in the hidden space of the neural network the
semantic images of mountainous terrain forms first, and then with help of
transfer learning, in the ideal case - the structure geometry of stratigraphic
horizons. The second algorithm, the Pixel2Style2Pixel encoder, using the
semantic level of generalization of the first algorithm, learns to reconstruct
the original high-resolution images from their degraded copies
(super-resolution technology). There was demonstrated a methodological approach
to transferring knowledge on the structural forms of stratigraphic horizon
boundaries from the well-studied areas to the underexplored ones. Using the
multimodal synthesis of Pixel2Style2Pixel encoder, it is proposed to create a
probabilistic depth space, where each point of the project area is represented
by the density of probabilistic depth distribution of equally probable
reconstructed geological forms of structural images. Assessment of the
reconstruction quality was carried out for two blocks. Using this method,
credible detailed depth reconstructions comparable with the quality of 3D
seismic maps have been obtained from 2D seismic maps."
1810,The Manifold Hypothesis for Gradient-Based Explanations,"When do gradient-based explanation algorithms provide meaningful
explanations? We propose a necessary criterion: their feature attributions need
to be aligned with the tangent space of the data manifold. To provide evidence
for this hypothesis, we introduce a framework based on variational autoencoders
that allows to estimate and generate image manifolds. Through experiments
across a range of different datasets -- MNIST, EMNIST, CIFAR10, X-ray pneumonia
and Diabetic Retinopathy detection -- we demonstrate that the more a feature
attribution is aligned with the tangent space of the data, the more structured
and explanatory it tends to be. In particular, the attributions provided by
popular post-hoc methods such as Integrated Gradients, SmoothGrad and Input
$\times$ Gradient tend to be more strongly aligned with the data manifold than
the raw gradient. As a consequence, we suggest that explanation algorithms
should actively strive to align their explanations with the data manifold. In
part, this can be achieved by adversarial training, which leads to better
alignment across all datasets. Some form of adjustment to the model
architecture or training algorithm is necessary, since we show that
generalization of neural networks alone does not imply the alignment of model
gradients with the data manifold."
1811,Finite-Sample Guarantees for High-Dimensional DML,"Debiased machine learning (DML) offers an attractive way to estimate
treatment effects in observational settings, where identification of causal
parameters requires a conditional independence or unconfoundedness assumption,
since it allows to control flexibly for a potentially very large number of
covariates. This paper gives novel finite-sample guarantees for joint inference
on high-dimensional DML, bounding how far the finite-sample distribution of the
estimator is from its asymptotic Gaussian approximation. These guarantees are
useful to applied researchers, as they are informative about how far off the
coverage of joint confidence bands can be from the nominal level. There are
many settings where high-dimensional causal parameters may be of interest, such
as the ATE of many treatment profiles, or the ATE of a treatment on many
outcomes. We also cover infinite-dimensional parameters, such as impacts on the
entire marginal distribution of potential outcomes. The finite-sample
guarantees in this paper complement the existing results on consistency and
asymptotic normality of DML estimators, which are either asymptotic or treat
only the one-dimensional case."
1812,Mean-Semivariance Policy Optimization via Risk-Averse Reinforcement Learning,"Keeping risk under control is often more crucial than maximizing expected
reward in real-world decision-making situations, such as finance, robotics,
autonomous driving, etc. The most natural choice of risk measures is variance,
while it penalizes the upside volatility as much as the downside part. Instead,
the (downside) semivariance, which captures negative deviation of a random
variable under its mean, is more suitable for risk-averse proposes. This paper
aims at optimizing the mean-semivariance (MSV) criterion in reinforcement
learning w.r.t. steady rewards. Since semivariance is time-inconsistent and
does not satisfy the standard Bellman equation, the traditional dynamic
programming methods are inapplicable to MSV problems directly. To tackle this
challenge, we resort to the Perturbation Analysis (PA) theory and establish the
performance difference formula for MSV. We reveal that the MSV problem can be
solved by iteratively solving a sequence of RL problems with a policy-dependent
reward function. Further, we propose two on-policy algorithms based on the
policy gradient theory and the trust region method. Finally, we conduct diverse
experiments from simple bandit problems to continuous control tasks in MuJoCo,
which demonstrate the effectiveness of our proposed methods."
1813,Lattice Convolutional Networks for Learning Ground States of Quantum Many-Body Systems,"Deep learning methods have been shown to be effective in representing
ground-state wave functions of quantum many-body systems. Existing methods use
convolutional neural networks (CNNs) for square lattices due to their
image-like structures. For non-square lattices, existing method uses graph
neural network (GNN) in which structure information is not precisely captured,
thereby requiring additional hand-crafted sublattice encoding. In this work, we
propose lattice convolutions in which a set of proposed operations are used to
convert non-square lattices into grid-like augmented lattices on which regular
convolution can be applied. Based on the proposed lattice convolutions, we
design lattice convolutional networks (LCN) that use self-gating and attention
mechanisms. Experimental results show that our method achieves performance on
par or better than existing methods on spin 1/2 $J_1$-$J_2$ Heisenberg model
over the square, honeycomb, triangular, and kagome lattices while without using
hand-crafted encoding."
1814,DiffWire: Inductive Graph Rewiring via the Lovász Bound,"Graph Neural Networks (GNNs) have been shown to achieve competitive results
to tackle graph-related tasks, such as node and graph classification, link
prediction and node and graph clustering in a variety of domains. Most GNNs use
a message passing framework and hence are called MPNNs. Despite their promising
results, MPNNs have been reported to suffer from over-smoothing, over-squashing
and under-reaching. Graph rewiring and graph pooling have been proposed in the
literature as solutions to address these limitations. However, most
state-of-the-art graph rewiring methods fail to preserve the global topology of
the graph, are not differentiable (inductive) and require the tuning of
hyper-parameters. In this paper, we propose DiffWire, a novel framework for
graph rewiring in MPNNs that is principled, fully differentiable and
parameter-free by leveraging the Lov\'asz bound. Our approach provides a
unified theory for graph rewiring by proposing two new, complementary layers in
MPNNs: first, CTLayer, a layer that learns the commute times and uses them as a
relevance function for edge re-weighting; second, GAPLayer, a layer to optimize
the spectral gap, depending on the nature of the network and the task at hand.
We empirically validate the value of our proposed approach and each of these
layers separately with benchmark datasets for graph classification. DiffWire
brings together the learnability of commute times to related definitions of
curvature, opening the door to the development of more expressive MPNNs."
1815,Modern Machine-Learning Predictive Models for Diagnosing Infectious Diseases,"Controlling infectious diseases is a major health priority because they can
spread and infect humans, thus evolving into epidemics or pandemics. Therefore,
early detection of infectious diseases is a significant need, and many
researchers have developed models to diagnose them in the early stages. This
paper reviewed research articles for recent machine-learning (ML) algorithms
applied to infectious disease diagnosis. We searched the Web of Science,
ScienceDirect, PubMed, Springer, and IEEE databases from 2015 to 2022,
identified the pros and cons of the reviewed ML models, and discussed the
possible recommendations to advance the studies in this field. We found that
most of the articles used small datasets, and few of them used real-time data.
Our results demonstrated that a suitable ML technique depends on the nature of
the dataset and the desired goal."
1816,Robust SAR ATR on MSTAR with Deep Learning Models trained on Full Synthetic MOCEM data,"The promising potential of Deep Learning for Automatic Target Recognition
(ATR) on Synthetic Aperture Radar (SAR) images vanishes when considering the
complexity of collecting training datasets measurements. Simulation can
overcome this issue by producing synthetic training datasets. However, because
of the limited representativeness of simulation, models trained in a classical
way with synthetic images have limited generalization abilities when dealing
with real measurement at test time. Previous works identified a set of equally
promising deep-learning algorithms to tackle this issue. However, these
approaches have been evaluated in a very favorable scenario with a synthetic
training dataset that overfits the ground truth of the measured test data. In
this work, we study the ATR problem outside of this ideal condition, which is
unlikely to occur in real operational contexts. Our contribution is threefold.
(1) Using the MOCEM simulator (developed by SCALIAN DS for the French MoD/DGA),
we produce a synthetic MSTAR training dataset that differs significantly from
the real measurements. (2) We experimentally demonstrate the limits of the
state-of-the-art. (3) We show that domain randomization techniques and
adversarial training can be combined to overcome this issue. We demonstrate
that this approach is more robust than the state-of-the-art, with an accuracy
of 75 %, while having a limited impact on computing performance during
training."
1817,Automatic Detection of Rice Disease in Images of Various Leaf Sizes,"Fast, accurate and affordable rice disease detection method is required to
assist rice farmers tackling equipment and expertise shortages problems. In
this paper, we focused on the solution using computer vision technique to
detect rice diseases from rice field photograph images. Dealing with images
took in real-usage situation by general farmers is quite challenging due to
various environmental factors, and rice leaf object size variation is one major
factor caused performance gradation. To solve this problem, we presented a
technique combining a CNN object detection with image tiling technique, based
on automatically estimated width size of rice leaves in the images as a size
reference for dividing the original input image. A model to estimate leaf width
was created by small size CNN such as 18 layer ResNet architecture model. A new
divided tiled sub-image set with uniformly sized object was generated and used
as input for training a rice disease prediction model. Our technique was
evaluated on 4,960 images of eight different types of rice leaf diseases,
including blast, blight, brown spot, narrow brown spot, orange, red stripe,
rice grassy stunt virus, and streak disease. The mean absolute percentage error
(MAPE) for leaf width prediction task evaluated on all eight classes was 11.18%
in the experiment, indicating that the leaf width prediction model performed
well. The mean average precision (mAP) of the prediction performance on YOLOv4
architecture was enhanced from 87.56% to 91.14% when trained and tested with
the tiled dataset. According to our study, the proposed image tiling technique
improved rice disease detection efficiency."
1818,Cautious Learning of Multiattribute Preferences,"This paper is dedicated to a cautious learning methodology for predicting
preferences between alternatives characterized by binary attributes (formally,
each alternative is seen as a subset of attributes). By ""cautious"", we mean
that the model learned to represent the multi-attribute preferences is general
enough to be compatible with any strict weak order on the alternatives, and
that we allow ourselves not to predict some preferences if the data collected
are not compatible with a reliable prediction. A predicted preference will be
considered reliable if all the simplest models (following Occam's razor
principle) explaining the training data agree on it. Predictions are based on
an ordinal dominance relation between alternatives [Fishburn and LaValle,
1996]. The dominance relation relies on an uncertainty set encompassing the
possible values of the parameters of the multi-attribute utility function.
Numerical tests are provided to evaluate the richness and the reliability of
the predictions made."
1819,On Numerical Integration in Neural Ordinary Differential Equations,"The combination of ordinary differential equations and neural networks, i.e.,
neural ordinary differential equations (Neural ODE), has been widely studied
from various angles. However, deciphering the numerical integration in Neural
ODE is still an open challenge, as many researches demonstrated that numerical
integration significantly affects the performance of the model. In this paper,
we propose the inverse modified differential equations (IMDE) to clarify the
influence of numerical integration on training Neural ODE models. IMDE is
determined by the learning task and the employed ODE solver. It is shown that
training a Neural ODE model actually returns a close approximation of the IMDE,
rather than the true ODE. With the help of IMDE, we deduce that (i) the
discrepancy between the learned model and the true ODE is bounded by the sum of
discretization error and learning loss; (ii) Neural ODE using non-symplectic
numerical integration fail to learn conservation laws theoretically. Several
experiments are performed to numerically verify our theoretical analysis."
1820,Detection of magnetohydrodynamic waves by using machine learning,"Nonlinear wave interactions, such as shock refraction at an inclined density
interface, in magnetohydrodynamic (MHD) lead to a plethora of wave patterns
with myriad wave types. Identification of different types of MHD waves is an
important and challenging task in such complex wave patterns. Moreover, owing
to the multiplicity of solutions and their admissibility for different systems,
especially for intermediate-type MHD shock waves, the identification of MHD
wave types is complicated if one solely relies on the Rankine-Hugoniot jump
conditions. MHD wave detection is further exacerbated by the unphysical
smearing of discontinuous shock waves in numerical simulations. We present two
MHD wave detection methods based on a convolutional neural network (CNN) which
enables the classification of waves and identification of their locations. The
first method separates the output into a regression (location prediction) and a
classification problem assuming the number of waves for each training data is
fixed. In the second method, the number of waves is not specified a priori and
the algorithm, using only regression, predicts the waves' locations and
classifies their types. The first fixed output model efficiently provides high
precision and recall, the accuracy of the entire neural network achieved is up
to 0.99, and the classification accuracy of some waves approaches unity. The
second detection model has relatively lower performance, with more sensitivity
to the setting of parameters, such as the number of grid cells N_{grid} and the
thresholds of confidence score and class probability, etc. The proposed two
methods demonstrate very strong potential to be applied for MHD wave detection
in some complex wave structures and interactions."
1821,A Survey : Neural Networks for AMR-to-Text,"AMR-to-text is one of the key techniques in the NLP community that aims at
generating sentences from the Abstract Meaning Representation (AMR) graphs.
Since AMR was proposed in 2013, the study on AMR-to-Text has become
increasingly prevalent as an essential branch of structured data to text
because of the unique advantages of AMR as a high-level semantic description of
natural language. In this paper, we provide a brief survey of AMR-to-Text.
Firstly, we introduce the current scenario of this technique and point out its
difficulties. Secondly, based on the methods used in previous studies, we
roughly divided them into five categories according to their respective
mechanisms, i.e., Rules-based, Seq-to-Seq-based, Graph-to-Seq-based,
Transformer-based, and Pre-trained Language Model (PLM)-based. In particular,
we detail the neural network-based method and present the latest progress of
AMR-to-Text, which refers to AMR reconstruction, Decoder optimization, etc.
Furthermore, we present the benchmarks and evaluation methods of AMR-to-Text.
Eventually, we provide a summary of current techniques and the outlook for
future research."
1822,A smile is all you need: Predicting limiting activity coefficients from SMILES with natural language processing,"Knowledge of mixtures' phase equilibria is crucial in nature and technical
chemistry. Phase equilibria calculations of mixtures require activity
coefficients. However, experimental data on activity coefficients is often
limited due to high cost of experiments. For an accurate and efficient
prediction of activity coefficients, machine learning approaches have been
recently developed. However, current machine learning approaches still
extrapolate poorly for activity coefficients of unknown molecules. In this
work, we introduce the SMILES-to-Properties-Transformer (SPT), a natural
language processing network to predict binary limiting activity coefficients
from SMILES codes. To overcome the limitations of available experimental data,
we initially train our network on a large dataset of synthetic data sampled
from COSMO-RS (10 Million data points) and then fine-tune the model on
experimental data (20 870 data points). This training strategy enables SPT to
accurately predict limiting activity coefficients even for unknown molecules,
cutting the mean prediction error in half compared to state-of-the-art models
for activity coefficient predictions such as COSMO-RS, UNIFAC, and improving on
recent machine learning approaches."
1823,Morphence-2.0: Evasion-Resilient Moving Target Defense Powered by Out-of-Distribution Detection,"Evasion attacks against machine learning models often succeed via iterative
probing of a fixed target model, whereby an attack that succeeds once will
succeed repeatedly. One promising approach to counter this threat is making a
model a moving target against adversarial inputs. To this end, we introduce
Morphence-2.0, a scalable moving target defense (MTD) powered by
out-of-distribution (OOD) detection to defend against adversarial examples. By
regularly moving the decision function of a model, Morphence-2.0 makes it
significantly challenging for repeated or correlated attacks to succeed.
Morphence-2.0 deploys a pool of models generated from a base model in a manner
that introduces sufficient randomness when it responds to prediction queries.
Via OOD detection, Morphence-2.0 is equipped with a scheduling approach that
assigns adversarial examples to robust decision functions and benign samples to
an undefended accurate models. To ensure repeated or correlated attacks fail,
the deployed pool of models automatically expires after a query budget is
reached and the model pool is seamlessly replaced by a new model pool generated
in advance. We evaluate Morphence-2.0 on two benchmark image classification
datasets (MNIST and CIFAR10) against 4 reference attacks (3 white-box and 1
black-box). Morphence-2.0 consistently outperforms prior defenses while
preserving accuracy on clean data and reducing attack transferability. We also
show that, when powered by OOD detection, Morphence-2.0 is able to precisely
make an input-based movement of the model's decision function that leads to
higher prediction accuracy on both adversarial and benign queries."
1824,A Proposed Bi-LSTM Method to Fake News Detection,"Recent years have seen an explosion in social media usage, allowing people to
connect with others. Since the appearance of platforms such as Facebook and
Twitter, such platforms influence how we speak, think, and behave. This problem
negatively undermines confidence in content because of the existence of fake
news. For instance, false news was a determining factor in influencing the
outcome of the U.S. presidential election and other sites. Because this
information is so harmful, it is essential to make sure we have the necessary
tools to detect and resist it. We applied Bidirectional Long Short-Term Memory
(Bi-LSTM) to determine if the news is false or real in order to showcase this
study. A number of foreign websites and newspapers were used for data
collection. After creating & running the model, the work achieved 84% model
accuracy and 62.0 F1-macro scores with training data."
1825,Online Contextual Decision-Making with a Smart Predict-then-Optimize Method,"We study an online contextual decision-making problem with resource
constraints. At each time period, the decision-maker first predicts a reward
vector and resource consumption matrix based on a given context vector and then
solves a downstream optimization problem to make a decision. The final goal of
the decision-maker is to maximize the summation of the reward and the utility
from resource consumption, while satisfying the resource constraints. We
propose an algorithm that mixes a prediction step based on the ""Smart
Predict-then-Optimize (SPO)"" method with a dual update step based on mirror
descent. We prove regret bounds and demonstrate that the overall convergence
rate of our method depends on the $\mathcal{O}(T^{-1/2})$ convergence of online
mirror descent as well as risk bounds of the surrogate loss function used to
learn the prediction model. Our algorithm and regret bounds apply to a general
convex feasible region for the resource constraints, including both hard and
soft resource constraint cases, and they apply to a wide class of prediction
models in contrast to the traditional settings of linear contextual models or
finite policy spaces. We also conduct numerical experiments to empirically
demonstrate the strength of our proposed SPO-type methods, as compared to
traditional prediction-error-only methods, on multi-dimensional knapsack and
longest path instances."
1826,Fast and Reliable Evaluation of Adversarial Robustness with Minimum-Margin Attack,"The AutoAttack (AA) has been the most reliable method to evaluate adversarial
robustness when considerable computational resources are available. However,
the high computational cost (e.g., 100 times more than that of the project
gradient descent attack) makes AA infeasible for practitioners with limited
computational resources, and also hinders applications of AA in the adversarial
training (AT). In this paper, we propose a novel method, minimum-margin (MM)
attack, to fast and reliably evaluate adversarial robustness. Compared with AA,
our method achieves comparable performance but only costs 3% of the
computational time in extensive experiments. The reliability of our method lies
in that we evaluate the quality of adversarial examples using the margin
between two targets that can precisely identify the most adversarial example.
The computational efficiency of our method lies in an effective Sequential
TArget Ranking Selection (STARS) method, ensuring that the cost of the MM
attack is independent of the number of classes. The MM attack opens a new way
for evaluating adversarial robustness and provides a feasible and reliable way
to generate high-quality adversarial examples in AT."
1827,Can pruning improve certified robustness of neural networks?,"With the rapid development of deep learning, the sizes of neural networks
become larger and larger so that the training and inference often overwhelm the
hardware resources. Given the fact that neural networks are often
over-parameterized, one effective way to reduce such computational overhead is
neural network pruning, by removing redundant parameters from trained neural
networks. It has been recently observed that pruning can not only reduce
computational overhead but also can improve empirical robustness of deep neural
networks (NNs), potentially owing to removing spurious correlations while
preserving the predictive accuracies. This paper for the first time
demonstrates that pruning can generally improve certified robustness for
ReLU-based NNs under the complete verification setting. Using the popular
Branch-and-Bound (BaB) framework, we find that pruning can enhance the
estimated bound tightness of certified robustness verification, by alleviating
linear relaxation and sub-domain split problems. We empirically verify our
findings with off-the-shelf pruning methods and further present a new
stability-based pruning method tailored for reducing neuron instability, that
outperforms existing pruning methods in enhancing certified robustness. Our
experiments show that by appropriately pruning an NN, its certified accuracy
can be boosted up to 8.2% under standard training, and up to 24.5% under
adversarial training on the CIFAR10 dataset. We additionally observe the
existence of certified lottery tickets that can match both standard and
certified robust accuracies of the original dense models across different
datasets. Our findings offer a new angle to study the intriguing interaction
between sparsity and robustness, i.e. interpreting the interaction of sparsity
and certified robustness via neuron stability. Codes are available at:
https://github.com/VITA-Group/CertifiedPruning."
1828,Estimating the Optimal Covariance with Imperfect Mean in Diffusion Probabilistic Models,"Diffusion probabilistic models (DPMs) are a class of powerful deep generative
models (DGMs). Despite their success, the iterative generation process over the
full timesteps is much less efficient than other DGMs such as GANs. Thus, the
generation performance on a subset of timesteps is crucial, which is greatly
influenced by the covariance design in DPMs. In this work, we consider diagonal
and full covariances to improve the expressive power of DPMs. We derive the
optimal result for such covariances, and then correct it when the mean of DPMs
is imperfect. Both the optimal and the corrected ones can be decomposed into
terms of conditional expectations over functions of noise. Building upon it, we
propose to estimate the optimal covariance and its correction given imperfect
mean by learning these conditional expectations. Our method can be applied to
DPMs with both discrete and continuous timesteps. We consider the diagonal
covariance in our implementation for computational efficiency. For an efficient
practical implementation, we adopt a parameter sharing scheme and a two-stage
training process. Empirically, our method outperforms a wide variety of
covariance design on likelihood results, and improves the sample quality
especially on a small number of timesteps."
1829,VCT: A Video Compression Transformer,"We show how transformers can be used to vastly simplify neural video
compression. Previous methods have been relying on an increasing number of
architectural biases and priors, including motion prediction and warping
operations, resulting in complex models. Instead, we independently map input
frames to representations and use a transformer to model their dependencies,
letting it predict the distribution of future representations given the past.
The resulting video compression transformer outperforms previous methods on
standard video compression data sets. Experiments on synthetic data show that
our model learns to handle complex motion patterns such as panning, blurring
and fading purely from data. Our approach is easy to implement, and we release
code to facilitate future research."
1830,Diffusion Transport Alignment,"The integration of multimodal data presents a challenge in cases when the
study of a given phenomena by different instruments or conditions generates
distinct but related domains. Many existing data integration methods assume a
known one-to-one correspondence between domains of the entire dataset, which
may be unrealistic. Furthermore, existing manifold alignment methods are not
suited for cases where the data contains domain-specific regions, i.e., there
is not a counterpart for a certain portion of the data in the other domain. We
propose Diffusion Transport Alignment (DTA), a semi-supervised manifold
alignment method that exploits prior correspondence knowledge between only a
few points to align the domains. By building a diffusion process, DTA finds a
transportation plan between data measured from two heterogeneous domains with
different feature spaces, which by assumption, share a similar geometrical
structure coming from the same underlying data generating process. DTA can also
compute a partial alignment in a data-driven fashion, resulting in accurate
alignments when some data are measured in only one domain. We empirically
demonstrate that DTA outperforms other methods in aligning multimodal data in
this semisupervised setting. We also empirically show that the alignment
obtained by DTA can improve the performance of machine learning tasks, such as
domain adaptation, inter-domain feature mapping, and exploratory data analysis,
while outperforming competing methods."
1831,Knowledge Management System with NLP-Assisted Annotations: A Brief Survey and Outlook,"Knowledge management systems are in high demand for industrial researchers,
chemical or research enterprises, or evidence-based decision making. However,
existing systems have limitations in categorizing and organizing paper insights
or relationships. Traditional databases are usually disjoint with logging
systems, which limit its utility in generating concise, collated overviews. In
this work, we briefly survey existing approaches of this problem space and
propose a unified framework that utilizes relational databases to log
hierarchical information to facilitate the research and writing process, or
generate useful knowledge from references or insights from connected concepts.
This framework of knowledge management system enables novel functionalities
encompassing improved hierarchical notetaking, AI-assisted brainstorming, and
multi-directional relationships. Potential applications include managing
inventories and changes for manufacture or research enterprises, or generating
analytic reports with evidence-based decision making."
1832,FOLD-TR: A Scalable and Efficient Inductive Learning Algorithm for Learning To Rank,"FOLD-R++ is a new inductive learning algorithm for binary classification
tasks. It generates an (explainable) normal logic program for mixed type
(numerical and categorical) data. We present a customized FOLD-R++ algorithm
with the ranking framework, called FOLD-TR, that aims to rank new items
following the ranking pattern in the training data. Like FOLD-R++, the FOLD-TR
algorithm is able to handle mixed-type data directly and provide native
justification to explain the comparison between a pair of items."
1833,Differentiable Top-k Classification Learning,"The top-k classification accuracy is one of the core metrics in machine
learning. Here, k is conventionally a positive integer, such as 1 or 5, leading
to top-1 or top-5 training objectives. In this work, we relax this assumption
and optimize the model for multiple k simultaneously instead of using a single
k. Leveraging recent advances in differentiable sorting and ranking, we propose
a differentiable top-k cross-entropy classification loss. This allows training
the network while not only considering the top-1 prediction, but also, e.g.,
the top-2 and top-5 predictions. We evaluate the proposed loss function for
fine-tuning on state-of-the-art architectures, as well as for training from
scratch. We find that relaxing k does not only produce better top-5 accuracies,
but also leads to top-1 accuracy improvements. When fine-tuning publicly
available ImageNet models, we achieve a new state-of-the-art for these models."
1834,"A Survey on Gradient Inversion: Attacks, Defenses and Future Directions","Recent studies have shown that the training samples can be recovered from
gradients, which are called Gradient Inversion (GradInv) attacks. However,
there remains a lack of extensive surveys covering recent advances and thorough
analysis of this issue. In this paper, we present a comprehensive survey on
GradInv, aiming to summarize the cutting-edge research and broaden the horizons
for different domains. Firstly, we propose a taxonomy of GradInv attacks by
characterizing existing attacks into two paradigms: iteration- and
recursion-based attacks. In particular, we dig out some critical ingredients
from the iteration-based attacks, including data initialization, model training
and gradient matching. Second, we summarize emerging defense strategies against
GradInv attacks. We find these approaches focus on three perspectives covering
data obscuration, model improvement and gradient protection. Finally, we
discuss some promising directions and open problems for further research."
1835,Global Convergence of Federated Learning for Mixed Regression,"This paper studies the problem of model training under Federated Learning
when clients exhibit cluster structure. We contextualize this problem in mixed
regression, where each client has limited local data generated from one of $k$
unknown regression models. We design an algorithm that achieves global
convergence from any initialization, and works even when local data volume is
highly unbalanced -- there could exist clients that contain $O(1)$ data points
only. Our algorithm first runs moment descent on a few anchor clients (each
with $\tilde{\Omega}(k)$ data points) to obtain coarse model estimates. Then
each client alternately estimates its cluster labels and refines the model
estimates based on FedAvg or FedProx. A key innovation in our analysis is a
uniform estimate on the clustering errors, which we prove by bounding the VC
dimension of general polynomial concept classes based on the theory of
algebraic geometry."
1836,ALASCA: Rethinking Label Smoothing for Deep Learning Under Label Noise,"As label noise, one of the most popular distribution shifts, severely
degrades deep neural networks' generalization performance, robust training with
noisy labels is becoming an important task in modern deep learning. In this
paper, we propose our framework, coined as Adaptive LAbel smoothing on
Sub-ClAssifier (ALASCA), that provides a robust feature extractor with
theoretical guarantee and negligible additional computation. First, we derive
that the label smoothing (LS) incurs implicit Lipschitz regularization (LR).
Furthermore, based on these derivations, we apply the adaptive LS (ALS) on
sub-classifiers architectures for the practical application of adaptive LR on
intermediate layers. We conduct extensive experiments for ALASCA and combine it
with previous noise-robust methods on several datasets and show our framework
consistently outperforms corresponding baselines."
1837,CARD: Classification and Regression Diffusion Models,"Learning the distribution of a continuous or categorical response variable
$\boldsymbol y$ given its covariates $\boldsymbol x$ is a fundamental problem
in statistics and machine learning. Deep neural network-based supervised
learning algorithms have made great progress in predicting the mean of
$\boldsymbol y$ given $\boldsymbol x$, but they are often criticized for their
ability to accurately capture the uncertainty of their predictions. In this
paper, we introduce classification and regression diffusion (CARD) models,
which combine a denoising diffusion-based conditional generative model and a
pre-trained conditional mean estimator, to accurately predict the distribution
of $\boldsymbol y$ given $\boldsymbol x$. We demonstrate the outstanding
ability of CARD in conditional distribution prediction with both toy examples
and real-world datasets, the experimental results on which show that CARD in
general outperforms state-of-the-art methods, including Bayesian neural
network-based ones that are designed for uncertainty estimation, especially
when the conditional distribution of $\boldsymbol y$ given $\boldsymbol x$ is
multi-modal."
1838,SmartMask- Developing an automated self-care system,"COVID-19 has changed our world and has filled people with fear and anxiety.
Everyone has a fear of coming in contact with people having the Coronavirus. In
Spite of releasing full lockdowns, there is still a pressing need to maintain
social distancing in the short- to medium-term to control the spread of
coronavirus. Due to lack of self discipline or obviously pulling down the mask
to get some fresh air, might pose a threat when you come near a person showing
COVID symptoms. Abiding to WHO guidelines to avoid touching the mask while
wearing it, we propose a wearable device for no contact pulling up of mask on
face and additionally to implement social distancing with sensors mounted on
the device. The SmartMask will detect if we are in the vicinity of any other
person and will pull itself up. With sensors for detecting the closeness of
objects around you and prompting you to take a proper action or pull the mask
automatically. Along with the automated mask we will incorporate a temperature
sensor to check vitals of an individual at all times and give an alert to the
peers around him. This will ensure social distancing and help in avoiding
spread of the virus."
1839,Resource-Constrained Edge AI with Early Exit Prediction,"By leveraging the data sample diversity, the early-exit network recently
emerges as a prominent neural network architecture to accelerate the deep
learning inference process. However, intermediate classifiers of the early
exits introduce additional computation overhead, which is unfavorable for
resource-constrained edge artificial intelligence (AI). In this paper, we
propose an early exit prediction mechanism to reduce the on-device computation
overhead in a device-edge co-inference system supported by early-exit networks.
Specifically, we design a low-complexity module, namely the Exit Predictor, to
guide some distinctly ""hard"" samples to bypass the computation of the early
exits. Besides, considering the varying communication bandwidth, we extend the
early exit prediction mechanism for latency-aware edge inference, which adapts
the prediction thresholds of the Exit Predictor and the confidence thresholds
of the early-exit network via a few simple regression models. Extensive
experiment results demonstrate the effectiveness of the Exit Predictor in
achieving a better tradeoff between accuracy and on-device computation overhead
for early-exit networks. Besides, compared with the baseline methods, the
proposed method for latency-aware edge inference attains higher inference
accuracy under different bandwidth conditions."
1840,Latency Control for Keyword Spotting,"Conversational agents commonly utilize keyword spotting (KWS) to initiate
voice interaction with the user. For user experience and privacy
considerations, existing approaches to KWS largely focus on accuracy, which can
often come at the expense of introduced latency. To address this tradeoff, we
propose a novel approach to control KWS model latency and which generalizes to
any loss function without explicit knowledge of the keyword endpoint. Through a
single, tunable hyperparameter, our approach enables one to balance detection
latency and accuracy for the targeted application. Empirically, we show that
our approach gives superior performance under latency constraints when compared
to existing methods. Namely, we make a substantial 25\% relative false accepts
improvement for a fixed latency target when compared to the baseline
state-of-the-art. We also show that when our approach is used in conjunction
with a max-pooling loss, we are able to improve relative false accepts by 25 %
at a fixed latency when compared to cross entropy loss."
1841,On Enforcing Better Conditioned Meta-Learning for Rapid Few-Shot Adaptation,"Inspired by the concept of preconditioning, we propose a novel method to
increase adaptation speed for gradient-based meta-learning methods without
incurring extra parameters. We demonstrate that recasting the optimization
problem to a non-linear least-squares formulation provides a principled way to
actively enforce a $\textit{well-conditioned}$ parameter space for
meta-learning models based on the concepts of the condition number and local
curvature. Our comprehensive evaluations show that the proposed method
significantly outperforms its unconstrained counterpart especially during
initial adaptation steps, while achieving comparable or better overall results
on several few-shot classification tasks -- creating the possibility of
dynamically choosing the number of adaptation steps at inference time."
1842,CLNode: Curriculum Learning for Node Classification,"Node classification is a fundamental graph-based task that aims to predict
the classes of unlabeled nodes, for which Graph Neural Networks (GNNs) are the
state-of-the-art methods. In current GNNs, training nodes (or training samples)
are treated equally throughout training. The quality of the samples, however,
varies greatly according to the graph structure. Consequently, the performance
of GNNs could be harmed by two types of low-quality samples: (1) Inter-class
nodes situated near class boundaries that connect neighboring classes. These
nodes' representations lack the typical characteristics of their corresponding
classes. Because GNNs are data-driven approaches, training on these nodes could
degrade the accuracy. (2) Mislabeled nodes. In real-world graphs, nodes are
often mislabeled, which can significantly degrade the robustness of GNNs. To
mitigate the detrimental effect of the low-quality samples, we present CLNode
(Curriculum Learning for Node Classification), which automatically adjusts the
weights of samples during training based on their quality. Specifically, we
first design a neighborhood-based difficulty measurer to accurately measure the
quality of samples. Subsequently, based on these measurements, we employ a
training scheduler to adjust the sample weights in each training epoch. To
evaluate the effectiveness of CLNode, we conduct extensive experiments by
applying it to four representative backbone GNNs. Experimental results on six
real-world networks demonstrate that CLNode is a general framework that can be
combined with various GNNs to improve their accuracy and robustness."
1843,Investigation of stellar magnetic activity using variational autoencoder based on low-resolution spectroscopic survey,"We apply the variational autoencoder (VAE) to the LAMOST-K2 low-resolution
spectra to detect the magnetic activity of the stars in the K2 field. After the
training on the spectra of the selected inactive stars, the VAE model can
efficiently generate the synthetic reference templates needed by the spectral
subtraction procedure, without knowing any stellar parameters. Then we detect
the peculiar spectral features, such as chromospheric emissions, strong nebular
emissions and lithium absorptions, in our sample. We measure the emissions of
the chromospheric activity indicators, H$\alpha$ and Ca II infrared triplet
(IRT) lines, to quantify the stellar magnetic activity. The excess emissions of
H$\alpha$ and Ca II IRT lines of the active stars are correlated well to the
rotational periods and the amplitudes of light curves derived from the K2
photometry. We degrade the LAMOST spectra to simulate the slitless spectra of
the China Space Station Telescope (CSST) and apply the VAE to the simulated
data. For cool active stars, we reveal a good agreement between the equivalent
widths (EWs) of H$\alpha$ line derived from the spectra with two resolutions.
The result indicates the ability of identifying the magnetically active stars
in the future CSST survey, which will deliver an unprecedented large database
of low-resolution spectra as well as simultaneous multi-band photometry of
stars."
1844,TeKo: Text-Rich Graph Neural Networks with External Knowledge,"Graph Neural Networks (GNNs) have gained great popularity in tackling various
analytical tasks on graph-structured data (i.e., networks). Typical GNNs and
their variants follow a message-passing manner that obtains network
representations by the feature propagation process along network topology,
which however ignore the rich textual semantics (e.g., local word-sequence)
that exist in many real-world networks. Existing methods for text-rich networks
integrate textual semantics by mainly utilizing internal information such as
topics or phrases/words, which often suffer from an inability to
comprehensively mine the text semantics, limiting the reciprocal guidance
between network structure and text semantics. To address these problems, we
propose a novel text-rich graph neural network with external knowledge (TeKo),
in order to take full advantage of both structural and textual information
within text-rich networks. Specifically, we first present a flexible
heterogeneous semantic network that incorporates high-quality entities and
interactions among documents and entities. We then introduce two types of
external knowledge, that is, structured triplets and unstructured entity
description, to gain a deeper insight into textual semantics. We further design
a reciprocal convolutional mechanism for the constructed heterogeneous semantic
network, enabling network structure and textual semantics to collaboratively
enhance each other and learn high-level network representations. Extensive
experimental results on four public text-rich networks as well as a large-scale
e-commerce searching dataset illustrate the superior performance of TeKo over
state-of-the-art baselines."
1845,Implicit Regularization or Implicit Conditioning? Exact Risk Trajectories of SGD in High Dimensions,"Stochastic gradient descent (SGD) is a pillar of modern machine learning,
serving as the go-to optimization algorithm for a diverse array of problems.
While the empirical success of SGD is often attributed to its computational
efficiency and favorable generalization behavior, neither effect is well
understood and disentangling them remains an open problem. Even in the simple
setting of convex quadratic problems, worst-case analyses give an asymptotic
convergence rate for SGD that is no better than full-batch gradient descent
(GD), and the purported implicit regularization effects of SGD lack a precise
explanation. In this work, we study the dynamics of multi-pass SGD on
high-dimensional convex quadratics and establish an asymptotic equivalence to a
stochastic differential equation, which we call homogenized stochastic gradient
descent (HSGD), whose solutions we characterize explicitly in terms of a
Volterra integral equation. These results yield precise formulas for the
learning and risk trajectories, which reveal a mechanism of implicit
conditioning that explains the efficiency of SGD relative to GD. We also prove
that the noise from SGD negatively impacts generalization performance, ruling
out the possibility of any type of implicit regularization in this context.
Finally, we show how to adapt the HSGD formalism to include streaming SGD,
which allows us to produce an exact prediction for the excess risk of
multi-pass SGD relative to that of streaming SGD (bootstrap risk)."
1846,Fair Ranking as Fair Division: Impact-Based Individual Fairness in Ranking,"Rankings have become the primary interface in two-sided online markets. Many
have noted that the rankings not only affect the satisfaction of the users
(e.g., customers, listeners, employers, travelers), but that the position in
the ranking allocates exposure -- and thus economic opportunity -- to the
ranked items (e.g., articles, products, songs, job seekers, restaurants,
hotels). This has raised questions of fairness to the items, and most existing
works have addressed fairness by explicitly linking item exposure to item
relevance. However, we argue that any particular choice of such a link function
may be difficult to defend, and we show that the resulting rankings can still
be unfair. To avoid these shortcomings, we develop a new axiomatic approach
that is rooted in principles of fair division. This not only avoids the need to
choose a link function, but also more meaningfully quantifies the impact on the
items beyond exposure. Our axioms of envy-freeness and dominance over uniform
ranking postulate that for a fair ranking policy every item should prefer their
own rank allocation over that of any other item, and that no item should be
actively disadvantaged by the rankings. To compute ranking policies that are
fair according to these axioms, we propose a new ranking objective related to
the Nash Social Welfare. We show that the solution has guarantees regarding its
envy-freeness, its dominance over uniform rankings for every item, and its
Pareto optimality. In contrast, we show that conventional exposure-based
fairness can produce large amounts of envy and have a highly disparate impact
on the items. Beyond these theoretical results, we illustrate empirically how
our framework controls the trade-off between impact-based individual item
fairness and user utility."
1847,Test-Time Adaptation for Visual Document Understanding,"Self-supervised pretraining has been able to produce transferable
representations for various visual document understanding (VDU) tasks. However,
the ability of such representations to adapt to new distribution shifts at
test-time has not been studied yet. We propose DocTTA, a novel test-time
adaptation approach for documents that leverages cross-modality self-supervised
learning via masked visual language modeling as well as pseudo labeling to
adapt models learned on a \textit{source} domain to an unlabeled
\textit{target} domain at test time. We also introduce new benchmarks using
existing public datasets for various VDU tasks including entity recognition,
key-value extraction, and document visual question answering tasks where DocTTA
improves the source model performance up to 1.79\% in (F1 score), 3.43\% (F1
score), and 17.68\% (ANLS score), respectively while drastically reducing
calibration error on target data."
1848,A Multiple kernel testing procedure for non-proportional hazards in factorial designs,"In this paper we propose a Multiple kernel testing procedure to infer
survival data when several factors (e.g. different treatment groups, gender,
medical history) and their interaction are of interest simultaneously. Our
method is able to deal with complex data and can be seen as an alternative to
the omnipresent Cox model when assumptions such as proportionality cannot be
justified. Our methodology combines well-known concepts from Survival Analysis,
Machine Learning and Multiple Testing: differently weighted log-rank tests,
kernel methods and multiple contrast tests. By that, complex hazard
alternatives beyond the classical proportional hazard set-up can be detected.
Moreover, multiple comparisons are performed by fully exploiting the dependence
structure of the single testing procedures to avoid a loss of power. In all,
this leads to a flexible and powerful procedure for factorial survival designs
whose theoretical validity is proven by martingale arguments and the theory for
$V$-statistics. We evaluate the performance of our method in an extensive
simulation study and illustrate it by a real data analysis."
1849,Location-based Twitter Filtering for the Creation of Low-Resource Language Datasets in Indonesian Local Languages,"Twitter contains an abundance of linguistic data from the real world. We
examine Twitter for user-generated content in low-resource languages such as
local Indonesian. For NLP to work in Indonesian, it must consider local
dialects, geographic context, and regional culture influence Indonesian
languages. This paper identifies the problems we faced when constructing a
Local Indonesian NLP dataset. Furthermore, we are developing a framework for
creating, collecting, and classifying Local Indonesian datasets for NLP. Using
twitter's geolocation tool for automatic annotating."
1850,Query-Adaptive Predictive Inference with Partial Labels,"The cost and scarcity of fully supervised labels in statistical machine
learning encourage using partially labeled data for model validation as a
cheaper and more accessible alternative. Effectively collecting and leveraging
weakly supervised data for large-space structured prediction tasks thus becomes
an important part of an end-to-end learning system. We propose a new
computationally-friendly methodology to construct predictive sets using only
partially labeled data on top of black-box predictive models. To do so, we
introduce ""probe"" functions as a way to describe weakly supervised instances
and define a false discovery proportion-type loss, both of which seamlessly
adapt to partial supervision and structured prediction -- ranking, matching,
segmentation, multilabel or multiclass classification. Our experiments
highlight the validity of our predictive set construction as well as the
attractiveness of a more flexible user-dependent loss framework."
1851,Training Discrete Deep Generative Models via Gapped Straight-Through Estimator,"While deep generative models have succeeded in image processing, natural
language processing, and reinforcement learning, training that involves
discrete random variables remains challenging due to the high variance of its
gradient estimation process. Monte Carlo is a common solution used in most
variance reduction approaches. However, this involves time-consuming resampling
and multiple function evaluations. We propose a Gapped Straight-Through (GST)
estimator to reduce the variance without incurring resampling overhead. This
estimator is inspired by the essential properties of Straight-Through
Gumbel-Softmax. We determine these properties and show via an ablation study
that they are essential. Experiments demonstrate that the proposed GST
estimator enjoys better performance compared to strong baselines on two
discrete deep generative modeling tasks, MNIST-VAE and ListOps."
1852,Brownian Noise Reduction: Maximizing Privacy Subject to Accuracy Constraints,"There is a disconnect between how researchers and practitioners handle
privacy-utility tradeoffs. Researchers primarily operate from a privacy first
perspective, setting strict privacy requirements and minimizing risk subject to
these constraints. Practitioners often desire an accuracy first perspective,
possibly satisfied with the greatest privacy they can get subject to obtaining
sufficiently small error. Ligett et al. have introduced a ""noise reduction""
algorithm to address the latter perspective. The authors show that by adding
correlated Laplace noise and progressively reducing it on demand, it is
possible to produce a sequence of increasingly accurate estimates of a private
parameter while only paying a privacy cost for the least noisy iterate
released. In this work, we generalize noise reduction to the setting of
Gaussian noise, introducing the Brownian mechanism. The Brownian mechanism
works by first adding Gaussian noise of high variance corresponding to the
final point of a simulated Brownian motion. Then, at the practitioner's
discretion, noise is gradually decreased by tracing back along the Brownian
path to an earlier time. Our mechanism is more naturally applicable to the
common setting of bounded $\ell_2$-sensitivity, empirically outperforms
existing work on common statistical tasks, and provides customizable control of
privacy loss over the entire interaction with the practitioner. We complement
our Brownian mechanism with ReducedAboveThreshold, a generalization of the
classical AboveThreshold algorithm that provides adaptive privacy guarantees.
Overall, our results demonstrate that one can meet utility constraints while
still maintaining strong levels of privacy."
1853,Accurate Emotion Strength Assessment for Seen and Unseen Speech Based on Data-Driven Deep Learning,"Emotion classification of speech and assessment of the emotion strength are
required in applications such as emotional text-to-speech and voice conversion.
The emotion attribute ranking function based on Support Vector Machine (SVM)
was proposed to predict emotion strength for emotional speech corpus. However,
the trained ranking function doesn't generalize to new domains, which limits
the scope of applications, especially for out-of-domain or unseen speech. In
this paper, we propose a data-driven deep learning model, i.e. StrengthNet, to
improve the generalization of emotion strength assessment for seen and unseen
speech. This is achieved by the fusion of emotional data from various domains.
We follow a multi-task learning network architecture that includes an acoustic
encoder, a strength predictor, and an auxiliary emotion predictor. Experiments
show that the predicted emotion strength of the proposed StrengthNet is highly
correlated with ground truth scores for both seen and unseen speech. We release
the source codes at: https://github.com/ttslr/StrengthNet."
1854,A Projection-Based K-space Transformer Network for Undersampled Radial MRI Reconstruction with Limited Training Subjects,"The recent development of deep learning combined with compressed sensing
enables fast reconstruction of undersampled MR images and has achieved
state-of-the-art performance for Cartesian k-space trajectories. However,
non-Cartesian trajectories such as the radial trajectory need to be transformed
onto a Cartesian grid in each iteration of the network training, slowing down
the training process and posing inconvenience and delay during training.
Multiple iterations of nonuniform Fourier transform in the networks offset the
deep learning advantage of fast inference. Current approaches typically either
work on image-to-image networks or grid the non-Cartesian trajectories before
the network training to avoid the repeated gridding process. However, the
image-to-image networks cannot ensure the k-space data consistency in the
reconstructed images and the pre-processing of non-Cartesian k-space leads to
gridding errors which cannot be compensated by the network training. Inspired
by the Transformer network to handle long-range dependencies in sequence
transduction tasks, we propose to rearrange the radial spokes to sequential
data based on the chronological order of acquisition and use the Transformer to
predict unacquired radial spokes from acquired ones. We propose novel data
augmentation methods to generate a large amount of training data from a limited
number of subjects. The network can be generated to different anatomical
structures. Experimental results show superior performance of the proposed
framework compared to state-of-the-art deep neural networks."
1855,Explainable expected goal models for performance analysis in football analytics,"The expected goal provides a more representative measure of the team and
player performance which also suit the low-scoring nature of football instead
of score in modern football. The score of a match involves randomness and often
may not represent the performance of the teams and players, therefore it has
been popular to use the alternative statistics in recent years such as shots on
target, ball possessions, and drills. To measure the probability of a shot
being a goal by the expected goal, several features are used to train an
expected goal model which is based on the event and tracking football data. The
selection of these features, the size and date of the data, and the model which
are used as the parameters that may affect the performance of the model. Using
black-box machine learning models for increasing the predictive performance of
the model decreases its interpretability that causes the loss of information
that can be gathered from the model. This paper proposes an accurate expected
goal model trained consisting of 315,430 shots from seven seasons between
2014-15 and 2020-21 of the top-five European football leagues. Moreover, this
model is explained by using explainable artificial intelligence tool to obtain
an explainable expected goal model for evaluating a team or player performance.
To best of our knowledge, this is the first paper that demonstrates a practical
application of an explainable artificial intelligence tool aggregated profiles
to explain a group of observations on an accurate expected goal model for
monitoring the team and player performance. Moreover, these methods can be
generalized to other sports branches."
1856,Attributions Beyond Neural Networks: The Linear Program Case,"Linear Programs (LPs) have been one of the building blocks in machine
learning and have championed recent strides in differentiable optimizers for
learning systems. While there exist solvers for even high-dimensional LPs,
understanding said high-dimensional solutions poses an orthogonal and
unresolved problem. We introduce an approach where we consider neural encodings
for LPs that justify the application of attribution methods from explainable
artificial intelligence (XAI) designed for neural learning systems. The several
encoding functions we propose take into account aspects such as feasibility of
the decision space, the cost attached to each input, or the distance to special
points of interest. We investigate the mathematical consequences of several XAI
methods on said neural LP encodings. We empirically show that the attribution
methods Saliency and LIME reveal indistinguishable results up to perturbation
levels, and we propose the property of Directedness as the main discriminative
criterion between Saliency and LIME on one hand, and a perturbation-based
Feature Permutation approach on the other hand. Directedness indicates whether
an attribution method gives feature attributions with respect to an increase of
that feature. We further notice the baseline selection problem beyond the
classical computer vision setting for Integrated Gradients."
1857,Using Machine Learning to Augment Dynamic Time Warping Based Signal Classification,"Modern applications such as voice recognition rely on the ability to compare
signals to pre-recorded ones to classify them. However, this comparison
typically needs to ignore differences due to signal noise, temporal offset,
signal magnitude, and other external factors. The Dynamic Time Warping (DTW)
algorithm quantifies this similarity by finding corresponding regions between
the signals and non-linearly warping one signal by stretching and shrinking it.
Unfortunately, searching through all ""warps"" of a signal to find the best
corresponding regions is computationally expensive. The FastDTW algorithm
improves performance, but sacrifices accuracy by only considering small signal
warps.
My goal is to improve the speed of DTW while maintaining high accuracy. My
key insight is that in any particular application domain, signals exhibit
specific types of variation. For example, the accelerometer signal measured for
two different people would differ based on their stride length and weight. My
system, called Machine Learning DTW (MLDTW), uses machine learning to learn the
types of warps that are common in a particular domain. It then uses the learned
model to improve DTW performance by limiting the search of potential warps
appropriately. My results show that compared to FastDTW, MLDTW is at least as
fast and reduces errors by 60% on average across four different data sets.
These improvements will significantly impact a wide variety of applications
(e.g. health monitoring) and enable more scalable processing of multivariate,
higher frequency, and longer signal recordings."
1858,Benefits of Additive Noise in Composing Classes with Bounded Capacity,"We observe that given two (compatible) classes of functions $\mathcal{F}$ and
$\mathcal{H}$ with small capacity as measured by their uniform covering
numbers, the capacity of the composition class $\mathcal{H} \circ \mathcal{F}$
can become prohibitively large or even unbounded. We then show that adding a
small amount of Gaussian noise to the output of $\mathcal{F}$ before composing
it with $\mathcal{H}$ can effectively control the capacity of $\mathcal{H}
\circ \mathcal{F}$, offering a general recipe for modular design. To prove our
results, we define new notions of uniform covering number of random functions
with respect to the total variation and Wasserstein distances. We instantiate
our results for the case of multi-layer sigmoid neural networks. Preliminary
empirical results on MNIST dataset indicate that the amount of noise required
to improve over existing uniform bounds can be numerically negligible (i.e.,
element-wise i.i.d. Gaussian noise with standard deviation $10^{-240}$). The
source codes are available at
https://github.com/fathollahpour/composition_noise."
1859,Improving Solar Flare Prediction by Time Series Outlier Detection,"Solar flares not only pose risks to outer space technologies and astronauts'
well being, but also cause disruptions on earth to our hight-tech,
interconnected infrastructure our lives highly depend on. While a number of
machine-learning methods have been proposed to improve flare prediction, none
of them, to the best of our knowledge, have investigated the impact of outliers
on the reliability and those models' performance. In this study, we investigate
the impact of outliers in a multivariate time series benchmark dataset, namely
SWAN-SF, on flare prediction models, and test our hypothesis. That is, there
exist outliers in SWAN-SF, removal of which enhances the performance of the
prediction models on unseen datasets. We employ Isolation Forest to detect the
outliers among the weaker flare instances. Several experiments are carried out
using a large range of contamination rates which determine the percentage of
present outliers. We asses the quality of each dataset in terms of its actual
contamination using TimeSeriesSVC. In our best finding, we achieve a 279%
increase in True Skill Statistic and 68% increase in Heidke Skill Score. The
results show that overall a significant improvement can be achieved to flare
prediction if outliers are detected and removed properly."
1860,Can Foundation Models Talk Causality?,"Foundation models are subject to an ongoing heated debate, leaving open the
question of progress towards AGI and dividing the community into two camps: the
ones who see the arguably impressive results as evidence to the scaling
hypothesis, and the others who are worried about the lack of interpretability
and reasoning capabilities. By investigating to which extent causal
representations might be captured by these large scale language models, we make
a humble efforts towards resolving the ongoing philosophical conflicts."
1861,Towards a Solution to Bongard Problems: A Causal Approach,"To date, Bongard Problems (BP) remain one of the few fortresses of AI history
yet to be raided by the powerful models of the current era. We present a
systematic analysis using modern techniques from the intersection of causality
and AI/ML in a humble effort of reviving research around BPs. Specifically, we
first compile the BPs into a Markov decision process, then secondly pose causal
assumptions on the data generating process arguing for their applicability to
BPs, and finally apply reinforcement learning techniques for solving the BPs
subject to the causal assumptions."
1862,Tearing Apart NOTEARS: Controlling the Graph Prediction via Variance Manipulation,"Simulations are ubiquitous in machine learning. Especially in graph learning,
simulations of Directed Acyclic Graphs (DAG) are being deployed for evaluating
new algorithms. In the literature, it was recently argued that
continuous-optimization approaches to structure discovery such as NOTEARS might
be exploiting the sortability of the variable's variances in the available data
due to their use of least square losses. Specifically, since structure
discovery is a key problem in science and beyond, we want to be invariant to
the scale being used for measuring our data (e.g. meter versus centimeter
should not affect the causal direction inferred by the algorithm). In this
work, we further strengthen this initial, negative empirical suggestion by both
proving key results in the multivariate case and corroborating with further
empirical evidence. In particular, we show that we can control the resulting
graph with our targeted variance attacks, even in the case where we can only
partially manipulate the variances of the data."
1863,Machines Explaining Linear Programs,"There has been a recent push in making machine learning models more
interpretable so that their performance can be trusted. Although successful,
these methods have mostly focused on the deep learning methods while the
fundamental optimization methods in machine learning such as linear programs
(LP) have been left out. Even if LPs can be considered as whitebox or clearbox
models, they are not easy to understand in terms of relationships between
inputs and outputs. As a linear program only provides the optimal solution to
an optimization problem, further explanations are often helpful. In this work,
we extend the attribution methods for explaining neural networks to linear
programs. These methods explain the model by providing relevance scores for the
model inputs, to show the influence of each input on the output. Alongside
using classical gradient-based attribution methods we also propose a way to
adapt perturbation-based attribution methods to LPs. Our evaluations of several
different linear and integer problems showed that attribution methods can
generate useful explanations for linear programs. However, we also demonstrate
that using a neural attribution method directly might come with some drawbacks,
as the properties of these methods on neural networks do not necessarily
transfer to linear programs. The methods can also struggle if a linear program
has more than one optimal solution, as a solver just returns one possible
solution. Our results can hopefully be used as a good starting point for
further research in this direction."
1864,Codec at SemEval-2022 Task 5: Multi-Modal Multi-Transformer Misogynous Meme Classification Framework,"In this paper we describe our work towards building a generic framework for
both multi-modal embedding and multi-label binary classification tasks, while
participating in task 5 (Multimedia Automatic Misogyny Identification) of
SemEval 2022 competition.
Since pretraining deep models from scratch is a resource and data hungry
task, our approach is based on three main strategies. We combine different
state-of-the-art architectures to capture a wide spectrum of semantic signals
from the multi-modal input. We employ a multi-task learning scheme to be able
to use multiple datasets from the same knowledge domain to help increase the
model's performance. We also use multiple objectives to regularize and fine
tune different system components."
1865,Defending Observation Attacks in Deep Reinforcement Learning via Detection and Denoising,"Neural network policies trained using Deep Reinforcement Learning (DRL) are
well-known to be susceptible to adversarial attacks. In this paper, we consider
attacks manifesting as perturbations in the observation space managed by the
external environment. These attacks have been shown to downgrade policy
performance significantly. We focus our attention on well-trained deterministic
and stochastic neural network policies in the context of continuous control
benchmarks subject to four well-studied observation space adversarial attacks.
To defend against these attacks, we propose a novel defense strategy using a
detect-and-denoise schema. Unlike previous adversarial training approaches that
sample data in adversarial scenarios, our solution does not require sampling
data in an environment under attack, thereby greatly reducing risk during
training. Detailed experimental results show that our technique is comparable
with state-of-the-art adversarial training approaches."
1866,To Aggregate or Not? Learning with Separate Noisy Labels,"The rawly collected training data often comes with separate noisy labels
collected from multiple imperfect annotators (e.g., via crowdsourcing).
Typically one would first aggregate the separate noisy labels into one and
apply standard training methods. The literature has also studied extensively on
effective aggregation approaches. This paper revisits this choice and aims to
provide an answer to the question of whether one should aggregate separate
noisy labels into single ones or use them separately as given. We theoretically
analyze the performance of both approaches under the empirical risk
minimization framework for a number of popular loss functions, including the
ones designed specifically for the problem of learning with noisy labels. Our
theorems conclude that label separation is preferred over label aggregation
when the noise rates are high, or the number of labelers/annotations is
insufficient. Extensive empirical results validate our conclusion."
1867,Proximal Splitting Adversarial Attacks for Semantic Segmentation,"Classification has been the focal point of research on adversarial attacks,
but only a few works investigate methods suited to denser prediction tasks,
such as semantic segmentation. The methods proposed in these works do not
accurately solve the adversarial segmentation problem and, therefore, are
overoptimistic in terms of size of the perturbations required to fool models.
Here, we propose a white-box attack for these models based on a proximal
splitting to produce adversarial perturbations with much smaller $\ell_1$,
$\ell_2$, or $\ell_\infty$ norms. Our attack can handle large numbers of
constraints within a nonconvex minimization framework via an Augmented
Lagrangian approach, coupled with adaptive constraint scaling and masking
strategies. We demonstrate that our attack significantly outperforms previously
proposed ones, as well as classification attacks that we adapted for
segmentation, providing a first comprehensive benchmark for this dense task.
Our results push current limits concerning robustness evaluations in
segmentation tasks."
1868,"Towards Goal, Feasibility, and Diversity-Oriented Deep Generative Models in Design","Deep Generative Machine Learning Models (DGMs) have been growing in
popularity across the design community thanks to their ability to learn and
mimic complex data distributions. DGMs are conventionally trained to minimize
statistical divergence between the distribution over generated data and
distribution over the dataset on which they are trained. While sufficient for
the task of generating ""realistic"" fake data, this objective is typically
insufficient for design synthesis tasks. Instead, design problems typically
call for adherence to design requirements, such as performance targets and
constraints. Advancing DGMs in engineering design requires new training
objectives which promote engineering design objectives. In this paper, we
present the first Deep Generative Model that simultaneously optimizes for
performance, feasibility, diversity, and target achievement. We benchmark
performance of the proposed method against several Deep Generative Models over
eight evaluation metrics that focus on feasibility, diversity, and satisfaction
of design performance targets. Methods are tested on a challenging
multi-objective bicycle frame design problem with skewed, multimodal data of
different datatypes. The proposed framework was found to outperform all Deep
Generative Models in six of eight metrics."
1869,Regularizing a Model-based Policy Stationary Distribution to Stabilize Offline Reinforcement Learning,"Offline reinforcement learning (RL) extends the paradigm of classical RL
algorithms to purely learning from static datasets, without interacting with
the underlying environment during the learning process. A key challenge of
offline RL is the instability of policy training, caused by the mismatch
between the distribution of the offline data and the undiscounted stationary
state-action distribution of the learned policy. To avoid the detrimental
impact of distribution mismatch, we regularize the undiscounted stationary
distribution of the current policy towards the offline data during the policy
optimization process. Further, we train a dynamics model to both implement this
regularization and better estimate the stationary distribution of the current
policy, reducing the error induced by distribution mismatch. On a wide range of
continuous-control offline RL datasets, our method indicates competitive
performance, which validates our algorithm. The code is publicly available."
1870,DeepRecon: Joint 2D Cardiac Segmentation and 3D Volume Reconstruction via A Structure-Specific Generative Method,"Joint 2D cardiac segmentation and 3D volume reconstruction are fundamental to
building statistical cardiac anatomy models and understanding functional
mechanisms from motion patterns. However, due to the low through-plane
resolution of cine MR and high inter-subject variance, accurately segmenting
cardiac images and reconstructing the 3D volume are challenging. In this study,
we propose an end-to-end latent-space-based framework, DeepRecon, that
generates multiple clinically essential outcomes, including accurate image
segmentation, synthetic high-resolution 3D image, and 3D reconstructed volume.
Our method identifies the optimal latent representation of the cine image that
contains accurate semantic information for cardiac structures. In particular,
our model jointly generates synthetic images with accurate semantic information
and segmentation of the cardiac structures using the optimal latent
representation. We further explore downstream applications of 3D shape
reconstruction and 4D motion pattern adaptation by the different latent-space
manipulation strategies.The simultaneously generated high-resolution images
present a high interpretable value to assess the cardiac shape and
motion.Experimental results demonstrate the effectiveness of our approach on
multiple fronts including 2D segmentation, 3D reconstruction, downstream 4D
motion pattern adaption performance."
1871,Category-Agnostic 6D Pose Estimation with Conditional Neural Processes,"We present a novel meta-learning approach for 6D pose estimation on unknown
objects. In contrast to ""instance-level"" pose estimation methods, our algorithm
learns object representation in a category-agnostic way, which endows it with
strong generalization capabilities within and across object categories.
Specifically, we employ a conditional neural process-based meta-learning
approach to train an encoder to capture texture and geometry of an object in a
latent representation, based on very few RGB-D images and ground-truth
keypoints. The latent representation is then used by a simultaneously
meta-trained decoder to predict the 6D pose of the object in new images. To
evaluate our algorithm, experiments are conducted on our new fully-annotated
synthetic datasets generated from Multiple Categories in Multiple Scenes
(MCMS). Experimental results demonstrate that our model performs well on unseen
objects with various shapes and appearances."
1872,GraphFM: Improving Large-Scale GNN Training via Feature Momentum,"Training of graph neural networks (GNNs) for large-scale node classification
is challenging. A key difficulty lies in obtaining accurate hidden node
representations while avoiding the neighborhood explosion problem. Here, we
propose a new technique, named feature momentum (FM), that uses a momentum step
to incorporate historical embeddings when updating feature representations. We
develop two specific algorithms, known as GraphFM-IB and GraphFM-OB, that
consider in-batch and out-of-batch data, respectively. GraphFM-IB applies FM to
in-batch sampled data, while GraphFM-OB applies FM to out-of-batch data that
are 1-hop neighborhood of in-batch data. We provide a convergence analysis for
GraphFM-IB and some theoretical insight for GraphFM-OB. Empirically, we observe
that GraphFM-IB can effectively alleviate the neighborhood explosion problem of
existing methods. In addition, GraphFM-OB achieves promising performance on
multiple large-scale graph datasets."
1873,Self-Supervision on Images and Text Reduces Reliance on Visual Shortcut Features,"Deep learning models trained in a fully supervised manner have been shown to
rely on so-called ""shortcut"" features. Shortcut features are inputs that are
associated with the outcome of interest in the training data, but are either no
longer associated or not present in testing or deployment settings. Here we
provide experiments that show recent self-supervised models trained on images
and text provide more robust image representations and reduce the model's
reliance on visual shortcut features on a realistic medical imaging example.
Additionally, we find that these self-supervised models ""forget"" shortcut
features more quickly than fully supervised ones when fine-tuned on labeled
data. Though not a complete solution, our experiments provide compelling
evidence that self-supervised models trained on images and text provide some
resilience to visual shortcut features."
1874,An Intelligent Assistant for Converting City Requirements to Formal Specification,"As more and more monitoring systems have been deployed to smart cities, there
comes a higher demand for converting new human-specified requirements to
machine-understandable formal specifications automatically. However, these
human-specific requirements are often written in English and bring missing,
inaccurate, or ambiguous information. In this paper, we present CitySpec, an
intelligent assistant system for requirement specification in smart cities.
CitySpec not only helps overcome the language differences brought by English
requirements and formal specifications, but also offers solutions to those
missing, inaccurate, or ambiguous information. The goal of this paper is to
demonstrate how CitySpec works. Specifically, we present three demos: (1)
interactive completion of requirements in CitySpec; (2) human-in-the-loop
correction while CitySepc encounters exceptions; (3) online learning in
CitySpec."
1875,Flatten the Curve: Efficiently Training Low-Curvature Neural Networks,"The highly non-linear nature of deep neural networks causes them to be
susceptible to adversarial examples and have unstable gradients which hinders
interpretability. However, existing methods to solve these issues, such as
adversarial training, are expensive and often sacrifice predictive accuracy.
In this work, we consider curvature, which is a mathematical quantity which
encodes the degree of non-linearity. Using this, we demonstrate low-curvature
neural networks (LCNNs) that obtain drastically lower curvature than standard
models while exhibiting similar predictive performance, which leads to improved
robustness and stable gradients, with only a marginally increased training
time. To achieve this, we minimize a data-independent upper bound on the
curvature of a neural network, which decomposes overall curvature in terms of
curvatures and slopes of its constituent layers. To efficiently minimize this
bound, we introduce two novel architectural components: first, a non-linearity
called centered-softplus that is a stable variant of the softplus
non-linearity, and second, a Lipschitz-constrained batch normalization layer.
Our experiments show that LCNNs have lower curvature, more stable gradients
and increased off-the-shelf adversarial robustness when compared to their
standard high-curvature counterparts, all without affecting predictive
performance. Our approach is easy to use and can be readily incorporated into
existing neural network models."
1876,MBGDT:Robust Mini-Batch Gradient Descent,"In high dimensions, most machine learning method perform fragile even there
are a little outliers. To address this, we hope to introduce a new method with
the base learner, such as Bayesian regression or stochastic gradient descent to
solve the problem of the vulnerability in the model. Because the mini-batch
gradient descent allows for a more robust convergence than the batch gradient
descent, we work a method with the mini-batch gradient descent, called
Mini-Batch Gradient Descent with Trimming (MBGDT). Our method show state-of-art
performance and have greater robustness than several baselines when we apply
our method in designed dataset."
1877,"Prioritized Training on Points that are Learnable, Worth Learning, and Not Yet Learnt","Training on web-scale data can take months. But most computation and time is
wasted on redundant and noisy points that are already learnt or not learnable.
To accelerate training, we introduce Reducible Holdout Loss Selection
(RHO-LOSS), a simple but principled technique which selects approximately those
points for training that most reduce the model's generalization loss. As a
result, RHO-LOSS mitigates the weaknesses of existing data selection methods:
techniques from the optimization literature typically select 'hard' (e.g. high
loss) points, but such points are often noisy (not learnable) or less
task-relevant. Conversely, curriculum learning prioritizes 'easy' points, but
such points need not be trained on once learned. In contrast, RHO-LOSS selects
points that are learnable, worth learning, and not yet learnt. RHO-LOSS trains
in far fewer steps than prior art, improves accuracy, and speeds up training on
a wide range of datasets, hyperparameters, and architectures (MLPs, CNNs, and
BERT). On the large web-scraped image dataset Clothing-1M, RHO-LOSS trains in
18x fewer steps and reaches 2% higher final accuracy than uniform data
shuffling."
1878,Automatic Clipping: Differentially Private Deep Learning Made Easier and Stronger,"Per-example gradient clipping is a key algorithmic step that enables
practical differential private (DP) training for deep learning models. The
choice of clipping norm $R$, however, is shown to be vital for achieving high
accuracy under DP. We propose an easy-to-use replacement, called AutoClipping,
that eliminates the need to tune $R$ for any DP optimizers, including DP-SGD,
DP-Adam, DP-LAMB and many others. The automatic variants are as private and
computationally efficient as existing DP optimizers, but require no DP-specific
hyperparameters and thus make DP training as amenable as the standard
non-private training. We give a rigorous convergence analysis of automatic
DP-SGD in the non-convex setting, which shows that it enjoys an asymptotic
convergence rate that matches the standard SGD. We also demonstrate on various
language and vision tasks that automatic clipping outperforms or matches the
state-of-the-art, and can be easily employed with minimal changes to existing
codebases."
1879,Stability of image reconstruction algorithms,"Robustness and stability of image reconstruction algorithms have recently
come under scrutiny. Their importance to medical imaging cannot be overstated.
We review the known results for the topical variational regularization
strategies ($\ell_2$ and $\ell_1$ regularization), and present new stability
results for $\ell_p$ regularized linear inverse problems for $p\in(1,\infty)$.
Our results generalize well to the respective $L_p(\Omega)$ function spaces."
1880,Lazy Queries Can Reduce Variance in Zeroth-order Optimization,"A major challenge of applying zeroth-order (ZO) methods is the high query
complexity, especially when queries are costly. We propose a novel gradient
estimation technique for ZO methods based on adaptive lazy queries that we term
as LAZO. Different from the classic one-point or two-point gradient estimation
methods, LAZO develops two alternative ways to check the usefulness of old
queries from previous iterations, and then adaptively reuses them to construct
the low-variance gradient estimates. We rigorously establish that through
judiciously reusing the old queries, LAZO can reduce the variance of stochastic
gradient estimates so that it not only saves queries per iteration but also
achieves the regret bound for the symmetric two-point method. We evaluate the
numerical performance of LAZO, and demonstrate the low-variance property and
the performance gain of LAZO in both regret and query complexity relative to
several existing ZO methods. The idea of LAZO is general, and can be applied to
other variants of ZO methods."
1881,Loss Functions for Classification using Structured Entropy,"Cross-entropy loss is the standard metric used to train classification models
in deep learning and gradient boosting. It is well-known that this loss
function fails to account for similarities between the different values of the
target. We propose a generalization of entropy called {\em structured entropy}
which uses a random partition to incorporate the structure of the target
variable in a manner which retains many theoretical properties of standard
entropy. We show that a structured cross-entropy loss yields better results on
several classification problems where the target variable has an a priori known
structure. The approach is simple, flexible, easily computable, and does not
rely on a hierarchically defined notion of structure."
1882,Combining Counterfactuals With Shapley Values To Explain Image Models,"With the widespread use of sophisticated machine learning models in sensitive
applications, understanding their decision-making has become an essential task.
Models trained on tabular data have witnessed significant progress in
explanations of their underlying decision making processes by virtue of having
a small number of discrete features. However, applying these methods to
high-dimensional inputs such as images is not a trivial task. Images are
composed of pixels at an atomic level and do not carry any interpretability by
themselves. In this work, we seek to use annotated high-level interpretable
features of images to provide explanations. We leverage the Shapley value
framework from Game Theory, which has garnered wide acceptance in general XAI
problems. By developing a pipeline to generate counterfactuals and subsequently
using it to estimate Shapley values, we obtain contrastive and interpretable
explanations with strong axiomatic guarantees."
1883,Understanding the Generalization Benefit of Normalization Layers: Sharpness Reduction,"Normalization layers (e.g., Batch Normalization, Layer Normalization) were
introduced to help with optimization difficulties in very deep nets, but they
clearly also help generalization, even in not-so-deep nets. Motivated by the
long-held belief that flatter minima lead to better generalization, this paper
gives mathematical analysis and supporting experiments suggesting that
normalization (together with accompanying weight-decay) encourages GD to reduce
the sharpness of loss surface. Here ""sharpness"" is carefully defined given that
the loss is scale-invariant, a known consequence of normalization.
Specifically, for a fairly broad class of neural nets with normalization, our
theory explains how GD with a finite learning rate enters the so-called Edge of
Stability (EoS) regime, and characterizes the trajectory of GD in this regime
via a continuous sharpness-reduction flow."
1884,Learning the Structure of Large Networked Systems Obeying Conservation Laws,"Many networked systems such as electric networks, the brain, and social
networks of opinion dynamics are known to obey conservation laws. Examples of
this phenomenon include the Kirchoff laws in electric networks and opinion
consensus in social networks. Conservation laws in networked systems may be
modeled as balance equations of the form $X = B^{*} Y$, where the sparsity
pattern of $B^{*}$ captures the connectivity of the network, and $Y, X \in
\mathbb{R}^p$ are vectors of ""potentials"" and ""injected flows"" at the nodes
respectively. The node potentials $Y$ cause flows across edges and the flows
$X$ injected at the nodes are extraneous to the network dynamics. In several
practical systems, the network structure is often unknown and needs to be
estimated from data. Towards this, one has access to samples of the node
potentials $Y$, but only the statistics of the node injections $X$. Motivated
by this important problem, we study the estimation of the sparsity structure of
the matrix $B^{*}$ from $n$ samples of $Y$ under the assumption that the node
injections $X$ follow a Gaussian distribution with a known covariance
$\Sigma_X$. We propose a new $\ell_{1}$-regularized maximum likelihood
estimator for this problem in the high-dimensional regime where the size of the
network $p$ is larger than sample size $n$. We show that this optimization
problem is convex in the objective and admits a unique solution. Under a new
mutual incoherence condition, we establish sufficient conditions on the triple
$(n,p,d)$ for which exact sparsity recovery of $B^{*}$ is possible with high
probability; $d$ is the degree of the graph. We also establish guarantees for
the recovery of $B^{*}$ in the element-wise maximum, Frobenius, and operator
norms. Finally, we complement these theoretical results with experimental
validation of the performance of the proposed estimator on synthetic and
real-world data."
1885,Applications of Generative Adversarial Networks in Neuroimaging and Clinical Neuroscience,"Generative adversarial networks (GANs) are one powerful type of deep learning
models that have been successfully utilized in numerous fields. They belong to
a broader family called generative methods, which generate new data with a
probabilistic model by learning sample distribution from real examples. In the
clinical context, GANs have shown enhanced capabilities in capturing spatially
complex, nonlinear, and potentially subtle disease effects compared to
traditional generative methods. This review appraises the existing literature
on the applications of GANs in imaging studies of various neurological
conditions, including Alzheimer's disease, brain tumors, brain aging, and
multiple sclerosis. We provide an intuitive explanation of various GAN methods
for each application and further discuss the main challenges, open questions,
and promising future directions of leveraging GANs in neuroimaging. We aim to
bridge the gap between advanced deep learning methods and neurology research by
highlighting how GANs can be leveraged to support clinical decision making and
contribute to a better understanding of the structural and functional patterns
of brain diseases."
1886,ReCo: Retrieve and Co-segment for Zero-shot Transfer,"Semantic segmentation has a broad range of applications, but its real-world
impact has been significantly limited by the prohibitive annotation costs
necessary to enable deployment. Segmentation methods that forgo supervision can
side-step these costs, but exhibit the inconvenient requirement to provide
labelled examples from the target distribution to assign concept names to
predictions. An alternative line of work in language-image pre-training has
recently demonstrated the potential to produce models that can both assign
names across large vocabularies of concepts and enable zero-shot transfer for
classification, but do not demonstrate commensurate segmentation abilities. In
this work, we strive to achieve a synthesis of these two approaches that
combines their strengths. We leverage the retrieval abilities of one such
language-image pre-trained model, CLIP, to dynamically curate training sets
from unlabelled images for arbitrary collections of concept names, and leverage
the robust correspondences offered by modern image representations to
co-segment entities among the resulting collections. The synthetic segment
collections are then employed to construct a segmentation model (without
requiring pixel labels) whose knowledge of concepts is inherited from the
scalable pre-training process of CLIP. We demonstrate that our approach, termed
Retrieve and Co-segment (ReCo) performs favourably to unsupervised segmentation
approaches while inheriting the convenience of nameable predictions and
zero-shot transfer. We also demonstrate ReCo's ability to generate specialist
segmenters for extremely rare objects."
1887,Learning Behavior Representations Through Multi-Timescale Bootstrapping,"Natural behavior consists of dynamics that are both unpredictable, can switch
suddenly, and unfold over many different timescales. While some success has
been found in building representations of behavior under constrained or
simplified task-based conditions, many of these models cannot be applied to
free and naturalistic settings due to the fact that they assume a single scale
of temporal dynamics. In this work, we introduce Bootstrap Across Multiple
Scales (BAMS), a multi-scale representation learning model for behavior: we
combine a pooling module that aggregates features extracted over encoders with
different temporal receptive fields, and design a set of latent objectives to
bootstrap the representations in each respective space to encourage
disentanglement across different timescales. We first apply our method on a
dataset of quadrupeds navigating in different terrain types, and show that our
model captures the temporal complexity of behavior. We then apply our method to
the MABe 2022 Multi-agent behavior challenge, where our model ranks 3rd overall
and 1st on two subtasks, and show the importance of incorporating
multi-timescales when analyzing behavior."
1888,Federated Optimization Algorithms with Random Reshuffling and Gradient Compression,"Gradient compression is a popular technique for improving communication
complexity of stochastic first-order methods in distributed training of machine
learning models. However, the existing works consider only with-replacement
sampling of stochastic gradients. In contrast, it is well-known in practice and
recently confirmed in theory that stochastic methods based on
without-replacement sampling, e.g., Random Reshuffling (RR) method, perform
better than ones that sample the gradients with-replacement. In this work, we
close this gap in the literature and provide the first analysis of methods with
gradient compression and without-replacement sampling. We first develop a
distributed variant of random reshuffling with gradient compression (Q-RR), and
show how to reduce the variance coming from gradient quantization through the
use of control iterates. Next, to have a better fit to Federated Learning
applications, we incorporate local computation and propose a variant of Q-RR
called Q-NASTYA. Q-NASTYA uses local gradient steps and different local and
global stepsizes. Next, we show how to reduce compression variance in this
setting as well. Finally, we prove the convergence results for the proposed
methods and outline several settings in which they improve upon existing
algorithms."
1889,Exploring Representation of Horn Clauses using GNNs (Extended Technique Report),"Learning program semantics from raw source code is challenging due to the
complexity of real-world programming language syntax and due to the difficulty
of reconstructing long-distance relational information implicitly represented
in programs using identifiers. Addressing the first point, we consider
Constrained Horn Clauses (CHCs) as a standard representation of program
verification problems, providing a simple and programming language-independent
syntax. For the second challenge, we explore graph representations of CHCs, and
propose a new Relational Hypergraph Neural Network (R-HyGNN) architecture to
learn program features. We introduce two different graph representations of
CHCs. One is called constraint graph (CG), and emphasizes syntactic information
of CHCs by translating the symbols and their relations in CHCs as typed nodes
and binary edges, respectively, and constructing the constraints as abstract
syntax trees. The second one is called control- and data-flow hypergraph
(CDHG), and emphasizes semantic information of CHCs by representing the control
and data flow through ternary hyperedges. We then propose a new GNN
architecture, R-HyGNN, extending Relational Graph Convolutional Networks, to
handle hypergraphs. To evaluate the ability of R-HyGNN to extract semantic
information from programs, we use R-HyGNNs to train models on the two graph
representations, and on five proxy tasks with increasing difficulty, using
benchmarks from CHC-COMP 2021 as training data. The most difficult proxy task
requires the model to predict the occurrence of clauses in counter-examples,
which subsumes satisfiability of CHCs. CDHG achieves 90.59% accuracy in this
task. Furthermore, R-HyGNN has perfect predictions on one of the graphs
consisting of more than 290 clauses. Overall, our experiments indicate that
R-HyGNN can capture intricate program features for guiding verification
problems."
1890,Two-terminal source coding with common sum reconstruction,"We present the problem of two-terminal source coding with Common Sum
Reconstruction (CSR). Consider two terminals, each with access to one of two
correlated sources. Both terminals want to reconstruct the sum of the two
sources under some average distortion constraint, and the reconstructions at
two terminals must be identical with high probability. In this paper, we
develop inner and outer bounds to the achievable rate distortion region of the
CSR problem for a doubly symmetric binary source. We employ existing
achievability results for Steinberg's common reconstruction and Wyner-Ziv's
source coding with side information problems, and an achievability result for
the lossy version of Korner-Marton's modulo-two sum computation problem."
1891,Highly Efficient Structural Learning of Sparse Staged Trees,"Several structural learning algorithms for staged tree models, an asymmetric
extension of Bayesian networks, have been defined. However, they do not scale
efficiently as the number of variables considered increases. Here we introduce
the first scalable structural learning algorithm for staged trees, which
searches over a space of models where only a small number of dependencies can
be imposed. A simulation study as well as a real-world application illustrate
our routines and the practical use of such data-learned staged trees."
1892,Deep Reinforcement Learning for Exact Combinatorial Optimization: Learning to Branch,"Branch-and-bound is a systematic enumerative method for combinatorial
optimization, where the performance highly relies on the variable selection
strategy. State-of-the-art handcrafted heuristic strategies suffer from
relatively slow inference time for each selection, while the current machine
learning methods require a significant amount of labeled data. We propose a new
approach for solving the data labeling and inference latency issues in
combinatorial optimization based on the use of the reinforcement learning (RL)
paradigm. We use imitation learning to bootstrap an RL agent and then use
Proximal Policy Optimization (PPO) to further explore global optimal actions.
Then, a value network is used to run Monte-Carlo tree search (MCTS) to enhance
the policy network. We evaluate the performance of our method on four different
categories of combinatorial optimization problems and show that our approach
performs strongly compared to the state-of-the-art machine learning and
heuristics based methods."
1893,Transfer Learning for Rapid Extraction of Thickness from Optical Spectra of Semiconductor Thin Films,"High-throughput experimentation with autonomous workflows, increasingly used
to screen and optimize optoelectronic thin films, requires matching throughput
of downstream characterizations. Despite being essential, thickness
characterization lags in throughput. Although optical spectroscopic methods,
e.g., spectrophotometry, provide quick measurements, a critical bottleneck is
the ensuing manual fitting of optical oscillation models to the measured
reflection and transmission. This study presents a machine-learning (ML)
framework called thicknessML, which rapidly extracts film thickness from
spectroscopic reflection and transmission. thicknessML leverages transfer
learning to generalize to materials of different underlying optical oscillator
models (i.e., different material classes).We demonstrate that thicknessML can
extract film thickness from six perovskite samples in a two-stage process: (1)
pre-training on a generic simulated dataset of Tauc-Lorentz oscillator, and (2)
transfer learning to a simulated perovskite dataset of several literature
perovskite refractive indices. Results show a pre-training thickness mean
absolute percentage error (MAPE) of 5-7% and an experimental thickness MAPE of
6-19%."
1894,ABCinML: Anticipatory Bias Correction in Machine Learning Applications,"The idealization of a static machine-learned model, trained once and deployed
forever, is not practical. As input distributions change over time, the model
will not only lose accuracy, any constraints to reduce bias against a protected
class may fail to work as intended. Thus, researchers have begun to explore
ways to maintain algorithmic fairness over time. One line of work focuses on
dynamic learning: retraining after each batch, and the other on robust learning
which tries to make algorithms robust against all possible future changes.
Dynamic learning seeks to reduce biases soon after they have occurred and
robust learning often yields (overly) conservative models. We propose an
anticipatory dynamic learning approach for correcting the algorithm to mitigate
bias before it occurs. Specifically, we make use of anticipations regarding the
relative distributions of population subgroups (e.g., relative ratios of male
and female applicants) in the next cycle to identify the right parameters for
an importance weighing fairness approach. Results from experiments over
multiple real-world datasets suggest that this approach has promise for
anticipatory bias correction."
1895,AuxMix: Semi-Supervised Learning with Unconstrained Unlabeled Data,"Semi-supervised learning (SSL) has seen great strides when labeled data is
scarce but unlabeled data is abundant. Critically, most recent work assume that
such unlabeled data is drawn from the same distribution as the labeled data. In
this work, we show that state-of-the-art SSL algorithms suffer a degradation in
performance in the presence of unlabeled auxiliary data that does not
necessarily possess the same class distribution as the labeled set. We term
this problem as Auxiliary-SSL and propose AuxMix, an algorithm that leverages
self-supervised learning tasks to learn generic features in order to mask
auxiliary data that are not semantically similar to the labeled set. We also
propose to regularize learning by maximizing the predicted entropy for
dissimilar auxiliary samples. We show an improvement of 5% over existing
baselines on a ResNet-50 model when trained on CIFAR10 dataset with 4k labeled
samples and all unlabeled data is drawn from the Tiny-ImageNet dataset. We
report competitive results on several datasets and conduct ablation studies."
1896,Continual-Learning-as-a-Service (CLaaS): On-Demand Efficient Adaptation of Predictive Models,"Predictive machine learning models nowadays are often updated in a stateless
and expensive way. The two main future trends for companies that want to build
machine learning-based applications and systems are real-time inference and
continual updating. Unfortunately, both trends require a mature infrastructure
that is hard and costly to realize on-premise. This paper defines a novel
software service and model delivery infrastructure termed Continual
Learning-as-a-Service (CLaaS) to address these issues. Specifically, it
embraces continual machine learning and continuous integration techniques. It
provides support for model updating and validation tools for data scientists
without an on-premise solution and in an efficient, stateful and easy-to-use
manner. Finally, this CL model service is easy to encapsulate in any machine
learning infrastructure or cloud system. This paper presents the design and
implementation of a CLaaS instantiation, called LiquidBrain, evaluated in two
real-world scenarios. The former is a robotic object recognition setting using
the CORe50 dataset while the latter is a named category and attribute
prediction using the DeepFashion-C dataset in the fashion domain. Our
preliminary results suggest the usability and efficiency of the Continual
Learning model services and the effectiveness of the solution in addressing
real-world use-cases regardless of where the computation happens in the
continuum Edge-Cloud."
1897,FETILDA: An Effective Framework For Fin-tuned Embeddings For Long Financial Text Documents,"Unstructured data, especially text, continues to grow rapidly in various
domains. In particular, in the financial sphere, there is a wealth of
accumulated unstructured financial data, such as the textual disclosure
documents that companies submit on a regular basis to regulatory agencies, such
as the Securities and Exchange Commission (SEC). These documents are typically
very long and tend to contain valuable soft information about a company's
performance. It is therefore of great interest to learn predictive models from
these long textual documents, especially for forecasting numerical key
performance indicators (KPIs). Whereas there has been a great progress in
pre-trained language models (LMs) that learn from tremendously large corpora of
textual data, they still struggle in terms of effective representations for
long documents. Our work fills this critical need, namely how to develop better
models to extract useful information from long textual documents and learn
effective features that can leverage the soft financial and risk information
for text regression (prediction) tasks. In this paper, we propose and implement
a deep learning framework that splits long documents into chunks and utilizes
pre-trained LMs to process and aggregate the chunks into vector
representations, followed by self-attention to extract valuable document-level
features. We evaluate our model on a collection of 10-K public disclosure
reports from US banks, and another dataset of reports submitted by US
companies. Overall, our framework outperforms strong baseline methods for
textual modeling as well as a baseline regression model using only numerical
data. Our work provides better insights into how utilizing pre-trained
domain-specific and fine-tuned long-input LMs in representing long documents
can improve the quality of representation of textual data, and therefore, help
in improving predictive analyses."
1898,Monitoring Urban Forests from Auto-Generated Segmentation Maps,"We present and evaluate a weakly-supervised methodology to quantify the
spatio-temporal distribution of urban forests based on remotely sensed data
with close-to-zero human interaction. Successfully training machine learning
models for semantic segmentation typically depends on the availability of
high-quality labels. We evaluate the benefit of high-resolution,
three-dimensional point cloud data (LiDAR) as source of noisy labels in order
to train models for the localization of trees in orthophotos. As proof of
concept we sense Hurricane Sandy's impact on urban forests in Coney Island, New
York City (NYC) and reference it to less impacted urban space in Brooklyn, NYC."
1899,Bayesian neural networks for the probabilistic forecasting of wind direction and speed using ocean data,"Neural networks are increasingly being used in a variety of settings to
predict wind direction and speed, two of the most important factors for
estimating the potential power output of a wind farm. However, these
predictions are arguably of limited value because classical neural networks
lack the ability to express uncertainty. Here we instead consider the use of
Bayesian Neural Networks (BNNs), for which the weights, biases and outputs are
distributions rather than deterministic point values. This allows for the
evaluation of both epistemic and aleatoric uncertainty and leads to
well-calibrated uncertainty predictions of both wind speed and power. Here we
consider the application of BNNs to the problem of offshore wind resource
prediction for renewable energy applications. For our dataset, we use
observations recorded at the FINO1 research platform in the North Sea and our
predictors are ocean data such as water temperature and current direction.
The probabilistic forecast predicted by the BNN adds considerable value to
the results and, in particular, informs the user of the network's ability to
make predictions of out-of-sample datapoints. We use this property of BNNs to
conclude that the accuracy and uncertainty of the wind speed and direction
predictions made by our network are unaffected by the construction of the
nearby Alpha Ventus wind farm. Hence, at this site, networks trained on
pre-farm ocean data can be used to accurately predict wind field information
from ocean data after the wind farm has been constructed."
1900,Scaling ResNets in the Large-depth Regime,"Deep ResNets are recognized for achieving state-of-the-art results in complex
machine learning tasks. However, the remarkable performance of these
architectures relies on a training procedure that needs to be carefully crafted
to avoid vanishing or exploding gradients, particularly as the depth $L$
increases. No consensus has been reached on how to mitigate this issue,
although a widely discussed strategy consists in scaling the output of each
layer by a factor $\alpha_L$. We show in a probabilistic setting that with
standard i.i.d. initializations, the only non-trivial dynamics is for $\alpha_L
= 1/\sqrt{L}$ (other choices lead either to explosion or to identity mapping).
This scaling factor corresponds in the continuous-time limit to a neural
stochastic differential equation, contrarily to a widespread interpretation
that deep ResNets are discretizations of neural ordinary differential
equations. By contrast, in the latter regime, stability is obtained with
specific correlated initializations and $\alpha_L = 1/L$. Our analysis suggests
a strong interplay between scaling and regularity of the weights as a function
of the layer index. Finally, in a series of experiments, we exhibit a
continuous range of regimes driven by these two parameters, which jointly
impact performance before and after training."
1901,Object Scene Representation Transformer,"A compositional understanding of the world in terms of objects and their
geometry in 3D space is considered a cornerstone of human cognition.
Facilitating the learning of such a representation in neural networks holds
promise for substantially improving labeled data efficiency. As a key step in
this direction, we make progress on the problem of learning 3D-consistent
decompositions of complex scenes into individual objects in an unsupervised
fashion. We introduce Object Scene Representation Transformer (OSRT), a
3D-centric model in which individual object representations naturally emerge
through novel view synthesis. OSRT scales to significantly more complex scenes
with larger diversity of objects and backgrounds than existing methods. At the
same time, it is multiple orders of magnitude faster at compositional rendering
thanks to its light field parametrization and the novel Slot Mixer decoder. We
believe this work will not only accelerate future architecture exploration and
scaling efforts, but it will also serve as a useful tool for both
object-centric as well as neural scene representation learning communities."
1902,Manifold Alignment-Based Multi-Fidelity Reduced-Order Modeling Applied to Structural Analysis,"This work presents the application of a recently developed parametric,
non-intrusive, and multi-fidelity reduced-order modeling method on
high-dimensional displacement and stress fields arising from the structural
analysis of geometries that differ in the size of discretization and structural
topology.The proposed approach leverages manifold alignment to fuse
inconsistent field outputs from high- and low-fidelity simulations by
individually projecting their solution onto a common subspace. The
effectiveness of the method is demonstrated on two multi-fidelity scenarios
involving the structural analysis of a benchmark wing geometry. Results show
that outputs from structural simulations using incompatible grids, or related
yet different topologies, are easily combined into a single predictive model,
thus eliminating the need for additional pre-processing of the data. The new
multi-fidelity reduced-order model achieves a relatively higher predictive
accuracy at a lower computational cost when compared to a single-fidelity
model."
1903,Grad-GradaGrad? A Non-Monotone Adaptive Stochastic Gradient Method,"The classical AdaGrad method adapts the learning rate by dividing by the
square root of a sum of squared gradients. Because this sum on the denominator
is increasing, the method can only decrease step sizes over time, and requires
a learning rate scaling hyper-parameter to be carefully tuned. To overcome this
restriction, we introduce GradaGrad, a method in the same family that naturally
grows or shrinks the learning rate based on a different accumulation in the
denominator, one that can both increase and decrease. We show that it obeys a
similar convergence rate as AdaGrad and demonstrate its non-monotone adaptation
capability with experiments."
1904,Neural interval-censored Cox regression with feature selection,"The classical Cox model emerged in 1972 promoting breakthroughs in how
patient prognosis is quantified using time-to-event analysis in biomedicine.
One of the most useful characteristics of the model for practitioners is the
interpretability of the variables in the analysis. However, this comes at the
price of introducing strong assumptions concerning the functional form of the
regression model. To break this gap, this paper aims to exploit the
explainability advantages of the classical Cox model in the setting of
interval-censoring using a new Lasso neural network that simultaneously selects
the most relevant variables while quantifying non-linear relations between
predictors and survival times. The gain of the new method is illustrated
empirically in an extensive simulation study with examples that involve linear
and non-linear ground dependencies. We also demonstrate the performance of our
strategy in the analysis of physiological, clinical and accelerometer data from
the NHANES 2003-2006 waves to predict the effect of physical activity on the
survival of patients. Our method outperforms the prior results in the
literature that use the traditional Cox model."
1905,A Truthful Owner-Assisted Scoring Mechanism,"Alice (owner) has knowledge of the underlying quality of her items measured
in grades. Given the noisy grades provided by an independent party, can Bob
(appraiser) obtain accurate estimates of the ground-truth grades of the items
by asking Alice a question about the grades? We address this when the payoff to
Alice is additive convex utility over all her items. We establish that if Alice
has to truthfully answer the question so that her payoff is maximized, the
question must be formulated as pairwise comparisons between her items. Next, we
prove that if Alice is required to provide a ranking of her items, which is the
most fine-grained question via pairwise comparisons, she would be truthful. By
incorporating the ground-truth ranking, we show that Bob can obtain an
estimator with the optimal squared error in certain regimes based on any
possible way of truthful information elicitation. Moreover, the estimated
grades are substantially more accurate than the raw grades when the number of
items is large and the raw grades are very noisy. Finally, we conclude the
paper with several extensions and some refinements for practical
considerations."
1906,Temporal Multimodal Multivariate Learning,"We introduce temporal multimodal multivariate learning, a new family of
decision making models that can indirectly learn and transfer online
information from simultaneous observations of a probability distribution with
more than one peak or more than one outcome variable from one time stage to
another. We approximate the posterior by sequentially removing additional
uncertainties across different variables and time, based on data-physics driven
correlation, to address a broader class of challenging time-dependent
decision-making problems under uncertainty. Extensive experiments on real-world
datasets ( i.e., urban traffic data and hurricane ensemble forecasting data)
demonstrate the superior performance of the proposed targeted decision-making
over the state-of-the-art baseline prediction methods across various settings."
1907,On Provably Robust Meta-Bayesian Optimization,"Bayesian optimization (BO) has become popular for sequential optimization of
black-box functions. When BO is used to optimize a target function, we often
have access to previous evaluations of potentially related functions. This begs
the question as to whether we can leverage these previous experiences to
accelerate the current BO task through meta-learning (meta-BO), while ensuring
robustness against potentially harmful dissimilar tasks that could sabotage the
convergence of BO. This paper introduces two scalable and provably robust
meta-BO algorithms: robust meta-Gaussian process-upper confidence bound
(RM-GP-UCB) and RM-GP-Thompson sampling (RM-GP-TS). We prove that both
algorithms are asymptotically no-regret even when some or all previous tasks
are dissimilar to the current task, and show that RM-GP-UCB enjoys a better
theoretical robustness than RM-GP-TS. We also exploit the theoretical
guarantees to optimize the weights assigned to individual previous tasks
through regret minimization via online learning, which diminishes the impact of
dissimilar tasks and hence further enhances the robustness. Empirical
evaluations show that (a) RM-GP-UCB performs effectively and consistently
across various applications, and (b) RM-GP-TS, despite being less robust than
RM-GP-UCB both in theory and in practice, performs competitively in some
scenarios with less dissimilar tasks and is more computationally efficient."
1908,How are policy gradient methods affected by the limits of control?,"We study stochastic policy gradient methods from the perspective of
control-theoretic limitations. Our main result is that ill-conditioned linear
systems in the sense of Doyle inevitably lead to noisy gradient estimates. We
also give an example of a class of stable systems in which policy gradient
methods suffer from the curse of dimensionality. Our results apply to both
state feedback and partially observed systems."
1909,Evaluating histopathology transfer learning with ChampKit,"Histopathology remains the gold standard for diagnosis of various cancers.
Recent advances in computer vision, specifically deep learning, have
facilitated the analysis of histopathology images for various tasks, including
immune cell detection and microsatellite instability classification. The
state-of-the-art for each task often employs base architectures that have been
pretrained for image classification on ImageNet. The standard approach to
develop classifiers in histopathology tends to focus narrowly on optimizing
models for a single task, not considering the aspects of modeling innovations
that improve generalization across tasks. Here we present ChampKit
(Comprehensive Histopathology Assessment of Model Predictions toolKit): an
extensible, fully reproducible benchmarking toolkit that consists of a broad
collection of patch-level image classification tasks across different cancers.
ChampKit enables a way to systematically document the performance impact of
proposed improvements in models and methodology. ChampKit source code and data
are freely accessible at https://github.com/kaczmarj/champkit ."
1910,When adversarial attacks become interpretable counterfactual explanations,"We argue that, when learning a 1-Lipschitz neural network with the dual loss
of an optimal transportation problem, the gradient of the model is both the
direction of the transportation plan and the direction to the closest
adversarial attack. Traveling along the gradient to the decision boundary is no
more an adversarial attack but becomes a counterfactual explanation, explicitly
transporting from one class to the other. Through extensive experiments on XAI
metrics, we find that the simple saliency map method, applied on such networks,
becomes a reliable explanation, and outperforms the state-of-the-art
explanation approaches on unconstrained models. The proposed networks were
already known to be certifiably robust, and we prove that they are also
explainable with a fast and simple method."
1911,On the Finite-Time Performance of the Knowledge Gradient Algorithm,"The knowledge gradient (KG) algorithm is a popular and effective algorithm
for the best arm identification (BAI) problem. Due to the complex calculation
of KG, theoretical analysis of this algorithm is difficult, and existing
results are mostly about the asymptotic performance of it, e.g., consistency,
asymptotic sample allocation, etc. In this research, we present new theoretical
results about the finite-time performance of the KG algorithm. Under
independent and normally distributed rewards, we derive lower bounds and upper
bounds for the probability of error and simple regret of the algorithm. With
these bounds, existing asymptotic results become simple corollaries. We also
show the performance of the algorithm for the multi-armed bandit (MAB) problem.
These developments not only extend the existing analysis of the KG algorithm,
but can also be used to analyze other improvement-based algorithms. Last, we
use numerical experiments to further demonstrate the finite-time behavior of
the KG algorithm."
1912,Robust Reinforcement Learning with Distributional Risk-averse formulation,"Robust Reinforcement Learning tries to make predictions more robust to
changes in the dynamics or rewards of the system. This problem is particularly
important when the dynamics and rewards of the environment are estimated from
the data. In this paper, we approximate the Robust Reinforcement Learning
constrained with a $\Phi$-divergence using an approximate Risk-Averse
formulation. We show that the classical Reinforcement Learning formulation can
be robustified using standard deviation penalization of the objective. Two
algorithms based on Distributional Reinforcement Learning, one for discrete and
one for continuous action spaces are proposed and tested in a classical Gym
environment to demonstrate the robustness of the algorithms."
1913,Architectural patterns for handling runtime uncertainty of data-driven models in safety-critical perception,"Data-driven models (DDM) based on machine learning and other AI techniques
play an important role in the perception of increasingly autonomous systems.
Due to the merely implicit definition of their behavior mainly based on the
data used for training, DDM outputs are subject to uncertainty. This poses a
challenge with respect to the realization of safety-critical perception tasks
by means of DDMs. A promising approach to tackling this challenge is to
estimate the uncertainty in the current situation during operation and adapt
the system behavior accordingly. In previous work, we focused on runtime
estimation of uncertainty and discussed approaches for handling uncertainty
estimations. In this paper, we present additional architectural patterns for
handling uncertainty. Furthermore, we evaluate the four patterns qualitatively
and quantitatively with respect to safety and performance gains. For the
quantitative evaluation, we consider a distance controller for vehicle
platooning where performance gains are measured by considering how much the
distance can be reduced in different operational situations. We conclude that
the consideration of context information of the driving situation makes it
possible to accept more or less uncertainty depending on the inherent risk of
the situation, which results in performance gains."
1914,Variance Reduction for Policy-Gradient Methods via Empirical Variance Minimization,"Policy-gradient methods in Reinforcement Learning(RL) are very universal and
widely applied in practice but their performance suffers from the high variance
of the gradient estimate. Several procedures were proposed to reduce it
including actor-critic(AC) and advantage actor-critic(A2C) methods. Recently
the approaches have got new perspective due to the introduction of Deep RL:
both new control variates(CV) and new sub-sampling procedures became available
in the setting of complex models like neural networks. The vital part of
CV-based methods is the goal functional for the training of the CV, the most
popular one is the least-squares criterion of A2C. Despite its practical
success, the criterion is not the only one possible. In this paper we for the
first time investigate the performance of the one called Empirical
Variance(EV). We observe in the experiments that not only EV-criterion performs
not worse than A2C but sometimes can be considerably better. Apart from that,
we also prove some theoretical guarantees of the actual variance reduction
under very general assumptions and show that A2C least-squares goal functional
is an upper bound for EV goal. Our experiments indicate that in terms of
variance reduction EV-based methods are much better than A2C and allow stronger
variance reduction."
1915,Tailored max-out networks for learning convex PWQ functions,"Convex piecewise quadratic (PWQ) functions frequently appear in control and
elsewhere. For instance, it is well-known that the optimal value function (OVF)
as well as Q-functions for linear MPC are convex PWQ functions. Now, in
learning-based control, these functions are often represented with the help of
artificial neural networks (NN). In this context, a recurring question is how
to choose the topology of the NN in terms of depth, width, and activations in
order to enable efficient learning. An elegant answer to that question could be
a topology that, in principle, allows to exactly describe the function to be
learned. Such solutions are already available for related problems. In fact,
suitable topologies are known for piecewise affine (PWA) functions that can,
for example, reflect the optimal control law in linear MPC. Following this
direction, we show in this paper that convex PWQ functions can be exactly
described by max-out-NN with only one hidden layer and two neurons."
1916,Disentangled Federated Learning for Tackling Attributes Skew via Invariant Aggregation and Diversity Transferring,"Attributes skew hinders the current federated learning (FL) frameworks from
consistent optimization directions among the clients, which inevitably leads to
performance reduction and unstable convergence. The core problems lie in that:
1) Domain-specific attributes, which are non-causal and only locally valid, are
indeliberately mixed into global aggregation. 2) The one-stage optimizations of
entangled attributes cannot simultaneously satisfy two conflicting objectives,
i.e., generalization and personalization. To cope with these, we proposed
disentangled federated learning (DFL) to disentangle the domain-specific and
cross-invariant attributes into two complementary branches, which are trained
by the proposed alternating local-global optimization independently.
Importantly, convergence analysis proves that the FL system can be stably
converged even if incomplete client models participate in the global
aggregation, which greatly expands the application scope of FL. Extensive
experiments verify that DFL facilitates FL with higher performance, better
interpretability, and faster convergence rate, compared with SOTA FL methods on
both manually synthesized and realistic attributes skew datasets."
1917,Physics-Informed Transfer Learning Strategy to Accelerate Unsteady Fluid Flow Simulations,"Since the derivation of the Navier Stokes equations, it has become possible
to numerically solve real world viscous flow problems (computational fluid
dynamics (CFD)). However, despite the rapid advancements in the performance of
central processing units (CPUs), the computational cost of simulating transient
flows with extremely small time/grid scale physics is still unrealistic. In
recent years, machine learning (ML) technology has received significant
attention across industries, and this big wave has propagated various interests
in the fluid dynamics community. Recent ML CFD studies have revealed that
completely suppressing the increase in error with the increase in interval
between the training and prediction times in data driven methods is
unrealistic. The development of a practical CFD acceleration methodology that
applies ML is a remaining issue. Therefore, the objectives of this study were
developing a realistic ML strategy based on a physics-informed transfer
learning and validating the accuracy and acceleration performance of this
strategy using an unsteady CFD dataset. This strategy can determine the timing
of transfer learning while monitoring the residuals of the governing equations
in a cross coupling computation framework. Consequently, our hypothesis that
continuous fluid flow time series prediction is feasible was validated, as the
intermediate CFD simulations periodically not only reduce the increased
residuals but also update the network parameters. Notably, the cross coupling
strategy with a grid based network model does not compromise the simulation
accuracy for computational acceleration. The simulation was accelerated by 1.8
times in the laminar counterflow CFD dataset condition including the parameter
updating time. Open source CFD software OpenFOAM and open-source ML software
TensorFlow were used in this feasibility study."
1918,Learning towards Synchronous Network Memorizability and Generalizability for Continual Segmentation across Multiple Sites,"In clinical practice, a segmentation network is often required to continually
learn on a sequential data stream from multiple sites rather than a
consolidated set, due to the storage cost and privacy restriction. However,
during the continual learning process, existing methods are usually restricted
in either network memorizability on previous sites or generalizability on
unseen sites. This paper aims to tackle the challenging problem of Synchronous
Memorizability and Generalizability (SMG) and to simultaneously improve
performance on both previous and unseen sites, with a novel proposed
SMG-learning framework. First, we propose a Synchronous Gradient Alignment
(SGA) objective, which not only promotes the network memorizability by
enforcing coordinated optimization for a small exemplar set from previous sites
(called replay buffer), but also enhances the generalizability by facilitating
site-invariance under simulated domain shift. Second, to simplify the
optimization of SGA objective, we design a Dual-Meta algorithm that
approximates the SGA objective as dual meta-objectives for optimization without
expensive computation overhead. Third, for efficient rehearsal, we configure
the replay buffer comprehensively considering additional inter-site diversity
to reduce redundancy. Experiments on prostate MRI data sequentially acquired
from six institutes demonstrate that our method can simultaneously achieve
higher memorizability and generalizability over state-of-the-art methods. Code
is available at https://github.com/jingyzhang/SMG-Learning."
1919,Adversarial Audio Synthesis with Complex-valued Polynomial Networks,"Time-frequency (TF) representations in audio synthesis have been increasingly
modeled with real-valued networks. However, overlooking the complex-valued
nature of TF representations can result in suboptimal performance and require
additional modules (e.g., for modeling the phase). To this end, we introduce
complex-valued polynomial networks, called APOLLO, that integrate such
complex-valued representations in a natural way. Concretely, APOLLO captures
high-order correlations of the input elements using high-order tensors as
scaling parameters. By leveraging standard tensor decompositions, we derive
different architectures and enable modeling richer correlations. We outline
such architectures and showcase their performance in audio generation across
four benchmarks. As a highlight, APOLLO results in $17.5\%$ improvement over
adversarial methods and $8.2\%$ over the state-of-the-art diffusion models on
SC09 dataset in audio generation. Our models can encourage the systematic
design of other efficient architectures on the complex field."
1920,Adversarially Robust Multi-Armed Bandit Algorithm with Variance-Dependent Regret Bounds,"This paper considers the multi-armed bandit (MAB) problem and provides a new
best-of-both-worlds (BOBW) algorithm that works nearly optimally in both
stochastic and adversarial settings. In stochastic settings, some existing BOBW
algorithms achieve tight gap-dependent regret bounds of $O(\sum_{i: \Delta_i>0}
\frac{\log T}{\Delta_i})$ for suboptimality gap $\Delta_i$ of arm $i$ and time
horizon $T$. As Audibert et al. [2007] have shown, however, that the
performance can be improved in stochastic environments with low-variance arms.
In fact, they have provided a stochastic MAB algorithm with
gap-variance-dependent regret bounds of $O(\sum_{i: \Delta_i>0}
(\frac{\sigma_i^2}{\Delta_i} + 1) \log T )$ for loss variance $\sigma_i^2$ of
arm $i$. In this paper, we propose the first BOBW algorithm with
gap-variance-dependent bounds, showing that the variance information can be
used even in the possibly adversarial environment. Further, the leading
constant factor in our gap-variance dependent bound is only (almost) twice the
value for the lower bound. Additionally, the proposed algorithm enjoys multiple
data-dependent regret bounds in adversarial settings and works well in
stochastic settings with adversarial corruptions. The proposed algorithm is
based on the follow-the-regularized-leader method and employs adaptive learning
rates that depend on the empirical prediction error of the loss, which leads to
gap-variance-dependent regret bounds reflecting the variance of the arms."
1921,Reconstructing vehicles from orthographic drawings using deep neural networks,"This paper explores the current state-of-the-art of object reconstruction
from multiple orthographic drawings using deep neural networks. It proposes two
algorithms to extract multiple views from a single image. The paper proposes a
system based on pixel-aligned implicit functions (PIFu) and develops an
advanced sampling strategy to generate signed distance samples. It also
compares this approach to depth map regression from multiple views.
Additionally, the paper uses a novel dataset for vehicle reconstruction from
the racing game Assetto Corsa, which features higher quality models than the
commonly used ShapeNET dataset. The trained neural network generalizes well to
real-world inputs and creates plausible and detailed reconstructions."
1922,The Dynamics of Riemannian Robbins-Monro Algorithms,"Many important learning algorithms, such as stochastic gradient methods, are
often deployed to solve nonlinear problems on Riemannian manifolds. Motivated
by these applications, we propose a family of Riemannian algorithms
generalizing and extending the seminal stochastic approximation framework of
Robbins and Monro. Compared to their Euclidean counterparts, Riemannian
iterative algorithms are much less understood due to the lack of a global
linear structure on the manifold. We overcome this difficulty by introducing an
extended Fermi coordinate frame which allows us to map the asymptotic behavior
of the proposed Riemannian Robbins-Monro (RRM) class of algorithms to that of
an associated deterministic dynamical system under very mild assumptions on the
underlying manifold. In so doing, we provide a general template of almost sure
convergence results that mirrors and extends the existing theory for Euclidean
Robbins-Monro schemes, albeit with a significantly more involved analysis that
requires a number of new geometric ingredients. We showcase the flexibility of
the proposed RRM framework by using it to establish the convergence of a
retraction-based analogue of the popular optimistic / extra-gradient methods
for solving minimization problems and games, and we provide a unified treatment
for their convergence."
1923,Classification of ECG based on Hybrid Features using CNNs for Wearable Applications,"Sudden cardiac death and arrhythmia account for a large percentage of all
deaths worldwide. Electrocardiography (ECG) is the most widely used screening
tool for cardiovascular diseases. Traditionally, ECG signals are classified
manually, requiring experience and great skill, while being time-consuming and
prone to error. Thus machine learning algorithms have been widely adopted
because of their ability to perform complex data analysis. Features derived
from the points of interest in ECG - mainly Q, R, and S, are widely used for
arrhythmia detection. In this work, we demonstrate improved performance for ECG
classification using hybrid features and three different models, building on a
1-D convolutional neural network (CNN) model that we had proposed in the past.
An RR interval features based model proposed in this work achieved an accuracy
of 98.98%, which is an improvement over the baseline model. To make the model
immune to noise, we updated the model using frequency features and achieved
good sustained performance in presence of noise with a slightly lower accuracy
of 98.69%. Further, another model combining the frequency features and the RR
interval features was developed, which achieved a high accuracy of 99% with
good sustained performance in noisy environments. Due to its high accuracy and
noise immunity, the proposed model which combines multiple hybrid features, is
well suited for ambulatory wearable sensing applications."
1924,Supervised Dictionary Learning with Auxiliary Covariates,"Supervised dictionary learning (SDL) is a classical machine learning method
that simultaneously seeks feature extraction and classification tasks, which
are not necessarily a priori aligned objectives. The goal of SDL is to learn a
class-discriminative dictionary, which is a set of latent feature vectors that
can well-explain both the features as well as labels of observed data. In this
paper, we provide a systematic study of SDL, including the theory, algorithm,
and applications of SDL. First, we provide a novel framework that `lifts' SDL
as a convex problem in a combined factor space and propose a low-rank projected
gradient descent algorithm that converges exponentially to the global minimizer
of the objective. We also formulate generative models of SDL and provide global
estimation guarantees of the true parameters depending on the hyperparameter
regime. Second, viewed as a nonconvex constrained optimization problem, we
provided an efficient block coordinate descent algorithm for SDL that is
guaranteed to find an $\varepsilon$-stationary point of the objective in
$O(\varepsilon^{-1}(\log \varepsilon^{-1})^{2})$ iterations. For the
corresponding generative model, we establish a novel non-asymptotic local
consistency result for constrained and regularized maximum likelihood
estimation problems, which may be of independent interest. Third, we apply SDL
for imbalanced document classification by supervised topic modeling and also
for pneumonia detection from chest X-ray images. We also provide simulation
studies to demonstrate that SDL becomes more effective when there is a
discrepancy between the best reconstructive and the best discriminative
dictionaries."
1925,"Atrial Fibrillation Detection Using Weight-Pruned, Log-Quantised Convolutional Neural Networks","Deep neural networks (DNN) are a promising tool in medical applications.
However, the implementation of complex DNNs on battery-powered devices is
challenging due to high energy costs for communication. In this work, a
convolutional neural network model is developed for detecting atrial
fibrillation from electrocardiogram (ECG) signals. The model demonstrates high
performance despite being trained on limited, variable-length input data.
Weight pruning and logarithmic quantisation are combined to introduce sparsity
and reduce model size, which can be exploited for reduced data movement and
lower computational complexity. The final model achieved a 91.1% model
compression ratio while maintaining high model accuracy of 91.7% and less than
1% loss."
1926,Universally Expressive Communication in Multi-Agent Reinforcement Learning,"Allowing agents to share information through communication is crucial for
solving complex tasks in multi-agent reinforcement learning. In this work, we
consider the question of whether a given communication protocol can express an
arbitrary policy. By observing that many existing protocols can be viewed as
instances of graph neural networks (GNNs), we demonstrate the equivalence of
joint action selection to node labelling. With standard GNN approaches provably
limited in their expressive capacity, we draw from existing GNN literature and
consider augmenting agent observations with: (1) unique agent IDs and (2)
random noise. We provide a theoretical analysis as to how these approaches
yield universally expressive communication, and also prove them capable of
targeting arbitrary sets of actions for identical agents. Empirically, these
augmentations are found to improve performance on tasks where expressive
communication is required, whilst, in general, the optimal communication
protocol is found to be task-dependent."
1927,RoSGAS: Adaptive Social Bot Detection with Reinforced Self-Supervised GNN Architecture Search,"Social bots are referred to as the automated accounts on social networks that
make attempts to behave like human. While Graph Neural Networks (GNNs) has been
massively applied to the field of social bot detection, a huge amount of domain
expertise and prior knowledge is heavily engaged in the state-of-the art
approaches to design a dedicated neural network architecture for a specific
classification task. Involving oversized nodes and network layers in the model
design, however, usually causes the over-smoothing problem and the lack of
embedding discrimination. In this paper, we propose RoSGAS, a novel Reinforced
and Self-supervised GNN Architecture Search framework to adaptively pinpoint
the most suitable multi-hop neighborhood and the number of layers in the GNN
architecture. More specifically, we consider the social bot detection problem
as a user-centric subgraph embedding and classification task. We exploit
heterogeneous information network to present the user connectivity by
leveraging account metadata, relationships, behavioral features and content
features. RoSGAS uses a multi-agent deep reinforcement learning (RL) mechanism
for navigating the search of optimal neighborhood and network layers to learn
individually the subgraph embedding for each target user. A nearest neighbor
mechanism is developed for accelerating the RL training process, and RoSGAS can
learn more discriminative subgraph embedding with the aid of self-supervised
learning. Experiments on 5 Twitter datasets show that RoSGAS outperforms the
state-of-the-art approaches in terms of accuracy, training efficiency and
stability, and has better generalization when handling unseen samples."
1928,Counting Markov Equivalent Directed Acyclic Graphs Consistent with Background Knowledge,"A polynomial-time exact algorithm for counting the number of directed acyclic
graphs in a Markov equivalence class was recently given by Wien\""obst, Bannach,
and Li\'skiewicz (AAAI 2021). In this paper, we consider the more general
problem of counting the number of directed acyclic graphs in a Markov
equivalence class when the directions of some of the edges are also fixed (this
setting arises, for example, when interventional data is partially available).
This problem has been shown in earlier work to be complexity-theoretically
hard. In contrast, we show that the problem is nevertheless tractable in an
interesting class of instances, by establishing that it is ``fixed-parameter
tractable''. In particular, our counting algorithm runs in time that is bounded
by a polynomial in the size of the graph, where the degree of the polynomial
does \emph{not} depend upon the number of additional edges provided as input."
1929,Adversarial Vulnerability of Randomized Ensembles,"Despite the tremendous success of deep neural networks across various tasks,
their vulnerability to imperceptible adversarial perturbations has hindered
their deployment in the real world. Recently, works on randomized ensembles
have empirically demonstrated significant improvements in adversarial
robustness over standard adversarially trained (AT) models with minimal
computational overhead, making them a promising solution for safety-critical
resource-constrained applications. However, this impressive performance raises
the question: Are these robustness gains provided by randomized ensembles real?
In this work we address this question both theoretically and empirically. We
first establish theoretically that commonly employed robustness evaluation
methods such as adaptive PGD provide a false sense of security in this setting.
Subsequently, we propose a theoretically-sound and efficient adversarial attack
algorithm (ARC) capable of compromising random ensembles even in cases where
adaptive PGD fails to do so. We conduct comprehensive experiments across a
variety of network architectures, training schemes, datasets, and norms to
support our claims, and empirically establish that randomized ensembles are in
fact more vulnerable to $\ell_p$-bounded adversarial perturbations than even
standard AT models. Our code can be found at https://github.com/hsndbk4/ARC."
1930,Automated SSIM Regression for Detection and Quantification of Motion Artefacts in Brain MR Images,"Motion artefacts in magnetic resonance brain images are a crucial issue. The
assessment of MR image quality is fundamental before proceeding with the
clinical diagnosis. If the motion artefacts alter a correct delineation of
structure and substructures of the brain, lesions, tumours and so on, the
patients need to be re-scanned. Otherwise, neuro-radiologists could report an
inaccurate or incorrect diagnosis. The first step right after scanning a
patient is the ""\textit{image quality assessment}"" in order to decide if the
acquired images are diagnostically acceptable. An automated image quality
assessment based on the structural similarity index (SSIM) regression through a
residual neural network has been proposed here, with the possibility to perform
also the classification in different groups - by subdividing with SSIM ranges.
This method predicts SSIM values of an input image in the absence of a
reference ground truth image. The networks were able to detect motion
artefacts, and the best performance for the regression and classification task
has always been achieved with ResNet-18 with contrast augmentation. Mean and
standard deviation of residuals' distribution were $\mu=-0.0009$ and
$\sigma=0.0139$, respectively. Whilst for the classification task in 3, 5 and
10 classes, the best accuracies were 97, 95 and 89\%, respectively. The
obtained results show that the proposed method could be a tool in supporting
neuro-radiologists and radiographers in evaluating the image quality before the
diagnosis."
1931,Near-Exact Recovery for Tomographic Inverse Problems via Deep Learning,"This work is concerned with the following fundamental question in scientific
machine learning: Can deep-learning-based methods solve noise-free inverse
problems to near-perfect accuracy? Positive evidence is provided for the first
time, focusing on a prototypical computed tomography (CT) setup. We demonstrate
that an iterative end-to-end network scheme enables reconstructions close to
numerical precision, comparable to classical compressed sensing strategies. Our
results build on our winning submission to the recent AAPM DL-Sparse-View CT
Challenge. Its goal was to identify the state-of-the-art in solving the
sparse-view CT inverse problem with data-driven techniques. A specific
difficulty of the challenge setup was that the precise forward model remained
unknown to the participants. Therefore, a key feature of our approach was to
initially estimate the unknown fanbeam geometry in a data-driven calibration
step. Apart from an in-depth analysis of our methodology, we also demonstrate
its state-of-the-art performance on the open-access real-world dataset LoDoPaB
CT."
1932,Deep Variational Implicit Processes,"Implicit processes (IPs) are a generalization of Gaussian processes (GPs).
IPs may lack a closed-form expression but are easy to sample from. Examples
include, among others, Bayesian neural networks or neural samplers. IPs can be
used as priors over functions, resulting in flexible models with
well-calibrated prediction uncertainty estimates. Methods based on IPs usually
carry out function-space approximate inference, which overcomes some of the
difficulties of parameter-space approximate inference. Nevertheless, the
approximations employed often limit the expressiveness of the final model,
resulting, \emph{e.g.}, in a Gaussian predictive distribution, which can be
restrictive. We propose here a multi-layer generalization of IPs called the
Deep Variational Implicit process (DVIP). This generalization is similar to
that of deep GPs over GPs, but it is more flexible due to the use of IPs as the
prior distribution over the latent functions. We describe a scalable
variational inference algorithm for training DVIP and show that it outperforms
previous IP-based methods and also deep GPs. We support these claims via
extensive regression and classification experiments. We also evaluate DVIP on
large datasets with up to several million data instances to illustrate its good
scalability and performance."
1933,Stein Variational Goal Generation For Reinforcement Learning in Hard Exploration Problems,"Multi-goal Reinforcement Learning has recently attracted a large amount of
research interest. By allowing experience to be shared between related training
tasks, this setting favors generalization for new tasks at test time, whenever
some smoothness exists in the considered representation space of goals.
However, in settings with discontinuities in state or goal spaces (e.g. walls
in a maze), a majority of goals are difficult to reach, due to the sparsity of
rewards in the absence of expert knowledge. This implies hard exploration, for
which some curriculum of goals must be discovered, to help agents learn by
adapting training tasks to their current capabilities. Building on recent
automatic curriculum learning techniques for goal-conditioned policies, we
propose a novel approach: Stein Variational Goal Generation (SVGG), which seeks
at preferably sampling new goals in the zone of proximal development of the
agent, by leveraging a learned model of its abilities, and a goal distribution
modeled as particles in the exploration space. Our approach relies on Stein
Variational Gradient Descent to dynamically attract the goal sampling
distribution in areas of appropriate difficulty. We demonstrate the
performances of the approach, in terms of success coverage in the goal space,
compared to recent state-of-the-art RL methods for hard exploration problems."
1934,Visual Radial Basis Q-Network,"While reinforcement learning (RL) from raw images has been largely
investigated in the last decade, existing approaches still suffer from a number
of constraints. The high input dimension is often handled using either expert
knowledge to extract handcrafted features or environment encoding through
convolutional networks. Both solutions require numerous parameters to be
optimized. In contrast, we propose a generic method to extract sparse features
from raw images with few trainable parameters. We achieved this using a Radial
Basis Function Network (RBFN) directly on raw image. We evaluate the
performance of the proposed approach for visual extraction in Q-learning tasks
in the Vizdoom environment. Then, we compare our results with two Deep
Q-Network, one trained directly on images and another one trained on feature
extracted by a pretrained auto-encoder. We show that the proposed approach
provides similar or, in some cases, even better performances with fewer
trainable parameters while being conceptually simpler."
1935,Conformal Off-Policy Prediction,"Off-policy evaluation is critical in a number of applications where new
policies need to be evaluated offline before online deployment. Most existing
methods focus on the expected return, define the target parameter through
averaging and provide a point estimator only. In this paper, we develop a novel
procedure to produce reliable interval estimators for a target policy's return
starting from any initial state. Our proposal accounts for the variability of
the return around its expectation, focuses on the individual effect and offers
valid uncertainty quantification. Our main idea lies in designing a pseudo
policy that generates subsamples as if they were sampled from the target policy
so that existing conformal prediction algorithms are applicable to prediction
interval construction. Our methods are justified by theories, synthetic data
and real data from short-video platforms."
1936,Task Transfer and Domain Adaptation for Zero-Shot Question Answering,"Pretrained language models have shown success in various areas of natural
language processing, including reading comprehension tasks. However, when
applying machine learning methods to new domains, labeled data may not always
be available. To address this, we use supervised pretraining on source-domain
data to reduce sample complexity on domain-specific downstream tasks. We
evaluate zero-shot performance on domain-specific reading comprehension tasks
by combining task transfer with domain adaptation to fine-tune a pretrained
model with no labelled data from the target task. Our approach outperforms
Domain-Adaptive Pretraining on downstream domain-specific reading comprehension
tasks in 3 out of 4 domains."
1937,CNN-based Classification Framework for Lung Tissues with Auxiliary Information,"Interstitial lung diseases are a large group of heterogeneous diseases
characterized by different degrees of alveolitis and pulmonary fibrosis.
Accurately diagnosing these diseases has significant guiding value for
formulating treatment plans. Although previous work has produced impressive
results in classifying interstitial lung diseases, there is still room for
improving the accuracy of these techniques, mainly to enhance automated
decision-making. In order to improve the classification precision, our study
proposes a convolutional neural networks-based framework with auxiliary
information. Firstly, ILD images are added with their medical information by
re-scaling the original image in Hounsfield Units. Secondly, a modified CNN
model is used to produce a vector of classification probability for each
tissue. Thirdly, location information of the input image, consisting of the
occurrence frequencies of different diseases in the CT scans on certain
locations, is used to calculate a location weight vector. Finally, the Hadamard
product between two vectors is used to produce a decision vector for the
prediction. Compared to the state-of-the-art methods, the results using a
publicly available ILD database show the potential of predicting these using
different auxiliary information."
1938,Generalizing experimental findings: identification beyond adjustments,"We aim to generalize the results of a randomized controlled trial (RCT) to a
target population with the help of some observational data. This is a problem
of causal effect identification with multiple data sources. Challenges arise
when the RCT is conducted in a context that differs from the target population.
Earlier research has focused on cases where the estimates from the RCT can be
adjusted by observational data in order to remove the selection bias and other
domain specific differences. We consider examples where the experimental
findings cannot be generalized by an adjustment and show that the
generalization may still be possible by other identification strategies that
can be derived by applying do-calculus. The obtained identifying functionals
for these examples contain trapdoor variables of a new type. The value of a
trapdoor variable needs to be fixed in the estimation and the choice of the
value may have a major effect on the bias and accuracy of estimates, which is
also seen in simulations. The presented results expand the scope of settings
where the generalization of experimental findings is doable"
1939,COVIDHunter: COVID-19 pandemic wave prediction and mitigation via seasonality-aware modeling,"Early detection and isolation of COVID-19 patients are essential for
successful implementation of mitigation strategies and eventually curbing the
disease spread. With a limited number of daily COVID-19 tests performed in
every country, simulating the COVID-19 spread along with the potential effect
of each mitigation strategy currently remains one of the most effective ways in
managing the healthcare system and guiding policy-makers. We introduce
COVIDHunter, a flexible and accurate COVID-19 outbreak simulation model that
evaluates the current mitigation measures that are applied to a region,
predicts COVID-19 statistics (the daily number of cases, hospitalizations, and
deaths), and provides suggestions on what strength the upcoming mitigation
measure should be. The key idea of COVIDHunter is to quantify the spread of
COVID-19 in a geographical region by simulating the average number of new
infections caused by an infected person considering the effect of external
factors, such as environmental conditions (e.g., climate, temperature,
humidity), different variants of concern, vaccination rate, and mitigation
measures. Using Switzerland as a case study, COVIDHunter estimates that we are
experiencing a deadly new wave that will peak on 26 January 2022, which is very
similar in numbers to the wave we had in February 2020. The policy-makers have
only one choice that is to increase the strength of the currently applied
mitigation measures for 30 days. Unlike existing models, the COVIDHunter model
accurately monitors and predicts the daily number of cases, hospitalizations,
and deaths due to COVID-19. Our model is flexible to configure and simple to
modify for modeling different scenarios under different environmental
conditions and mitigation measures. We release the source code of the
COVIDHunter implementation at https://github.com/CMU-SAFARI/COVIDHunter."
1940,Bandwidth Enables Generalization in Quantum Kernel Models,"Quantum computers are known to provide speedups over classical
state-of-the-art machine learning methods in some specialized settings. For
example, quantum kernel methods have been shown to provide an exponential
speedup on a learning version of the discrete logarithm problem. Understanding
the generalization of quantum models is essential to realizing similar speedups
on problems of practical interest. Recent results demonstrate that
generalization is hindered by the exponential size of the quantum feature
space. Although these results suggest that quantum models cannot generalize
when the number of qubits is large, in this paper we show that these results
rely on overly restrictive assumptions. We consider a wider class of models by
varying a hyperparameter that we call quantum kernel bandwidth. We analyze the
large-qubit limit and provide explicit formulas for the generalization of a
quantum model that can be solved in closed form. Specifically, we show that
changing the value of the bandwidth can take a model from provably not being
able to generalize to any target function to good generalization for
well-aligned targets. Our analysis shows how the bandwidth controls the
spectrum of the kernel integral operator and thereby the inductive bias of the
model. We demonstrate empirically that our theory correctly predicts how
varying the bandwidth affects generalization of quantum models on challenging
datasets, including those far outside our theoretical assumptions. We discuss
the implications of our results for quantum advantage in machine learning."
1941,Causal Discovery for Fairness,"It is crucial to consider the social and ethical consequences of AI and ML
based decisions for the safe and acceptable use of these emerging technologies.
Fairness, in particular, guarantees that the ML decisions do not result in
discrimination against individuals or minorities. Identifying and measuring
reliably fairness/discrimination is better achieved using causality which
considers the causal relation, beyond mere association, between the sensitive
attribute (e.g. gender, race, religion, etc.) and the decision (e.g. job
hiring, loan granting, etc.). The big impediment to the use of causality to
address fairness, however, is the unavailability of the causal model (typically
represented as a causal graph). Existing causal approaches to fairness in the
literature do not address this problem and assume that the causal model is
available. In this paper, we do not make such assumption and we review the
major algorithms to discover causal relations from observable data. This study
focuses on causal discovery and its impact on fairness. In particular, we show
how different causal discovery approaches may result in different causal models
and, most importantly, how even slight differences between causal models can
have significant impact on fairness/discrimination conclusions. These results
are consolidated by empirical analysis using synthetic and standard fairness
benchmark datasets. The main goal of this study is to highlight the importance
of the causal discovery step to appropriately address fairness using causality."
1942,Exploring speaker enrolment for few-shot personalisation in emotional vocalisation prediction,"In this work, we explore a novel few-shot personalisation architecture for
emotional vocalisation prediction. The core contribution is an `enrolment'
encoder which utilises two unlabelled samples of the target speaker to adjust
the output of the emotion encoder; the adjustment is based on dot-product
attention, thus effectively functioning as a form of `soft' feature selection.
The emotion and enrolment encoders are based on two standard audio
architectures: CNN14 and CNN10. The two encoders are further guided to forget
or learn auxiliary emotion and/or speaker information. Our best approach
achieves a CCC of $.650$ on the ExVo Few-Shot dev set, a $2.5\%$ increase over
our baseline CNN14 CCC of $.634$."
1943,Matching Pursuit Based Scheduling for Over-the-Air Federated Learning,"This paper develops a class of low-complexity device scheduling algorithms
for over-the-air federated learning via the method of matching pursuit. The
proposed scheme tracks closely the close-to-optimal performance achieved by
difference-of-convex programming, and outperforms significantly the well-known
benchmark algorithms based on convex relaxation. Compared to the
state-of-the-art, the proposed scheme poses a drastically lower computational
load on the system: For $K$ devices and $N$ antennas at the parameter server,
the benchmark complexity scales with $\left(N^2+K\right)^3 + N^6$ while the
complexity of the proposed scheme scales with $K^p N^q$ for some $0 < p,q \leq
2$. The efficiency of the proposed scheme is confirmed via numerical
experiments on the CIFAR-10 dataset."
1944,Severe Damage Recovery in Evolving Soft Robots through Differentiable Programming,"Biological systems are very robust to morphological damage, but artificial
systems (robots) are currently not. In this paper we present a system based on
neural cellular automata, in which locomoting robots are evolved and then given
the ability to regenerate their morphology from damage through gradient-based
training. Our approach thus combines the benefits of evolution to discover a
wide range of different robot morphologies, with the efficiency of supervised
training for robustness through differentiable update rules. The resulting
neural cellular automata are able to grow virtual robots capable of regaining
more than 80\% of their functionality, even after severe types of morphological
damage."
1945,Energy Flows: Towards Determinant-Free Training of Normalizing Flows,"Normalizing flows are a popular approach for constructing probabilistic and
generative models. However, maximum likelihood training of flows is challenging
due to the need to calculate computationally expensive determinants of
Jacobians. This paper takes steps towards addressing this challenge by
introducing an approach for determinant-free training of flows inspired by
two-sample testing. Central to our framework is the energy objective, a
multidimensional extension of proper scoring rules that admits efficient
estimators based on random projections and that outperforms a range of
alternative two-sample objectives that can be derived in our framework.
Crucially, the energy objective and its alternatives do not require calculating
determinants and therefore support general flow architectures that are not
well-suited to maximum likelihood training (e.g., densely connected networks).
We empirically demonstrate that energy flows achieve competitive generative
modeling performance while maintaining fast generation and posterior inference."
1946,Learning Best Combination for Efficient N:M Sparsity,"By forcing at most N out of M consecutive weights to be non-zero, the recent
N:M network sparsity has received increasing attention for its two attractive
advantages: 1) Promising performance at a high sparsity. 2) Significant
speedups on NVIDIA A100 GPUs. Recent studies require an expensive pre-training
phase or a heavy dense-gradient computation. In this paper, we show that the
N:M learning can be naturally characterized as a combinatorial problem which
searches for the best combination candidate within a finite collection.
Motivated by this characteristic, we solve N:M sparsity in an efficient
divide-and-conquer manner. First, we divide the weight vector into
$C_{\text{M}}^{\text{N}}$ combination subsets of a fixed size N. Then, we
conquer the combinatorial problem by assigning each combination a learnable
score that is jointly optimized with its associate weights. We prove that the
introduced scoring mechanism can well model the relative importance between
combination subsets. And by gradually removing low-scored subsets, N:M
fine-grained sparsity can be efficiently optimized during the normal training
phase. Comprehensive experiments demonstrate that our learning best combination
(LBC) performs consistently better than off-the-shelf N:M sparsity methods
across various networks. Our code is released at
\url{https://github.com/zyxxmu/LBC}."
1947,SoTeacher: A Student-oriented Teacher Network Training Framework for Knowledge Distillation,"How to train an ideal teacher for knowledge distillation is still an open
problem. It has been widely observed that a teacher minimizing the empirical
risk not necessarily yields the best performing student, suggesting a
fundamental discrepancy between the common practice in teacher network training
and the distillation objective. To fill this gap, we propose a novel
student-oriented teacher network training framework SoTeacher, inspired by
recent findings that student performance hinges on teacher's capability to
approximate the true label distribution of training samples. We theoretically
established that (1) the empirical risk minimizer with proper scoring rules as
loss function can provably approximate the true label distribution of training
data if the hypothesis function is locally Lipschitz continuous around training
samples; and (2) when data augmentation is employed for training, an additional
constraint is required that the minimizer has to produce consistent predictions
across augmented views of the same training input. In light of our theory,
SoTeacher renovates the empirical risk minimization by incorporating Lipschitz
regularization and consistency regularization. It is worth mentioning that
SoTeacher is applicable to almost all teacher-student architecture pairs,
requires no prior knowledge of the student upon teacher's training, and induces
almost no computation overhead. Experiments on two benchmark datasets confirm
that SoTeacher can improve student performance significantly and consistently
across various knowledge distillation algorithms and teacher-student pairs."
1948,The Open Kidney Ultrasound Data Set,"Ultrasound use is because of its low cost, non-ionizing, and non-invasive
characteristics, and has established itself as a cornerstone radiological
examination. Research on ultrasound applications has also expanded, especially
with image analysis with machine learning. However, ultrasound data are
frequently restricted to closed data sets, with only a few openly available.
Despite being a frequently examined organ, the kidney lacks a publicly
available ultrasonography data set. The proposed Open Kidney Ultrasound Data
Set is the first publicly available set of kidney B-mode ultrasound data that
includes annotations for multi-class semantic segmentation. It is based on data
retrospectively collected in a 5-year period from over 500 patients with a mean
age of 53.2 +/- 14.7 years, body mass index of 27.0 +/- 5.4 kg/m2, and most
common primary diseases being diabetes mellitus, IgA nephropathy, and
hypertension. There are labels for the view and fine-grained manual annotations
from two expert sonographers. Notably, this data includes native and
transplanted kidneys. Initial benchmarking measurements are performed,
demonstrating a state-of-the-art algorithm achieving a Dice Sorenson
Coefficient of 0.74 for the kidney capsule. This data set is a high-quality
data set, including two sets of expert annotations, with a larger breadth of
images than previously available. In increasing access to kidney ultrasound
data, future researchers may be able to create novel image analysis techniques
for tissue characterization, disease detection, and prognostication."
1949,The Kidneys Are Not All Normal: Investigating the Speckle Distributions of Transplanted Kidneys,"Modelling ultrasound speckle has generated considerable interest for its
ability to characterize tissue properties. As speckle is dependent on the
underlying tissue architecture, modelling it may aid in tasks like segmentation
or disease detection. However, for the transplanted kidney where ultrasound is
commonly used to investigate dysfunction, it is currently unknown which
statistical distribution best characterises such speckle. This is especially
true for the regions of the transplanted kidney: the cortex, the medulla and
the central echogenic complex. Furthermore, it is unclear how these
distributions vary by patient variables such as age, sex, body mass index,
primary disease, or donor type. These traits may influence speckle modelling
given their influence on kidney anatomy. We are the first to investigate these
two aims. N=821 kidney transplant recipient B-mode images were automatically
segmented into the cortex, medulla, and central echogenic complex using a
neural network. Seven distinct probability distributions were fitted to each
region. The Rayleigh and Nakagami distributions had model parameters that
differed significantly between the three regions (p <= 0.05). While both had
excellent goodness of fit, the Nakagami had higher Kullbeck-Leibler divergence.
Recipient age correlated weakly with scale in the cortex (Omega: rho = 0.11, p
= 0.004), while body mass index correlated weakly with shape in the medulla (m:
rho = 0.08, p = 0.04). Neither sex, primary disease, nor donor type
demonstrated any correlation. We propose the Nakagami distribution be used to
characterize transplanted kidneys regionally independent of disease etiology
and most patient characteristics based on our findings."
1950,SpecNet2: Orthogonalization-free spectral embedding by neural networks,"Spectral methods which represent data points by eigenvectors of kernel
matrices or graph Laplacian matrices have been a primary tool in unsupervised
data analysis. In many application scenarios, parametrizing the spectral
embedding by a neural network that can be trained over batches of data samples
gives a promising way to achieve automatic out-of-sample extension as well as
computational scalability. Such an approach was taken in the original paper of
SpectralNet (Shaham et al. 2018), which we call SpecNet1. The current paper
introduces a new neural network approach, named SpecNet2, to compute spectral
embedding which optimizes an equivalent objective of the eigen-problem and
removes the orthogonalization layer in SpecNet1. SpecNet2 also allows
separating the sampling of rows and columns of the graph affinity matrix by
tracking the neighbors of each data point through the gradient formula.
Theoretically, we show that any local minimizer of the new
orthogonalization-free objective reveals the leading eigenvectors. Furthermore,
global convergence for this new orthogonalization-free objective using a
batch-based gradient descent method is proved. Numerical experiments
demonstrate the improved performance and computational efficiency of SpecNet2
on simulated data and image datasets."
1951,Confidence Score for Source-Free Unsupervised Domain Adaptation,"Source-free unsupervised domain adaptation (SFUDA) aims to obtain high
performance in the unlabeled target domain using the pre-trained source model,
not the source data. Existing SFUDA methods assign the same importance to all
target samples, which is vulnerable to incorrect pseudo-labels. To
differentiate between sample importance, in this study, we propose a novel
sample-wise confidence score, the Joint Model-Data Structure (JMDS) score for
SFUDA. Unlike existing confidence scores that use only one of the source or
target domain knowledge, the JMDS score uses both knowledge. We then propose a
Confidence score Weighting Adaptation using the JMDS (CoWA-JMDS) framework for
SFUDA. CoWA-JMDS consists of the JMDS scores as sample weights and weight Mixup
that is our proposed variant of Mixup. Weight Mixup promotes the model make
more use of the target domain knowledge. The experimental results show that the
JMDS score outperforms the existing confidence scores. Moreover, CoWA-JMDS
achieves state-of-the-art performance on various SFUDA scenarios: closed, open,
and partial-set scenarios."
1952,Explainable AI for High Energy Physics,"Neural Networks are ubiquitous in high energy physics research. However,
these highly nonlinear parameterized functions are treated as \textit{black
boxes}- whose inner workings to convey information and build the desired
input-output relationship are often intractable. Explainable AI (xAI) methods
can be useful in determining a neural model's relationship with data toward
making it \textit{interpretable} by establishing a quantitative and tractable
relationship between the input and the model's output. In this letter of
interest, we explore the potential of using xAI methods in the context of
problems in high energy physics."
1953,Transformers are Meta-Reinforcement Learners,"The transformer architecture and variants presented remarkable success across
many machine learning tasks in recent years. This success is intrinsically
related to the capability of handling long sequences and the presence of
context-dependent weights from the attention mechanism. We argue that these
capabilities suit the central role of a Meta-Reinforcement Learning algorithm.
Indeed, a meta-RL agent needs to infer the task from a sequence of
trajectories. Furthermore, it requires a fast adaptation strategy to adapt its
policy for a new task -- which can be achieved using the self-attention
mechanism. In this work, we present TrMRL (Transformers for Meta-Reinforcement
Learning), a meta-RL agent that mimics the memory reinstatement mechanism using
the transformer architecture. It associates the recent past of working memories
to build an episodic memory recursively through the transformer layers. We show
that the self-attention computes a consensus representation that minimizes the
Bayes Risk at each layer and provides meaningful features to compute the best
actions. We conducted experiments in high-dimensional continuous control
environments for locomotion and dexterous manipulation. Results show that TrMRL
presents comparable or superior asymptotic performance, sample efficiency, and
out-of-distribution generalization compared to the baselines in these
environments."
1954,Astock: A New Dataset and Automated Stock Trading based on Stock-specific News Analyzing Model,"Natural Language Processing(NLP) demonstrates a great potential to support
financial decision-making by analyzing the text from social media or news
outlets. In this work, we build a platform to study the NLP-aided stock
auto-trading algorithms systematically. In contrast to the previous work, our
platform is characterized by three features: (1) We provide financial news for
each specific stock. (2) We provide various stock factors for each stock. (3)
We evaluate performance from more financial-relevant metrics. Such a design
allows us to develop and evaluate NLP-aided stock auto-trading algorithms in a
more realistic setting. In addition to designing an evaluation platform and
dataset collection, we also made a technical contribution by proposing a system
to automatically learn a good feature representation from various input
information. The key to our algorithm is a method called semantic role labeling
Pooling (SRLP), which leverages Semantic Role Labeling (SRL) to create a
compact representation of each news paragraph. Based on SRLP, we further
incorporate other stock factors to make the final prediction. In addition, we
propose a self-supervised learning strategy based on SRLP to enhance the
out-of-distribution generalization performance of our system. Through our
experimental study, we show that the proposed method achieves better
performance and outperforms all the baselines' annualized rate of return as
well as the maximum drawdown of the CSI300 index and XIN9 index on real
trading. Our Astock dataset and code are available at
https://github.com/JinanZou/Astock."
1955,Deep Isolation Forest for Anomaly Detection,"Isolation forest (iForest) has been emerging as arguably the most popular
anomaly detector in recent years. It iteratively performs axis-parallel data
space partition in a tree structure to isolate deviated data objects from the
other data, with the isolation difficulty of the objects defined as anomaly
scores. iForest shows effective performance across popular dataset benchmarks,
but its axis-parallel-based linear data partition is ineffective in handling
hard anomalies in high-dimensional/non-linear-separable data space, and even
worse, it leads to a notorious algorithmic bias that assigns unexpectedly large
anomaly scores to artefact regions. There have been several extensions of
iForest, but they still focus on linear data partition, failing to effectively
isolate those hard anomalies. This paper introduces a novel extension of
iForest, deep isolation forest. Our method offers a comprehensive isolation
method that can arbitrarily partition the data at any random direction and
angle on subspaces of any size, effectively avoiding the algorithmic bias in
the linear partition. Further, it requires only randomly initialised neural
networks (i.e., no optimisation is required in our method) to ensure the
freedom of the partition. In doing so, desired randomness and diversity in both
random network-based representations and random partition-based isolation can
be fully leveraged to significantly enhance the isolation ensemble-based
anomaly detection. Also, our approach offers a data-type-agnostic anomaly
detection solution. It is versatile to detect anomalies in different types of
data by simply plugging in corresponding randomly initialised neural networks
in the feature mapping. Extensive empirical results on a large collection of
real-world datasets show that our model achieves substantial improvement over
state-of-the-art isolation-based and non-isolation-based anomaly detection
models."
1956,"CorticalFlow$^{++}$: Boosting Cortical Surface Reconstruction Accuracy, Regularity, and Interoperability","The problem of Cortical Surface Reconstruction from magnetic resonance
imaging has been traditionally addressed using lengthy pipelines of image
processing techniques like FreeSurfer, CAT, or CIVET. These frameworks require
very long runtimes deemed unfeasible for real-time applications and unpractical
for large-scale studies. Recently, supervised deep learning approaches have
been introduced to speed up this task cutting down the reconstruction time from
hours to seconds. Using the state-of-the-art CorticalFlow model as a blueprint,
this paper proposes three modifications to improve its accuracy and
interoperability with existing surface analysis tools, while not sacrificing
its fast inference time and low GPU memory consumption. First, we employ a more
accurate ODE solver to reduce the diffeomorphic mapping approximation error.
Second, we devise a routine to produce smoother template meshes avoiding mesh
artifacts caused by sharp edges in CorticalFlow's convex-hull based template.
Last, we recast pial surface prediction as the deformation of the predicted
white surface leading to a one-to-one mapping between white and pial surface
vertices. This mapping is essential to many existing surface analysis tools for
cortical morphometry. We name the resulting method CorticalFlow$^{++}$. Using
large-scale datasets, we demonstrate the proposed changes provide more
geometric accuracy and surface regularity while keeping the reconstruction time
and GPU memory requirements almost unchanged."
1957,Permutation Search of Tensor Network Structures via Local Sampling,"Recent works put much effort into tensor network structure search (TN-SS),
aiming to select suitable tensor network (TN) structures, involving the
TN-ranks, formats, and so on, for the decomposition or learning tasks. In this
paper, we consider a practical variant of TN-SS, dubbed TN permutation search
(TN-PS), in which we search for good mappings from tensor modes onto TN
vertices (core tensors) for compact TN representations. We conduct a
theoretical investigation of TN-PS and propose a practically-efficient
algorithm to resolve the problem. Theoretically, we prove the counting and
metric properties of search spaces of TN-PS, analyzing for the first time the
impact of TN structures on these unique properties. Numerically, we propose a
novel meta-heuristic algorithm, in which the searching is done by randomly
sampling in a neighborhood established in our theory, and then recurrently
updating the neighborhood until convergence. Numerical results demonstrate that
the new algorithm can reduce the required model size of TNs in extensive
benchmarks, implying the improvement in the expressive power of TNs.
Furthermore, the computational cost for the new algorithm is significantly less
than that in~\cite{li2020evolutionary}."
1958,On Finite-Sample Identifiability of Contrastive Learning-Based Nonlinear Independent Component Analysis,"Nonlinear independent component analysis (nICA) aims at recovering
statistically independent latent components that are mixed by unknown nonlinear
functions. Central to nICA is the identifiability of the latent components,
which had been elusive until very recently. Specifically, Hyv\""arinen et al.
have shown that the nonlinearly mixed latent components are identifiable (up to
often inconsequential ambiguities) under a generalized contrastive learning
(GCL) formulation, given that the latent components are independent conditioned
on a certain auxiliary variable. The GCL-based identifiability of nICA is
elegant, and establishes interesting connections between nICA and popular
unsupervised/self-supervised learning paradigms in representation learning,
causal learning, and factor disentanglement. However, existing identifiability
analyses of nICA all build upon an unlimited sample assumption and the use of
ideal universal function learners -- which creates a non-negligible gap between
theory and practice.
Closing the gap is a nontrivial challenge, as there is a lack of established
``textbook'' routine for finite sample analysis of such unsupervised problems.
This work puts forth a finite-sample identifiability analysis of GCL-based
nICA. Our analytical framework judiciously combines the properties of the GCL
loss function, statistical generalization analysis, and numerical
differentiation. Our framework also takes the learning function's approximation
error into consideration, and reveals an intuitive trade-off between the
complexity and expressiveness of the employed function learner. Numerical
experiments are used to validate the theorems."
1959,Downlink Power Allocation in Massive MIMO via Deep Learning: Adversarial Attacks and Training,"The successful emergence of deep learning (DL) in wireless system
applications has raised concerns about new security-related challenges. One
such security challenge is adversarial attacks. Although there has been much
work demonstrating the susceptibility of DL-based classification tasks to
adversarial attacks, regression-based problems in the context of a wireless
system have not been studied so far from an attack perspective. The aim of this
paper is twofold: (i) we consider a regression problem in a wireless setting
and show that adversarial attacks can break the DL-based approach and (ii) we
analyze the effectiveness of adversarial training as a defensive technique in
adversarial settings and show that the robustness of DL-based wireless system
against attacks improves significantly. Specifically, the wireless application
considered in this paper is the DL-based power allocation in the downlink of a
multicell massive multi-input-multi-output system, where the goal of the attack
is to yield an infeasible solution by the DL model. We extend the
gradient-based adversarial attacks: fast gradient sign method (FGSM), momentum
iterative FGSM, and projected gradient descent method to analyze the
susceptibility of the considered wireless application with and without
adversarial training. We analyze the deep neural network (DNN) models
performance against these attacks, where the adversarial perturbations are
crafted using both the white-box and black-box attacks."
1960,Shopping Queries Dataset: A Large-Scale ESCI Benchmark for Improving Product Search,"Improving the quality of search results can significantly enhance users
experience and engagement with search engines. In spite of several recent
advancements in the fields of machine learning and data mining, correctly
classifying items for a particular user search query has been a long-standing
challenge, which still has a large room for improvement. This paper introduces
the ""Shopping Queries Dataset"", a large dataset of difficult Amazon search
queries and results, publicly released with the aim of fostering research in
improving the quality of search results. The dataset contains around 130
thousand unique queries and 2.6 million manually labeled (query,product)
relevance judgements. The dataset is multilingual with queries in English,
Japanese, and Spanish. The Shopping Queries Dataset is being used in one of the
KDDCup'22 challenges. In this paper, we describe the dataset and present three
evaluation tasks along with baseline results: (i) ranking the results list,
(ii) classifying product results into relevance categories, and (iii)
identifying substitute products for a given query. We anticipate that this data
will become the gold standard for future research in the topic of product
search."
1961,Learning Enhanced Representations for Tabular Data via Neighborhood Propagation,"Prediction over tabular data is an essential and fundamental problem in many
important downstream tasks. However, existing methods either take a data
instance of the table independently as input or do not fully utilize the
multi-rows features and labels to directly change and enhance the target data
representations. In this paper, we propose to 1) construct a hypergraph from
relevant data instance retrieval to model the cross-row and cross-column
patterns of those instances, and 2) perform message Propagation to Enhance the
target data instance representation for Tabular prediction tasks. Specifically,
our specially-designed message propagation step benefits from 1) fusion of
label and features during propagation, and 2) locality-aware high-order feature
interactions. Experiments on two important tabular data prediction tasks
validate the superiority of the proposed PET model against other baselines.
Additionally, we demonstrate the effectiveness of the model components and the
feature enhancement ability of PET via various ablation studies and
visualizations. The code is included in https://github.com/KounianhuaDu/PET."
1962,Probabilistic Conformal Prediction Using Conditional Random Samples,"This paper proposes probabilistic conformal prediction (PCP), a predictive
inference algorithm that estimates a target variable by a discontinuous
predictive set. Given inputs, PCP construct the predictive set based on random
samples from an estimated generative model. It is efficient and compatible with
either explicit or implicit conditional generative models. Theoretically, we
show that PCP guarantees correct marginal coverage with finite samples.
Empirically, we study PCP on a variety of simulated and real datasets. Compared
to existing methods for conformal inference, PCP provides sharper predictive
sets."
1963,Physics Informed Neural Fields for Smoke Reconstruction with Sparse Data,"High-fidelity reconstruction of fluids from sparse multiview RGB videos
remains a formidable challenge due to the complexity of the underlying physics
as well as complex occlusion and lighting in captures. Existing solutions
either assume knowledge of obstacles and lighting, or only focus on simple
fluid scenes without obstacles or complex lighting, and thus are unsuitable for
real-world scenes with unknown lighting or arbitrary obstacles. We present the
first method to reconstruct dynamic fluid by leveraging the governing physics
(ie, Navier -Stokes equations) in an end-to-end optimization from sparse videos
without taking lighting conditions, geometry information, or boundary
conditions as input. We provide a continuous spatio-temporal scene
representation using neural networks as the ansatz of density and velocity
solution functions for fluids as well as the radiance field for static objects.
With a hybrid architecture that separates static and dynamic contents, fluid
interactions with static obstacles are reconstructed for the first time without
additional geometry input or human labeling. By augmenting time-varying neural
radiance fields with physics-informed deep learning, our method benefits from
the supervision of images and physical priors. To achieve robust optimization
from sparse views, we introduced a layer-by-layer growing strategy to
progressively increase the network capacity. Using progressively growing models
with a new regularization term, we manage to disentangle density-color
ambiguity in radiance fields without overfitting. A pretrained
density-to-velocity fluid model is leveraged in addition as the data prior to
avoid suboptimal velocity which underestimates vorticity but trivially fulfills
physical equations. Our method exhibits high-quality results with relaxed
constraints and strong flexibility on a representative set of synthetic and
real flow captures."
1964,LIFT: Language-Interfaced Fine-Tuning for Non-Language Machine Learning Tasks,"Fine-tuning pretrained language models (LMs) without making any architectural
changes has become a norm for learning various language downstream tasks.
However, for non-language downstream tasks, a common practice is to employ
task-specific designs for input, output layers, and loss functions. For
instance, it is possible to fine-tune an LM into an MNIST classifier by
replacing the word embedding layer with an image patch embedding layer, the
word token output layer with a 10-way output layer, and the word prediction
loss with a 10-way classification loss, respectively. A natural question
arises: can LM fine-tuning solve non-language downstream tasks without changing
the model architecture or loss function? To answer this, we propose
Language-Interfaced Fine-Tuning (LIFT) and study its efficacy and limitations
by conducting an extensive empirical study on a suite of non-language
classification and regression tasks. LIFT does not make any changes to the
model architecture or loss function, and it solely relies on the natural
language interface, enabling ""no-code machine learning with LMs."" We find that
LIFT performs relatively well across a wide range of low-dimensional
classification and regression tasks, matching the performances of the best
baselines in many cases, especially for the classification tasks. We report the
experimental results on the fundamental properties of LIFT, including its
inductive bias, sample efficiency, ability to extrapolate, robustness to
outliers and label noise, and generalization. We also analyze a few
properties/techniques specific to LIFT, e.g., context-aware learning via
appropriate prompting, quantification of predictive uncertainty, and two-stage
fine-tuning. Our code is available at
https://github.com/UW-Madison-Lee-Lab/LanguageInterfacedFineTuning."
1965,Label-enhanced Prototypical Network with Contrastive Learning for Multi-label Few-shot Aspect Category Detection,"Multi-label aspect category detection allows a given review sentence to
contain multiple aspect categories, which is shown to be more practical in
sentiment analysis and attracting increasing attention. As annotating large
amounts of data is time-consuming and labor-intensive, data scarcity occurs
frequently in real-world scenarios, which motivates multi-label few-shot aspect
category detection. However, research on this problem is still in infancy and
few methods are available. In this paper, we propose a novel label-enhanced
prototypical network (LPN) for multi-label few-shot aspect category detection.
The highlights of LPN can be summarized as follows. First, it leverages label
description as auxiliary knowledge to learn more discriminative prototypes,
which can retain aspect-relevant information while eliminating the harmful
effect caused by irrelevant aspects. Second, it integrates with contrastive
learning, which encourages that the sentences with the same aspect label are
pulled together in embedding space while simultaneously pushing apart the
sentences with different aspect labels. In addition, it introduces an adaptive
multi-label inference module to predict the aspect count in the sentence, which
is simple yet effective. Extensive experimental results on three datasets
demonstrate that our proposed model LPN can consistently achieve
state-of-the-art performance."
1966,Zeroth-Order Topological Insights into Iterative Magnitude Pruning,"Modern-day neural networks are famously large, yet also highly redundant and
compressible; there exist numerous pruning strategies in the deep learning
literature that yield over 90% sparser sub-networks of fully-trained, dense
architectures while still maintaining their original accuracies. Amongst these
many methods though -- thanks to its conceptual simplicity, ease of
implementation, and efficacy -- Iterative Magnitude Pruning (IMP) dominates in
practice and is the de facto baseline to beat in the pruning community.
However, theoretical explanations as to why a simplistic method such as IMP
works at all are few and limited. In this work, we leverage the notion of
persistent homology to gain insights into the workings of IMP and show that it
inherently encourages retention of those weights which preserve topological
information in a trained network. Subsequently, we also provide bounds on how
much different networks can be pruned while perfectly preserving their zeroth
order topological features, and present a modified version of IMP to do the
same."
1967,FreeKD: Free-direction Knowledge Distillation for Graph Neural Networks,"Knowledge distillation (KD) has demonstrated its effectiveness to boost the
performance of graph neural networks (GNNs), where its goal is to distill
knowledge from a deeper teacher GNN into a shallower student GNN. However, it
is actually difficult to train a satisfactory teacher GNN due to the well-known
over-parametrized and over-smoothing issues, leading to invalid knowledge
transfer in practical applications. In this paper, we propose the first
Free-direction Knowledge Distillation framework via Reinforcement learning for
GNNs, called FreeKD, which is no longer required to provide a deeper
well-optimized teacher GNN. The core idea of our work is to collaboratively
build two shallower GNNs in an effort to exchange knowledge between them via
reinforcement learning in a hierarchical way. As we observe that one typical
GNN model often has better and worse performances at different nodes during
training, we devise a dynamic and free-direction knowledge transfer strategy
that consists of two levels of actions: 1) node-level action determines the
directions of knowledge transfer between the corresponding nodes of two
networks; and then 2) structure-level action determines which of the local
structures generated by the node-level actions to be propagated. In essence,
our FreeKD is a general and principled framework which can be naturally
compatible with GNNs of different architectures. Extensive experiments on five
benchmark datasets demonstrate our FreeKD outperforms two base GNNs in a large
margin, and shows its efficacy to various GNNs. More surprisingly, our FreeKD
has comparable or even better performance than traditional KD algorithms that
distill knowledge from a deeper and stronger teacher GNN."
1968,Resolution Limits of Non-Adaptive 20 Questions Search for a Moving Target,"Using the 20 questions estimation framework with query-dependent noise, we
study non-adaptive search strategies for a moving target over the unit cube
with unknown initial location and velocities under a piecewise constant
velocity model. In this search problem, there is an oracle who knows the
instantaneous location of the target at any time. Our task is to query the
oracle as few times as possible to accurately estimate the location of the
target at any specified time. We first study the case where the oracle's answer
to each query is corrupted by discrete noise and then generalize our results to
the case of additive white Gaussian noise. In our formulation, the performance
criterion is the resolution, which is defined as the maximal $L_\infty$
distance between the true locations and estimated locations. We characterize
the minimal resolution of an optimal non-adaptive query procedure with a finite
number of queries by deriving non-asymptotic and asymptotic bounds. Our bounds
are tight in the first-order asymptotic sense when the number of queries
satisfies a certain condition and our bounds are tight in the stronger
second-order asymptotic sense when the target moves with a constant velocity.
To prove our results, we relate the current problem to channel coding, borrow
ideas from finite blocklength information theory and construct bounds on the
number of possible quantized target trajectories."
1969,Safe Output Feedback Motion Planning from Images via Learned Perception Modules and Contraction Theory,"We present a motion planning algorithm for a class of uncertain
control-affine nonlinear systems which guarantees runtime safety and goal
reachability when using high-dimensional sensor measurements (e.g., RGB-D
images) and a learned perception module in the feedback control loop. First,
given a dataset of states and observations, we train a perception system that
seeks to invert a subset of the state from an observation, and estimate an
upper bound on the perception error which is valid with high probability in a
trusted domain near the data. Next, we use contraction theory to design a
stabilizing state feedback controller and a convergent dynamic state observer
which uses the learned perception system to update its state estimate. We
derive a bound on the trajectory tracking error when this controller is
subjected to errors in the dynamics and incorrect state estimates. Finally, we
integrate this bound into a sampling-based motion planner, guiding it to return
trajectories that can be safely tracked at runtime using sensor data. We
demonstrate our approach in simulation on a 4D car, a 6D planar quadrotor, and
a 17D manipulation task with RGB(-D) sensor measurements, demonstrating that
our method safely and reliably steers the system to the goal, while baselines
that fail to consider the trusted domain or state estimation errors can be
unsafe."
1970,Embarrassingly Parallel Independent Training of Multi-Layer Perceptrons with Heterogeneous Architectures,"The definition of a Neural Network architecture is one of the most critical
and challenging tasks to perform. In this paper, we propose ParallelMLPs.
ParallelMLPs is a procedure to enable the training of several independent
Multilayer Perceptron Neural Networks with a different number of neurons and
activation functions in parallel by exploring the principle of locality and
parallelization capabilities of modern CPUs and GPUs. The core idea of this
technique is to use a Modified Matrix Multiplication that replaces an ordinal
matrix multiplication by two simple matrix operations that allow separate and
independent paths for gradient flowing, which can be used in other scenarios.
We have assessed our algorithm in simulated datasets varying the number of
samples, features and batches using 10,000 different models. We achieved a
training speedup from 1 to 4 orders of magnitude if compared to the sequential
approach."
1971,A theory of learning with constrained weight-distribution,"A central question in computational neuroscience is how structure determines
function in neural networks. The emerging high-quality large-scale connectomic
datasets raise the question of what general functional principles can be
gleaned from structural information such as the distribution of
excitatory/inhibitory synapse types and the distribution of synaptic weights.
Motivated by this question, we developed a statistical mechanical theory of
learning in neural networks that incorporates structural information as
constraints. We derived an analytical solution for the memory capacity of the
perceptron, a basic feedforward model of supervised learning, with constraint
on the distribution of its weights. Our theory predicts that the reduction in
capacity due to the constrained weight-distribution is related to the
Wasserstein distance between the imposed distribution and that of the standard
normal distribution. To test the theoretical predictions, we use optimal
transport theory and information geometry to develop an SGD-based algorithm to
find weights that simultaneously learn the input-output task and satisfy the
distribution constraint. We show that training in our algorithm can be
interpreted as geodesic flows in the Wasserstein space of probability
distributions. We further developed a statistical mechanical theory for
teacher-student perceptron rule learning and ask for the best way for the
student to incorporate prior knowledge of the rule. Our theory shows that it is
beneficial for the learner to adopt different prior weight distributions during
learning, and shows that distribution-constrained learning outperforms
unconstrained and sign-constrained learning. Our theory and algorithm provide
novel strategies for incorporating prior knowledge about weights into learning,
and reveal a powerful connection between structure and function in neural
networks."
1972,A Stochastic Proximal Method for Nonsmooth Regularized Finite Sum Optimization,"We consider the problem of training a deep neural network with nonsmooth
regularization to retrieve a sparse and efficient sub-structure. Our
regularizer is only assumed to be lower semi-continuous and prox-bounded. We
combine an adaptive quadratic regularization approach with proximal stochastic
gradient principles to derive a new solver, called SR2, whose convergence and
worst-case complexity are established without knowledge or approximation of the
gradient's Lipschitz constant. We formulate a stopping criteria that ensures an
appropriate first-order stationarity measure converges to zero under certain
conditions. We establish a worst-case iteration complexity of
$\mathcal{O}(\epsilon^{-2})$ that matches those of related methods like
ProxGEN, where the learning rate is assumed to be related to the Lipschitz
constant. Our experiments on network instances trained on CIFAR-10 and
CIFAR-100 with $\ell_1$ and $\ell_0$ regularizations show that SR2 consistently
achieves higher sparsity and accuracy than related methods such as ProxGEN and
ProxSGD."
1973,Overparametrized linear dimensionality reductions: From projection pursuit to two-layer neural networks,"Given a cloud of $n$ data points in $\mathbb{R}^d$, consider all projections
onto $m$-dimensional subspaces of $\mathbb{R}^d$ and, for each such projection,
the empirical distribution of the projected points. What does this collection
of probability distributions look like when $n,d$ grow large?
We consider this question under the null model in which the points are i.i.d.
standard Gaussian vectors, focusing on the asymptotic regime in which
$n,d\to\infty$, with $n/d\to\alpha\in (0,\infty)$, while $m$ is fixed. Denoting
by $\mathscr{F}_{m, \alpha}$ the set of probability distributions in
$\mathbb{R}^m$ that arise as low-dimensional projections in this limit, we
establish new inner and outer bounds on $\mathscr{F}_{m, \alpha}$. In
particular, we characterize the Wasserstein radius of $\mathscr{F}_{m,\alpha}$
up to logarithmic factors, and determine it exactly for $m=1$. We also prove
sharp bounds in terms of Kullback-Leibler divergence and R\'{e}nyi information
dimension.
The previous question has application to unsupervised learning methods, such
as projection pursuit and independent component analysis. We introduce a
version of the same problem that is relevant for supervised learning, and prove
a sharp Wasserstein radius bound. As an application, we establish an upper
bound on the interpolation threshold of two-layers neural networks with $m$
hidden neurons."
1974,Fiberwise dimensionality reduction of topologically complex data with vector bundles,"Datasets with non-trivial large scale topology can be hard to embed in
low-dimensional Euclidean space with existing dimensionality reduction
algorithms. We propose to model topologically complex datasets using vector
bundles, in such a way that the base space accounts for the large scale
topology, while the fibers account for the local geometry. This allows one to
reduce the dimensionality of the fibers, while preserving the large scale
topology. We formalize this point of view, and, as an application, we describe
an algorithm which takes as input a dataset together with an initial
representation of it in Euclidean space, assumed to recover part of its large
scale topology, and outputs a new representation that integrates local
representations, obtained through local linear dimensionality reduction, along
the initial global representation. We demonstrate this algorithm on examples
coming from dynamical systems and chemistry. In these examples, our algorithm
is able to learn topologically faithful embeddings of the data in lower target
dimension than various well known metric-based dimensionality reduction
algorithms."
1975,Generalizable Method for Face Anti-Spoofing with Semi-Supervised Learning,"Face anti-spoofing has drawn a lot of attention due to the high security
requirements in biometric authentication systems. Bringing face biometric to
commercial hardware became mostly dependent on developing reliable methods for
detecting fake login sessions without specialized sensors. Current CNN-based
method perform well on the domains they were trained for, but often show poor
generalization on previously unseen datasets. In this paper we describe a
method for utilizing unsupervised pretraining for improving performance across
multiple datasets without any adaptation, introduce the Entry Antispoofing
Dataset for supervised fine-tuning, and propose a multi-class auxiliary
classification layer for augmenting the binary classification task of detecting
spoofing attempts with explicit interpretable signals. We demonstrate the
efficiency of our model by achieving state-of-the-art results on cross-dataset
testing on MSU-MFSD, Replay-Attack, and OULU-NPU datasets."
1976,Machine Learning-Driven Process of Alumina Ceramics Laser Machining,"Laser machining is a highly flexible non-contact manufacturing technique that
has been employed widely across academia and industry. Due to nonlinear
interactions between light and matter, simulation methods are extremely
crucial, as they help enhance the machining quality by offering comprehension
of the inter-relationships between the laser processing parameters. On the
other hand, experimental processing parameter optimization recommends a
systematic, and consequently time-consuming, investigation over the available
processing parameter space. An intelligent strategy is to employ machine
learning (ML) techniques to capture the relationship between picosecond laser
machining parameters for finding proper parameter combinations to create the
desired cuts on industrial-grade alumina ceramic with deep, smooth and
defect-free patterns. Laser parameters such as beam amplitude and frequency,
scanner passing speed and the number of passes over the surface, as well as the
vertical distance of the scanner from the sample surface, are used for
predicting the depth, top width, and bottom width of the engraved channels
using ML models. Owing to the complex correlation between laser parameters, it
is shown that Neural Networks (NN) are the most efficient in predicting the
outputs. Equipped with an ML model that captures the interconnection between
laser parameters and the engraved channel dimensions, one can predict the
required input parameters to achieve a target channel geometry. This strategy
significantly reduces the cost and effort of experimental laser machining
during the development phase, without compromising accuracy or performance. The
developed techniques can be applied to a wide range of ceramic laser machining
processes."
1977,Optimal Clipping and Magnitude-aware Differentiation for Improved Quantization-aware Training,"Data clipping is crucial in reducing noise in quantization operations and
improving the achievable accuracy of quantization-aware training (QAT). Current
practices rely on heuristics to set clipping threshold scalars and cannot be
shown to be optimal. We propose Optimally Clipped Tensors And Vectors (OCTAV),
a recursive algorithm to determine MSE-optimal clipping scalars. Derived from
the fast Newton-Raphson method, OCTAV finds optimal clipping scalars on the
fly, for every tensor, at every iteration of the QAT routine. Thus, the QAT
algorithm is formulated with provably minimum quantization noise at each step.
In addition, we reveal limitations in common gradient estimation techniques in
QAT and propose magnitude-aware differentiation as a remedy to further improve
accuracy. Experimentally, OCTAV-enabled QAT achieves state-of-the-art accuracy
on multiple tasks. These include training-from-scratch and retraining ResNets
and MobileNets on ImageNet, and Squad fine-tuning using BERT models, where
OCTAV-enabled QAT consistently preserves accuracy at low precision
(4-to-6-bits). Our results require no modifications to the baseline training
recipe, except for the insertion of quantization operations where appropriate."
1978,Towards Alternative Techniques for Improving Adversarial Robustness: Analysis of Adversarial Training at a Spectrum of Perturbations,"Adversarial training (AT) and its variants have spearheaded progress in
improving neural network robustness to adversarial perturbations and common
corruptions in the last few years. Algorithm design of AT and its variants are
focused on training models at a specified perturbation strength $\epsilon$ and
only using the feedback from the performance of that $\epsilon$-robust model to
improve the algorithm. In this work, we focus on models, trained on a spectrum
of $\epsilon$ values. We analyze three perspectives: model performance,
intermediate feature precision and convolution filter sensitivity. In each, we
identify alternative improvements to AT that otherwise wouldn't have been
apparent at a single $\epsilon$. Specifically, we find that for a PGD attack at
some strength $\delta$, there is an AT model at some slightly larger strength
$\epsilon$, but no greater, that generalizes best to it. Hence, we propose
overdesigning for robustness where we suggest training models at an $\epsilon$
just above $\delta$. Second, we observe (across various $\epsilon$ values) that
robustness is highly sensitive to the precision of intermediate features and
particularly those after the first and second layer. Thus, we propose adding a
simple quantization to defenses that improves accuracy on seen and unseen
adaptive attacks. Third, we analyze convolution filters of each layer of models
at increasing $\epsilon$ and notice that those of the first and second layer
may be solely responsible for amplifying input perturbations. We present our
findings and demonstrate our techniques through experiments with ResNet and
WideResNet models on the CIFAR-10 and CIFAR-10-C datasets."
1979,Multimodal Learning with Transformers: A Survey,"Transformer is a promising neural network learner, and has achieved great
success in various machine learning tasks. Thanks to the recent prevalence of
multimodal applications and big data, Transformer-based multimodal learning has
become a hot topic in AI research. This paper presents a comprehensive survey
of Transformer techniques oriented at multimodal data. The main contents of
this survey include: (1) a background of multimodal learning, Transformer
ecosystem, and the multimodal big data era, (2) a theoretical review of Vanilla
Transformer, Vision Transformer, and multimodal Transformers, from a
geometrically topological perspective, (3) a review of multimodal Transformer
applications, via two important paradigms, i.e., for multimodal pretraining and
for specific multimodal tasks, (4) a summary of the common challenges and
designs shared by the multimodal Transformer models and applications, and (5) a
discussion of open problems and potential research directions for the
community."
1980,The Modality Focusing Hypothesis: On the Blink of Multimodal Knowledge Distillation,"Multimodal knowledge distillation (KD) extends traditional knowledge
distillation to the area of multimodal learning. One common practice is to
adopt a well-performed multimodal network as the teacher in the hope that it
can transfer its full knowledge to a unimodal student for performance
improvement. In this paper, we investigate the efficacy of multimodal KD. We
begin by providing two failure cases of it and demonstrate that KD is not a
universal cure in multimodal knowledge transfer. We present the modality Venn
diagram to understand modality relationships and the modality focusing
hypothesis revealing the decisive factor in the efficacy of multimodal KD.
Experimental results on 6 multimodal datasets help justify our hypothesis,
diagnose failure cases, and point directions to improve distillation
performance."
1981,Mapping fNIRS to fMRI with Neural Data Augmentation and Machine Learning Models,"Advances in neuroimaging techniques have provided us novel insights into
understanding how the human mind works. Functional magnetic resonance imaging
(fMRI) is the most popular and widely used neuroimaging technique, and there is
growing interest in fMRI-based markers of individual differences. However, its
utility is often limited due to its high cost and difficulty acquiring from
specific populations, including children and infants. Surrogate markers, or
neural correlates of fMRI markers, would have important practical implications,
but we have few stand-alone predictors for the fMRI markers. Here, using
machine learning (ML) models and data augmentation, we predicted well-validated
fMRI markers of human cognition from multivariate patterns of functional
near-infrared spectroscopy (fNIRS), a portable and relatively inexpensive
optical neuroimaging technique. We recruited 50 human participants who
performed two cognitive tasks (stop signal task and probabilistic reversal
learning task), while neural activation was measured with either fNIRS or fMRI
at each of the total two visits. Using ML models and data augmentation, we
could predict the well-established fMRI markers of response inhibition or
prediction error signals from 48-channel fNIRS activation in the prefrontal
cortex. These results suggest that fNIRS might offer a surrogate marker of fMRI
activation, which would broaden our understanding of various populations,
including infants."
1982,What Should I Know? Using Meta-gradient Descent for Predictive Feature Discovery in a Single Stream of Experience,"In computational reinforcement learning, a growing body of work seeks to
construct an agent's perception of the world through predictions of future
sensations; predictions about environment observations are used as additional
input features to enable better goal-directed decision-making. An open
challenge in this line of work is determining from the infinitely many
predictions that the agent could possibly make which predictions might best
support decision-making. This challenge is especially apparent in continual
learning problems where a single stream of experience is available to a
singular agent. As a primary contribution, we introduce a meta-gradient descent
process by which an agent learns 1) what predictions to make, 2) the estimates
for its chosen predictions, and 3) how to use those estimates to generate
policies that maximize future reward -- all during a single ongoing process of
continual learning. In this manuscript we consider predictions expressed as
General Value Functions: temporally extended estimates of the accumulation of a
future signal. We demonstrate that through interaction with the environment an
agent can independently select predictions that resolve partial-observability,
resulting in performance similar to expertly specified GVFs. By learning,
rather than manually specifying these predictions, we enable the agent to
identify useful predictions in a self-supervised manner, taking a step towards
truly autonomous systems."
1983,On Image Segmentation With Noisy Labels: Characterization and Volume Properties of the Optimal Solutions to Accuracy and Dice,"We study two of the most popular performance metrics in medical image
segmentation, Accuracy and Dice, when the target labels are noisy. For both
metrics, several statements related to characterization and volume properties
of the set of optimal segmentations are proved, and associated experiments are
provided. Our main insights are: (i) the volume of the solutions to both
metrics may deviate significantly from the expected volume of the target, (ii)
the volume of a solution to Accuracy is always less than or equal to the volume
of a solution to Dice and (iii) the optimal solutions to both of these metrics
coincide when the set of feasible segmentations is constrained to the set of
segmentations with the volume equal to the expected volume of the target."
1984,Robust Distillation for Worst-class Performance,"Knowledge distillation has proven to be an effective technique in improving
the performance a student model using predictions from a teacher model.
However, recent work has shown that gains in average efficiency are not uniform
across subgroups in the data, and in particular can often come at the cost of
accuracy on rare subgroups and classes. To preserve strong performance across
classes that may follow a long-tailed distribution, we develop distillation
techniques that are tailored to improve the student's worst-class performance.
Specifically, we introduce robust optimization objectives in different
combinations for the teacher and student, and further allow for training with
any tradeoff between the overall accuracy and the robust worst-class objective.
We show empirically that our robust distillation techniques not only achieve
better worst-class performance, but also lead to Pareto improvement in the
tradeoff between overall performance and worst-class performance compared to
other baseline methods. Theoretically, we provide insights into what makes a
good teacher when the goal is to train a robust student."
1985,Explainable Mixed Data Representation and Lossless Visualization Toolkit for Knowledge Discovery,"Developing Machine Learning (ML) algorithms for heterogeneous/mixed data is a
longstanding problem. Many ML algorithms are not applicable to mixed data,
which include numeric and non-numeric data, text, graphs and so on to generate
interpretable models. Another longstanding problem is developing algorithms for
lossless visualization of multidimensional mixed data. The further progress in
ML heavily depends on success interpretable ML algorithms for mixed data and
lossless interpretable visualization of multidimensional data. The later allows
developing interpretable ML models using visual knowledge discovery by
end-users, who can bring valuable domain knowledge which is absent in the
training data. The challenges for mixed data include: (1) generating numeric
coding schemes for non-numeric attributes for numeric ML algorithms to provide
accurate and interpretable ML models, (2) generating methods for lossless
visualization of n-D non-numeric data and visual rule discovery in these
visualizations. This paper presents a classification of mixed data types,
analyzes their importance for ML and present the developed experimental toolkit
to deal with mixed data. It combines the Data Types Editor, VisCanvas data
visualization and rule discovery system which is available on GitHub."
1986,Invariant Structure Learning for Better Generalization and Causal Explainability,"Learning the causal structure behind data is invaluable for improving
generalization and obtaining high-quality explanations. We propose a novel
framework, Invariant Structure Learning (ISL), that is designed to improve
causal structure discovery by utilizing generalization as an indication. ISL
splits the data into different environments, and learns a structure that is
invariant to the target across different environments by imposing a consistency
constraint. An aggregation mechanism then selects the optimal classifier based
on a graph structure that reflects the causal mechanisms in the data more
accurately compared to the structures learnt from individual environments.
Furthermore, we extend ISL to a self-supervised learning setting where accurate
causal structure discovery does not rely on any labels. This self-supervised
ISL utilizes invariant causality proposals by iteratively setting different
nodes as targets. On synthetic and real-world datasets, we demonstrate that ISL
accurately discovers the causal structure, outperforms alternative methods, and
yields superior generalization for datasets with significant distribution
shifts."
1987,Revisiting the Shape-Bias of Deep Learning for Dermoscopic Skin Lesion Classification,"It is generally believed that the human visual system is biased towards the
recognition of shapes rather than textures. This assumption has led to a
growing body of work aiming to align deep models' decision-making processes
with the fundamental properties of human vision. The reliance on shape features
is primarily expected to improve the robustness of these models under covariate
shift. In this paper, we revisit the significance of shape-biases for the
classification of skin lesion images. Our analysis shows that different skin
lesion datasets exhibit varying biases towards individual image features.
Interestingly, despite deep feature extractors being inclined towards learning
entangled features for skin lesion classification, individual features can
still be decoded from this entangled representation. This indicates that these
features are still represented in the learnt embedding spaces of the models,
but not used for classification. In addition, the spectral analysis of
different datasets shows that in contrast to common visual recognition,
dermoscopic skin lesion classification, by nature, is reliant on complex
feature combinations beyond shape-bias. As a natural consequence, shifting away
from the prevalent desire of shape-biasing models can even improve skin lesion
classifiers in some cases."
1988,Density Estimation with Autoregressive Bayesian Predictives,"Bayesian methods are a popular choice for statistical inference in small-data
regimes due to the regularization effect induced by the prior, which serves to
counteract overfitting. In the context of density estimation, the standard
Bayesian approach is to target the posterior predictive. In general, direct
estimation of the posterior predictive is intractable and so methods typically
resort to approximating the posterior distribution as an intermediate step. The
recent development of recursive predictive copula updates, however, has made it
possible to perform tractable predictive density estimation without the need
for posterior approximation. Although these estimators are computationally
appealing, they tend to struggle on non-smooth data distributions. This is
largely due to the comparatively restrictive form of the likelihood models from
which the proposed copula updates were derived. To address this shortcoming, we
consider a Bayesian nonparametric model with an autoregressive likelihood
decomposition and Gaussian process prior, which yields a data-dependent
bandwidth parameter in the copula update. Further, we formulate a novel
parameterization of the bandwidth using an autoregressive neural network that
maps the data into a latent space, and is thus able to capture more complex
dependencies in the data. Our extensions increase the modelling capacity of
existing recursive Bayesian density estimators, achieving state-of-the-art
results on tabular data sets."
1989,Assessing Privacy Leakage in Synthetic 3-D PET Imaging using Transversal GAN,"Training computer-vision related algorithms on medical images for disease
diagnosis or image segmentation is difficult in large part due to privacy
concerns. For this reason, generative image models are highly sought after to
facilitate data sharing. However, 3-D generative models are understudied, and
investigation of their privacy leakage is needed. We introduce our 3-D
generative model, Transversal GAN (TrGAN), using head & neck PET images which
are conditioned on tumour masks as a case study. We define quantitative
measures of image fidelity, utility and privacy for our model. These metrics
are evaluated in the course of training to identify ideal fidelity, utility and
privacy trade-offs and establish the relationships between these parameters. We
show that the discriminator of the TrGAN is vulnerable to attack, and that an
attacker can identify which samples were used in training with almost perfect
accuracy (AUC = 0.99). We also show that an attacker with access to only the
generator cannot reliably classify whether a sample had been used for training
(AUC = 0.51). This suggests that TrGAN generators, but not discriminators, may
be used for sharing synthetic 3-D PET data with minimal privacy risk while
maintaining good utility and fidelity."
1990,Automated Coronary Calcium Scoring using U-Net Models through Semi-supervised Learning on Non-Gated CT Scans,"Every year, thousands of innocent people die due to heart attacks. Often
undiagnosed heart attacks can hit people by surprise since many current medical
plans don't cover the costs to require the searching of calcification on these
scans. Only if someone is suspected to have a heart problem, a gated CT scan is
taken, otherwise, there's no way for the patient to be aware of a possible
heart attack/disease. While nongated CT scans are more periodically taken, it
is harder to detect calcification and is usually taken for a purpose other than
locating calcification in arteries. In fact, in real time coronary artery
calcification scores are only calculated on gated CT scans, not nongated CT
scans. After training a unet model on the Coronary Calcium and chest CT's gated
scans, it received a DICE coefficient of 0.95 on its untouched test set. This
model was used to predict on nongated CT scans, performing with a mean absolute
error (MAE) of 674.19 and bucket classification accuracy of 41% (5 classes).
Through the analysis of the images and the information stored in the images,
mathematical equations were derived and used to automatically crop the images
around the location of the heart. By performing semi-supervised learning the
new cropped nongated scans were able to closely resemble gated CT scans,
improving the performance by 91% in MAE (62.38) and 23% in accuracy."
1991,SmartGD: A Self-Challenging Generative Adversarial Network for Graph Drawing,"A multitude of studies have been conducted on graph drawing, but many
existing methods only focus on optimizing particular aesthetic aspects of graph
layout. Given a graph, generating a good layout that satisfies certain human
aesthetic preference remains a challenging task, especially if such preference
can not be expressed as a differentiable objective function. In this paper, we
propose a student-teacher GAN-based graph drawing framework, SmartGD, which
learns to draw graphs just like how humans learn to perform tasks. The student
network in the SmartGD learns graph drawing by imitating good layout examples,
while the teacher network in SmartGD is responsible for providing ratings
regarding the goodness of the generated layouts. When there is a lack of
concrete aesthetic criteria to specify what constitutes a good layout, the
student network can learn from the good layout examples. On the other hand,
when the goodness of a layout can be assessed by quantitative criteria (even if
not differentiable), the student network can use it as a concrete goal to
optimize the target aesthetics. To accomplish the goal, we propose a novel
variant of GAN, self-challenging GAN, to learn the optimal layout distribution
with respect to any aesthetic criterion, whether the criterion is
differentiable or not. The proposed graph drawing framework can not only draw
graphs in a similar style as the good layout examples but also optimize the
graph layouts according to any given aesthetic criteria when available. Once
the model is trained, it can be used to visualize arbitrary graphs according to
the style of the example layouts or the chosen aesthetic criteria. The
comprehensive experimental studies show that SmartGD outperforms 12 benchmark
methods according to the commonly agreed metrics."
1992,ReViSe: Remote Vital Signs Measurement Using Smartphone Camera,"Remote Photoplethysmography (rPPG) is a fast, effective, inexpensive and
convenient method for collecting biometric data as it enables vital signs
estimation using face videos. Remote contactless medical service provisioning
has proven to be a dire necessity during the COVID-19 pandemic. We propose an
end-to-end framework to measure people's vital signs including Heart Rate (HR),
Heart Rate Variability (HRV), Oxygen Saturation (SpO2) and Blood Pressure (BP)
based on the rPPG methodology from the video of a user's face captured with a
smartphone camera. We extract face landmarks with a deep learning-based neural
network model in real-time. Multiple face patches also called
Region-of-Interests (RoIs) are extracted by using the predicted face landmarks.
Several filters are applied to reduce the noise from the RoIs in the extracted
cardiac signals called Blood Volume Pulse (BVP) signal. We trained and
validated machine learning models using two public rPPG datasets namely the
TokyoTech rPPG and the Pulse Rate Detection (PURE) datasets, on which our
models achieved the following Mean Absolute Errors (MAE): a) for HR, 1.73 and
3.95 Beats-Per-Minute (bpm) respectively, b) for HRV, 18.55 and 25.03 ms
respectively, and c) for SpO2, a MAE of 1.64 on the PURE dataset. We validated
our end-to-end rPPG framework, ReViSe, in real life environment, and thereby
created the Video-HR dataset. Our HR estimation model achieved a MAE of 2.49
bpm on this dataset. Since no publicly available rPPG datasets existed for BP
measurement with face videos, we used a dataset with signals from fingertip
sensor to train our model and also created our own video dataset, Video-BP. On
our Video-BP dataset, our BP estimation model achieved a MAE of 6.7 mmHg for
Systolic Blood Pressure (SBP), and a MAE of 9.6 mmHg for Diastolic Blood
Pressure (DBP)."
1993,Provably Efficient Offline Reinforcement Learning with Trajectory-Wise Reward,"The remarkable success of reinforcement learning (RL) heavily relies on
observing the reward of every visited state-action pair. In many real world
applications, however, an agent can observe only a score that represents the
quality of the whole trajectory, which is referred to as the {\em
trajectory-wise reward}. In such a situation, it is difficult for standard RL
methods to well utilize trajectory-wise reward, and large bias and variance
errors can be incurred in policy evaluation. In this work, we propose a novel
offline RL algorithm, called Pessimistic vAlue iteRaTion with rEward
Decomposition (PARTED), which decomposes the trajectory return into per-step
proxy rewards via least-squares-based reward redistribution, and then performs
pessimistic value iteration based on the learned proxy reward. To ensure the
value functions constructed by PARTED are always pessimistic with respect to
the optimal ones, we design a new penalty term to offset the uncertainty of the
proxy reward. For general episodic MDPs with large state space, we show that
PARTED with overparameterized neural network function approximation achieves an
$\tilde{\mathcal{O}}(D_{\text{eff}}H^2/\sqrt{N})$ suboptimality, where $H$ is
the length of episode, $N$ is the total number of samples, and $D_{\text{eff}}$
is the effective dimension of the neural tangent kernel matrix. To further
illustrate the result, we show that PARTED achieves an
$\tilde{\mathcal{O}}(dH^3/\sqrt{N})$ suboptimality with linear MDPs, where $d$
is the feature dimension, which matches with that with neural network function
approximation, when $D_{\text{eff}}=dH$. To the best of our knowledge, PARTED
is the first offline RL algorithm that is provably efficient in general MDP
with trajectory-wise reward."
1994,"Look, Radiate, and Learn: Self-supervised Localisation via Radio-Visual Correspondence","Next generation cellular networks will implement radio sensing functions
alongside customary communications, thereby enabling unprecedented worldwide
sensing coverage outdoors. Deep learning has revolutionised computer vision but
has had limited application to radio perception tasks, in part due to lack of
systematic datasets and benchmarks dedicated to the study of the performance
and promise of radio sensing. To address this gap, we present MaxRay: a
synthetic radio-visual dataset and benchmark that facilitate precise target
localisation in radio. We further propose to learn to localise targets in radio
without supervision by extracting self-coordinates from radio-visual
correspondence. We use such self-supervised coordinates to train a radio
localiser network. We characterise our performance against a number of
state-of-the-art baselines. Our results indicate that accurate radio target
localisation can be automatically learned from paired radio-visual data without
labels, which is highly relevant to empirical data. This opens the door for
vast data scalability and may prove key to realising the promise of robust
radio sensing atop a unified perception-communication cellular infrastructure.
Dataset will be hosted on IEEE DataPort."
1995,Symbolic Regression in Materials Science: Discovering Interatomic Potentials from Data,"Particle-based modeling of materials at atomic scale plays an important role
in the development of new materials and understanding of their properties. The
accuracy of particle simulations is determined by interatomic potentials, which
allow to calculate the potential energy of an atomic system as a function of
atomic coordinates and potentially other properties. First-principles-based ab
initio potentials can reach arbitrary levels of accuracy, however their
aplicability is limited by their high computational cost.
Machine learning (ML) has recently emerged as an effective way to offset the
high computational costs of ab initio atomic potentials by replacing expensive
models with highly efficient surrogates trained on electronic structure data.
Among a plethora of current methods, symbolic regression (SR) is gaining
traction as a powerful ""white-box"" approach for discovering functional forms of
interatomic potentials.
This contribution discusses the role of symbolic regression in Materials
Science (MS) and offers a comprehensive overview of current methodological
challenges and state-of-the-art results. A genetic programming-based approach
for modeling atomic potentials from raw data (consisting of snapshots of atomic
positions and associated potential energy) is presented and empirically
validated on ab initio electronic structure data."
1996,GraphMLP: A Graph MLP-Like Architecture for 3D Human Pose Estimation,"Modern multi-layer perceptron (MLP) models have shown competitive results in
learning visual representations without self-attention. However, existing MLP
models are not good at capturing local details and lack prior knowledge of
human configurations, which limits their modeling power for skeletal
representation learning. To address these issues, we propose a simple yet
effective graph-reinforced MLP-Like architecture, named GraphMLP, that combines
MLPs and graph convolutional networks (GCNs) in a global-local-graphical
unified architecture for 3D human pose estimation. GraphMLP incorporates the
graph structure of human bodies into an MLP model to meet the domain-specific
demand while also allowing for both local and global spatial interactions.
Extensive experiments show that the proposed GraphMLP achieves state-of-the-art
performance on two datasets, i.e., Human3.6M and MPI-INF-3DHP. Our source code
and pretrained models will be publicly available."
1997,Image-based Treatment Effect Heterogeneity,"Randomized controlled trials (RCTs) are considered the gold standard for
estimating the effects of interventions. Recent work has studied effect
heterogeneity in RCTs by conditioning estimates on tabular variables such as
age and ethnicity. However, such variables are often only observed near the
time of the experiment and may fail to capture historical or geographical
reasons for effect variation. When experiment units are associated with a
particular location, satellite imagery can provide such historical and
geographical information, yet there is no method which incorporates it for
describing effect heterogeneity. In this paper, we develop such a method which
estimates, using a deep probabilistic modeling framework, the clusters of
images having the same distribution over treatment effects. We compare the
proposed methods against alternatives in simulation and in an application to
estimating the effects of an anti-poverty intervention in Uganda. A causal
regularization penalty is introduced to ensure reliability of the cluster model
in recovering Average Treatment Effects (ATEs). Finally, we discuss
feasibility, limitations, and the applicability of these methods to other
domains, such as medicine and climate science, where image information is
prevalent. We make code for all modeling strategies publicly available in an
open-source software package."
1998,Estimating Causal Effects Under Image Confounding Bias with an Application to Poverty in Africa,"Observational studies of causal effects require adjustment for confounding
factors. In the tabular setting, where these factors are well-defined, separate
random variables, the effect of confounding is well understood. However, in
public policy, ecology, and in medicine, decisions are often made in
non-tabular settings, informed by patterns or objects detected in images (e.g.,
maps, satellite or tomography imagery). Using such imagery for causal inference
presents an opportunity because objects in the image may be related to the
treatment and outcome of interest. In these cases, we rely on the images to
adjust for confounding but observed data do not directly label the existence of
the important objects. Motivated by real-world applications, we formalize this
challenge, how it can be handled, and what conditions are sufficient to
identify and estimate causal effects. We analyze finite-sample performance
using simulation experiments, estimating effects using a propensity adjustment
algorithm that employs a machine learning model to estimate the image
confounding. Our experiments also examine sensitivity to misspecification of
the image pattern mechanism. Finally, we use our methodology to estimate the
effects of policy interventions on poverty in African communities from
satellite imagery."
1999,Compositional Mixture Representations for Vision and Text,"Learning a common representation space between vision and language allows
deep networks to relate objects in the image to the corresponding semantic
meaning. We present a model that learns a shared Gaussian mixture
representation imposing the compositionality of the text onto the visual domain
without having explicit location supervision. By combining the spatial
transformer with a representation learning approach we learn to split images
into separately encoded patches to associate visual and textual representations
in an interpretable manner. On variations of MNIST and CIFAR10, our model is
able to perform weakly supervised object detection and demonstrates its ability
to extrapolate to unseen combination of objects."
2000,Discovering Object Masks with Transformers for Unsupervised Semantic Segmentation,"The task of unsupervised semantic segmentation aims to cluster pixels into
semantically meaningful groups. Specifically, pixels assigned to the same
cluster should share high-level semantic properties like their object or part
category. This paper presents MaskDistill: a novel framework for unsupervised
semantic segmentation based on three key ideas. First, we advocate a
data-driven strategy to generate object masks that serve as a pixel grouping
prior for semantic segmentation. This approach omits handcrafted priors, which
are often designed for specific scene compositions and limit the applicability
of competing frameworks. Second, MaskDistill clusters the object masks to
obtain pseudo-ground-truth for training an initial object segmentation model.
Third, we leverage this model to filter out low-quality object masks. This
strategy mitigates the noise in our pixel grouping prior and results in a clean
collection of masks which we use to train a final segmentation model. By
combining these components, we can considerably outperform previous works for
unsupervised semantic segmentation on PASCAL (+11% mIoU) and COCO (+4% mask
AP50). Interestingly, as opposed to existing approaches, our framework does not
latch onto low-level image cues and is not limited to object-centric datasets.
The code and models will be made available."
2001,EnergyMatch: Energy-based Pseudo-Labeling for Semi-Supervised Learning,"Recent state-of-the-art methods in semi-supervised learning (SSL) combine
consistency regularization with confidence-based pseudo-labeling. To obtain
high-quality pseudo-labels, a high confidence threshold is typically adopted.
However, it has been shown that softmax-based confidence scores in deep
networks can be arbitrarily high for samples far from the training data, and
thus, the pseudo-labels for even high-confidence unlabeled samples may still be
unreliable. In this work, we present a new perspective of pseudo-labeling:
instead of relying on model confidence, we instead measure whether an unlabeled
sample is likely to be ""in-distribution""; i.e., close to the current training
data. To classify whether an unlabeled sample is ""in-distribution"" or
""out-of-distribution"", we adopt the energy score from out-of-distribution
detection literature. As training progresses and more unlabeled samples become
in-distribution and contribute to training, the combined labeled and
pseudo-labeled data can better approximate the true distribution to improve the
model. Experiments demonstrate that our energy-based pseudo-labeling method,
albeit conceptually simple, significantly outperforms confidence-based methods
on imbalanced SSL benchmarks, and achieves competitive performance on
class-balanced data. For example, it produces a 4-6% absolute accuracy
improvement on CIFAR10-LT when the imbalance ratio is higher than 50. When
combined with state-of-the-art long-tailed SSL methods, further improvements
are attained."
2002,Federated Bayesian Neural Regression: A Scalable Global Federated Gaussian Process,"In typical scenarios where the Federated Learning (FL) framework applies, it
is common for clients to have insufficient training data to produce an accurate
model. Thus, models that provide not only point estimations, but also some
notion of confidence are beneficial. Gaussian Process (GP) is a powerful
Bayesian model that comes with naturally well-calibrated variance estimations.
However, it is challenging to learn a stand-alone global GP since merging local
kernels leads to privacy leakage. To preserve privacy, previous works that
consider federated GPs avoid learning a global model by focusing on the
personalized setting or learning an ensemble of local models. We present
Federated Bayesian Neural Regression (FedBNR), an algorithm that learns a
scalable stand-alone global federated GP that respects clients' privacy. We
incorporate deep kernel learning and random features for scalability by
defining a unifying random kernel. We show this random kernel can recover any
stationary kernel and many non-stationary kernels. We then derive a principled
approach of learning a global predictive model as if all client data is
centralized. We also learn global kernels with knowledge distillation methods
for non-identically and independently distributed (non-i.i.d.) clients.
Experiments are conducted on real-world regression datasets and show
statistically significant improvements compared to other federated GP models."
2003,Anomaly Detection and Inter-Sensor Transfer Learning on Smart Manufacturing Datasets,"Smart manufacturing systems are being deployed at a growing rate because of
their ability to interpret a wide variety of sensed information and act on the
knowledge gleaned from system observations. In many cases, the principal goal
of the smart manufacturing system is to rapidly detect (or anticipate) failures
to reduce operational cost and eliminate downtime. This often boils down to
detecting anomalies within the sensor date acquired from the system. The smart
manufacturing application domain poses certain salient technical challenges. In
particular, there are often multiple types of sensors with varying capabilities
and costs. The sensor data characteristics change with the operating point of
the environment or machines, such as, the RPM of the motor. The anomaly
detection process therefore has to be calibrated near an operating point. In
this paper, we analyze four datasets from sensors deployed from manufacturing
testbeds. We evaluate the performance of several traditional and ML-based
forecasting models for predicting the time series of sensor data. Then,
considering the sparse data from one kind of sensor, we perform transfer
learning from a high data rate sensor to perform defect type classification.
Taken together, we show that predictive failure classification can be achieved,
thus paving the way for predictive maintenance."
2004,Differentiable and Transportable Structure Learning,"We are interested in unsupervised structure learning with a particular focus
on directed acyclic graphical (DAG) models. Compute required to infer these
structures is typically super-exponential in the amount of variables, as
inference requires a sweep of a combinatorially large space of potential
structures. That is, until recent advances allowed to search this space using a
differentiable metric, drastically reducing search time. While this technique
-- named NOTEARS -- is widely considered a seminal work in DAG-discovery, it
concedes an important property in favour of differentiability:
transportability. In our paper we introduce D-Struct which recovers
transportability in the found structures through a novel architecture and loss
function, while remaining completely differentiable. As D-Struct remains
differentiable, one can easily adopt our method in differentiable architectures
as was previously done with NOTEARS. In our experiments we empirically validate
D-Struct with respect to edge accuracy and the structural Hamming distance."
2005,Unsupervised inter-frame motion correction for whole-body dynamic PET using convolutional long short-term memory in a convolutional neural network,"Subject motion in whole-body dynamic PET introduces inter-frame mismatch and
seriously impacts parametric imaging. Traditional non-rigid registration
methods are generally computationally intense and time-consuming. Deep learning
approaches are promising in achieving high accuracy with fast speed, but have
yet been investigated with consideration for tracer distribution changes or in
the whole-body scope. In this work, we developed an unsupervised automatic deep
learning-based framework to correct inter-frame body motion. The motion
estimation network is a convolutional neural network with a combined
convolutional long short-term memory layer, fully utilizing dynamic temporal
features and spatial information. Our dataset contains 27 subjects each under a
90-min FDG whole-body dynamic PET scan. With 9-fold cross-validation, compared
with both traditional and deep learning baselines, we demonstrated that the
proposed network obtained superior performance in enhanced qualitative and
quantitative spatial alignment between parametric $K_{i}$ and $V_{b}$ images
and in significantly reduced parametric fitting error. We also showed the
potential of the proposed motion correction method for impacting downstream
analysis of the estimated parametric images, improving the ability to
distinguish malignant from benign hypermetabolic regions of interest. Once
trained, the motion estimation inference time of our proposed network was
around 460 times faster than the conventional registration baseline, showing
its potential to be easily applied in clinical settings."
2006,Learning Uncertainty with Artificial Neural Networks for Improved Predictive Process Monitoring,"The inability of artificial neural networks to assess the uncertainty of
their predictions is an impediment to their widespread use. We distinguish two
types of learnable uncertainty: model uncertainty due to a lack of training
data and noise-induced observational uncertainty. Bayesian neural networks use
solid mathematical foundations to learn the model uncertainties of their
predictions. The observational uncertainty can be calculated by adding one
layer to these networks and augmenting their loss functions. Our contribution
is to apply these uncertainty concepts to predictive process monitoring tasks
to train uncertainty-based models to predict the remaining time and outcomes.
Our experiments show that uncertainty estimates allow more and less accurate
predictions to be differentiated and confidence intervals to be constructed in
both regression and classification tasks. These conclusions remain true even in
early stages of running processes. Moreover, the deployed techniques are fast
and produce more accurate predictions. The learned uncertainty could increase
users' confidence in their process prediction systems, promote better
cooperation between humans and these systems, and enable earlier
implementations with smaller datasets."
2007,Markov Chain Score Ascent: A Unifying Framework of Variational Inference with Markovian Gradients,"Minimizing the inclusive Kullback-Leibler (KL) divergence with stochastic
gradient descent (SGD) is challenging since its gradient is defined as an
integral over the posterior. Recently, multiple methods have been proposed to
run SGD with biased gradient estimates obtained from a Markov chain. This paper
provides the first non-asymptotic convergence analysis of these methods by
establishing their mixing rate and gradient variance. To do this, we
demonstrate that these methods-which we collectively refer to as Markov chain
score ascent (MCSA) methods-can be cast as special cases of the Markov chain
gradient descent framework. Furthermore, by leveraging this new understanding,
we develop a novel MCSA scheme, parallel MCSA (pMCSA), that achieves a tighter
bound on the gradient variance. We demonstrate that this improved theoretical
result translates to superior empirical performance."
2008,Silver-Bullet-3D at ManiSkill 2021: Learning-from-Demonstrations and Heuristic Rule-based Methods for Object Manipulation,"This paper presents an overview and comparative analysis of our systems
designed for the following two tracks in SAPIEN ManiSkill Challenge 2021:
No Interaction Track: The No Interaction track targets for learning policies
from pre-collected demonstration trajectories. We investigate both imitation
learning-based approach, i.e., imitating the observed behavior using classical
supervised learning techniques, and offline reinforcement learning-based
approaches, for this track. Moreover, the geometry and texture structures of
objects and robotic arms are exploited via Transformer-based networks to
facilitate imitation learning.
No Restriction Track: In this track, we design a Heuristic Rule-based Method
(HRM) to trigger high-quality object manipulation by decomposing the task into
a series of sub-tasks. For each sub-task, the simple rule-based controlling
strategies are adopted to predict actions that can be applied to robotic arms.
To ease the implementations of our systems, all the source codes and
pre-trained models are available at
\url{https://github.com/caiqi/Silver-Bullet-3D/}."
2009,On the reusability of samples in active learning,"An interesting but not extensively studied question in active learning is
that of sample reusability: to what extent can samples selected for one learner
be reused by another? This paper explains why sample reusability is of
practical interest, why reusability can be a problem, how reusability could be
improved by importance-weighted active learning, and which obstacles to
universal reusability remain. With theoretical arguments and practical
demonstrations, this paper argues that universal reusability is impossible.
Because every active learning strategy must undersample some areas of the
sample space, learners that depend on the samples in those areas will learn
more from a random sample selection. This paper describes several experiments
with importance-weighted active learning that show the impact of the
reusability problem in practice. The experiments confirmed that universal
reusability does not exist, although in some cases -- on some datasets and with
some pairs of classifiers -- there is sample reusability. Finally, this paper
explores the conditions that could guarantee the reusability between two
classifiers."
2010,Near-Optimal Sample Complexity Bounds for Constrained MDPs,"In contrast to the advances in characterizing the sample complexity for
solving Markov decision processes (MDPs), the optimal statistical complexity
for solving constrained MDPs (CMDPs) remains unknown. We resolve this question
by providing minimax upper and lower bounds on the sample complexity for
learning near-optimal policies in a discounted CMDP with access to a generative
model (simulator). In particular, we design a model-based algorithm that
addresses two settings: (i) relaxed feasibility, where small constraint
violations are allowed, and (ii) strict feasibility, where the output policy is
required to satisfy the constraint. For (i), we prove that our algorithm
returns an $\epsilon$-optimal policy with probability $1 - \delta$, by making
$\tilde{O}\left(\frac{S A \log(1/\delta)}{(1 - \gamma)^3 \epsilon^2}\right)$
queries to the generative model, thus matching the sample-complexity for
unconstrained MDPs. For (ii), we show that the algorithm's sample complexity is
upper-bounded by $\tilde{O} \left(\frac{S A \, \log(1/\delta)}{(1 - \gamma)^5
\, \epsilon^2 \zeta^2} \right)$ where $\zeta$ is the problem-dependent Slater
constant that characterizes the size of the feasible region. Finally, we prove
a matching lower-bound for the strict feasibility setting, thus obtaining the
first near minimax optimal bounds for discounted CMDPs. Our results show that
learning CMDPs is as easy as MDPs when small constraint violations are allowed,
but inherently more difficult when we demand zero constraint violation."
2011,Distributed Adversarial Training to Robustify Deep Neural Networks at Scale,"Current deep neural networks (DNNs) are vulnerable to adversarial attacks,
where adversarial perturbations to the inputs can change or manipulate
classification. To defend against such attacks, an effective and popular
approach, known as adversarial training (AT), has been shown to mitigate the
negative impact of adversarial attacks by virtue of a min-max robust training
method. While effective, it remains unclear whether it can successfully be
adapted to the distributed learning context. The power of distributed
optimization over multiple machines enables us to scale up robust training over
large models and datasets. Spurred by that, we propose distributed adversarial
training (DAT), a large-batch adversarial training framework implemented over
multiple machines. We show that DAT is general, which supports training over
labeled and unlabeled data, multiple types of attack generation methods, and
gradient compression operations favored for distributed optimization.
Theoretically, we provide, under standard conditions in the optimization
theory, the convergence rate of DAT to the first-order stationary points in
general non-convex settings. Empirically, we demonstrate that DAT either
matches or outperforms state-of-the-art robust accuracies and achieves a
graceful training speedup (e.g., on ResNet-50 under ImageNet). Codes are
available at https://github.com/dat-2022/dat."
2012,On the impact of dataset size and class imbalance in evaluating machine-learning-based windows malware detection techniques,"The purpose of this project was to collect and analyse data about the
comparability and real-life applicability of published results focusing on
Microsoft Windows malware, more specifically the impact of dataset size and
testing dataset imbalance on measured detector performance. Some researchers
use smaller datasets, and if dataset size has a significant impact on
performance, that makes comparison of the published results difficult.
Researchers also tend to use balanced datasets and accuracy as a metric for
testing. The former is not a true representation of reality, where benign
samples significantly outnumber malware, and the latter is approach is known to
be problematic for imbalanced problems. The project identified two key
objectives, to understand if dataset size correlates to measured detector
performance to an extent that prevents meaningful comparison of published
results, and to understand if good performance reported in published research
can be expected to perform well in a real-world deployment scenario. The
research's results suggested that dataset size does correlate with measured
detector performance to an extent that prevents meaningful comparison of
published results, and without understanding the nature of the training set
size-accuracy curve for published results conclusions between approaches on
which approach is ""better"" shouldn't be made solely based on accuracy scores.
Results also suggested that high accuracy scores don't necessarily translate to
high real-world performance."
2013,RPLHR-CT Dataset and Transformer Baseline for Volumetric Super-Resolution from CT Scans,"In clinical practice, anisotropic volumetric medical images with low
through-plane resolution are commonly used due to short acquisition time and
lower storage cost. Nevertheless, the coarse resolution may lead to
difficulties in medical diagnosis by either physicians or computer-aided
diagnosis algorithms. Deep learning-based volumetric super-resolution (SR)
methods are feasible ways to improve resolution, with convolutional neural
networks (CNN) at their core. Despite recent progress, these methods are
limited by inherent properties of convolution operators, which ignore content
relevance and cannot effectively model long-range dependencies. In addition,
most of the existing methods use pseudo-paired volumes for training and
evaluation, where pseudo low-resolution (LR) volumes are generated by a simple
degradation of their high-resolution (HR) counterparts. However, the domain gap
between pseudo- and real-LR volumes leads to the poor performance of these
methods in practice. In this paper, we build the first public real-paired
dataset RPLHR-CT as a benchmark for volumetric SR, and provide baseline results
by re-implementing four state-of-the-art CNN-based methods. Considering the
inherent shortcoming of CNN, we also propose a transformer volumetric
super-resolution network (TVSRN) based on attention mechanisms, dispensing with
convolutions entirely. This is the first research to use a pure transformer for
CT volumetric SR. The experimental results show that TVSRN significantly
outperforms all baselines on both PSNR and SSIM. Moreover, the TVSRN method
achieves a better trade-off between the image quality, the number of
parameters, and the running time. Data and code are available at
https://github.com/smilenaxx/RPLHR-CT."
2014,Contrastive Learning for Unsupervised Domain Adaptation of Time Series,"Unsupervised domain adaptation (UDA) aims at learning a machine learning
model using a labeled source domain that performs well on a similar yet
different, unlabeled target domain. UDA is important in many applications such
as medicine, where it is used to adapt risk scores across different patient
cohorts. In this paper, we develop a novel framework for UDA of time series
data, called CLUDA. Specifically, we propose a contrastive learning framework
to learn domain-invariant semantics in multivariate time series, so that these
preserve label information for the prediction task. In our framework, we
further capture semantic variation between source and target domain via
nearest-neighbor contrastive learning. To the best of our knowledge, ours is
the first framework to learn domain-invariant semantic information for UDA of
time series data. We evaluate our framework using large-scale, real-world
datasets with medical time series (i.e., MIMIC-IV and AmsterdamUMCdb) to
demonstrate its effectiveness and show that it achieves state-of-the-art
performance for time series UDA."
2015,Evaluating Graph Generative Models with Contrastively Learned Features,"A wide range of models have been proposed for Graph Generative Models,
necessitating effective methods to evaluate their quality. So far, most
techniques use either traditional metrics based on subgraph counting, or the
representations of randomly initialized Graph Neural Networks (GNNs). We
propose using representations from contrastively trained GNNs, rather than
random GNNs, and show this gives more reliable evaluation metrics. Neither
traditional approaches nor GNN-based approaches dominate the other, however: we
give examples of graphs that each approach is unable to distinguish. We
demonstrate that Graph Substructure Networks (GSNs), which in a way combine
both approaches, are better at distinguishing the distances between graph
datasets."
2016,Towards Understanding Sharpness-Aware Minimization,"Sharpness-Aware Minimization (SAM) is a recent training method that relies on
worst-case weight perturbations which significantly improves generalization in
various settings. We argue that the existing justifications for the success of
SAM which are based on a PAC-Bayes generalization bound and the idea of
convergence to flat minima are incomplete. Moreover, there are no explanations
for the success of using $m$-sharpness in SAM which has been shown as essential
for generalization. To better understand this aspect of SAM, we theoretically
analyze its implicit bias for diagonal linear networks. We prove that SAM
always chooses a solution that enjoys better generalization properties than
standard gradient descent for a certain class of problems, and this effect is
amplified by using $m$-sharpness. We further study the properties of the
implicit bias on non-linear networks empirically, where we show that
fine-tuning a standard model with SAM can lead to significant generalization
improvements. Finally, we provide convergence results of SAM for non-convex
objectives when used with stochastic gradients. We illustrate these results
empirically for deep networks and discuss their relation to the generalization
behavior of SAM. The code of our experiments is available at
https://github.com/tml-epfl/understanding-sam."
2017,Transition-based Abstract Meaning Representation Parsing with Contextual Embeddings,"The ability to understand and generate languages sets human cognition apart
from other known life forms'. We study a way of combing two of the most
successful routes to meaning of language--statistical language models and
symbolic semantics formalisms--in the task of semantic parsing. Building on a
transition-based, Abstract Meaning Representation (AMR) parser, AmrEager, we
explore the utility of incorporating pretrained context-aware word
embeddings--such as BERT and RoBERTa--in the problem of AMR parsing,
contributing a new parser we dub as AmrBerger. Experiments find these rich
lexical features alone are not particularly helpful in improving the parser's
overall performance as measured by the SMATCH score when compared to the
non-contextual counterpart, while additional concept information empowers the
system to outperform the baselines. Through lesion study, we found the use of
contextual embeddings helps to make the system more robust against the removal
of explicit syntactical features. These findings expose the strength and
weakness of the contextual embeddings and the language models in the current
form, and motivate deeper understanding thereof."
2018,Convergence for score-based generative modeling with polynomial complexity,"Score-based generative modeling (SGM) is a highly successful approach for
learning a probability distribution from data and generating further samples.
We prove the first polynomial convergence guarantees for the core mechanic
behind SGM: drawing samples from a probability density $p$ given a score
estimate (an estimate of $\nabla \ln p$) that is accurate in $L^2(p)$. Compared
to previous works, we do not incur error that grows exponentially in time or
that suffers from a curse of dimensionality. Our guarantee works for any smooth
distribution and depends polynomially on its log-Sobolev constant. Using our
guarantee, we give a theoretical analysis of score-based generative modeling,
which transforms white-noise input into samples from a learned data
distribution given score estimates at different noise scales. Our analysis
gives theoretical grounding to the observation that an annealed procedure is
required in practice to generate good samples, as our proof depends essentially
on using annealing to obtain a warm start at each step. Moreover, we show that
a predictor-corrector algorithm gives better convergence than using either
portion alone."
2019,Acceleration of cerebral blood flow and arterial transit time maps estimation from multiple post-labeling delay arterial spin-labeled MRI via deep learning,"Purpose: Arterial spin labeling (ASL) perfusion imaging indicates direct and
absolute measurement of cerebral blood flow (CBF). Arterial transit time (ATT)
is a related physiological parameter reflecting the duration for the labeled
spins to reach the brain region of interest. Multiple post-labeling delay
(PLDs) can provide robust measures of both CBF and ATT, allowing for
optimization of regional CBF modeling based on ATT. The prolonged acquisition
time can potentially reduce the quality and accuracy of the CBF and ATT
estimation. We proposed a novel network to significantly reduce the number of
PLDs with higher signal-to-noise ratio (SNR). Method: CBF and ATT estimations
were performed for one PLD and two PLDs sepa-rately. Each model was trained
independently to learn the nonlinear transformation from perfusion weighted
image (PWI) to CBF and ATT images. Results: Both one-PLD and two-PLD models
outperformed the conventional method visually on CBF and two-PLD model showed
more accurate structure on ATT estima-tion. The proposed method significantly
reduces the number of PLDs from 6 to 2 on ATT and even to single PLD on CBF
without sacrificing the SNR. Conclusion: It is feasible to generate CBF and ATT
maps with reduced PLDs using deep learning with high quality."
2020,Predicting conditional probability distributions of redshifts of Active Galactic Nuclei using Hierarchical Correlation Reconstruction,"While there is a general focus on prediction of values, real data often only
allows to predict conditional probability distributions, with capabilities
bounded by conditional entropy $H(Y|X)$. If additionally estimating
uncertainty, we can treat a predicted value as the center of Gaussian of
Laplace distribution - idealization which can be far from complex conditional
distributions of real data. This article applies Hierarchical Correlation
Reconstruction (HCR) approach to inexpensively predict quite complex
conditional probability distributions (e.g. multimodal): by independent MSE
estimation of multiple moment-like parameters, which allow to reconstruct the
conditional distribution. Using linear regression for this purpose, we get
interpretable models: with coefficients describing contributions of features to
conditional moments. This article extends on the original approach especially
by using Canonical Correlation Analysis (CCA) for feature optimization and l1
""lasso"" regularization, focusing on practical problem of prediction of redshift
of Active Galactic Nuclei (AGN) based on Fourth Fermi-LAT Data Release 2 (4LAC)
dataset."
2021,AI-based Data Preparation and Data Analytics in Healthcare: The Case of Diabetes,"The Associazione Medici Diabetologi (AMD) collects and manages one of the
largest worldwide-available collections of diabetic patient records, also known
as the AMD database. This paper presents the initial results of an ongoing
project whose focus is the application of Artificial Intelligence and Machine
Learning techniques for conceptualizing, cleaning, and analyzing such an
important and valuable dataset, with the goal of providing predictive insights
to better support diabetologists in their diagnostic and therapeutic choices."
2022,EGRU: Event-based GRU for activity-sparse inference and learning,"The scalability of recurrent neural networks (RNNs) is hindered by the
sequential dependence of each time step's computation on the previous time
step's output. Therefore, one way to speed up and scale RNNs is to reduce the
computation required at each time step independent of model size and task. In
this paper, we propose a model that reformulates Gated Recurrent Units (GRU) as
an event-based activity-sparse model that we call the Event-based GRU (EGRU),
where units compute updates only on receipt of input events (event-based) from
other units. When combined with having only a small fraction of the units
active at a time (activity-sparse), this model has the potential to be vastly
more compute efficient than current RNNs. Notably, activity-sparsity in our
model also translates into sparse parameter updates during gradient descent,
extending this compute efficiency to the training phase. We show that the EGRU
demonstrates competitive performance compared to state-of-the-art recurrent
network models in real-world tasks, including language modeling while
maintaining high activity sparsity naturally during inference and training.
This sets the stage for the next generation of recurrent networks that are
scalable and more suitable for novel neuromorphic hardware."
2023,iCITRIS: Causal Representation Learning for Instantaneous Temporal Effects,"Causal representation learning is the task of identifying the underlying
causal variables and their relations from high-dimensional observations, such
as images. Recent work has shown that one can reconstruct the causal variables
from temporal sequences of observations under the assumption that there are no
instantaneous causal relations between them. In practical applications,
however, our measurement or frame rate might be slower than many of the causal
effects. This effectively creates ""instantaneous"" effects and invalidates
previous identifiability results. To address this issue, we propose iCITRIS, a
causal representation learning method that can handle instantaneous effects in
temporal sequences when given perfect interventions with known intervention
targets. iCITRIS identifies the causal factors from temporal observations,
while simultaneously using a differentiable causal discovery method to learn
their causal graph. In experiments on three video datasets, iCITRIS accurately
identifies the causal factors and their causal graph."
2024,The Classification of Optical Galaxy Morphology Using Unsupervised Learning Techniques,"The advent of large scale, data intensive astronomical surveys has caused the
viability of human-based galaxy morphology classification methods to come into
question. Put simply, too much astronomical data is being produced for
scientists to visually label. Attempts have been made to crowd-source this work
by recruiting volunteers from the general public. However, even these efforts
will soon fail to keep up with data produced by modern surveys. Unsupervised
learning techniques do not require existing labels to classify data and could
pave the way to unplanned discoveries. Therefore, this paper aims to implement
unsupervised learning algorithms to classify the Galaxy Zoo DECaLS dataset
without human supervision. First, a convolutional autoencoder was implemented
as a feature extractor. The extracted features were then clustered via k-means,
fuzzy c-means and agglomerative clustering to provide classifications. The
results were compared to the volunteer classifications of the Galaxy Zoo DECaLS
dataset. Agglomerative clustering generally produced the best results, however,
the performance gain over k-means clustering was not significant. With the
appropriate optimizations, this approach could be used to provide
classifications for the better performing Galaxy Zoo DECaLS decision tree
questions. Ultimately, this unsupervised learning approach provided valuable
insights and results that were useful to scientists."
2025,SyntheX: Scaling Up Learning-based X-ray Image Analysis Through In Silico Experiments,"Artificial intelligence (AI) now enables automated interpretation of medical
images for clinical use. However, AI's potential use for interventional images
(versus those involved in triage or diagnosis), such as for guidance during
surgery, remains largely untapped. This is because surgical AI systems are
currently trained using post hoc analysis of data collected during live
surgeries, which has fundamental and practical limitations, including ethical
considerations, expense, scalability, data integrity, and a lack of ground
truth. Here, we demonstrate that creating realistic simulated images from human
models is a viable alternative and complement to large-scale in situ data
collection. We show that training AI image analysis models on realistically
synthesized data, combined with contemporary domain generalization or
adaptation techniques, results in models that on real data perform comparably
to models trained on a precisely matched real data training set. Because
synthetic generation of training data from human-based models scales easily, we
find that our model transfer paradigm for X-ray image analysis, which we refer
to as SyntheX, can even outperform real data-trained models due to the
effectiveness of training on a larger dataset. We demonstrate the potential of
SyntheX on three clinical tasks: Hip image analysis, surgical robotic tool
detection, and COVID-19 lung lesion segmentation. SyntheX provides an
opportunity to drastically accelerate the conception, design, and evaluation of
intelligent systems for X-ray-based medicine. In addition, simulated image
environments provide the opportunity to test novel instrumentation, design
complementary surgical approaches, and envision novel techniques that improve
outcomes, save time, or mitigate human error, freed from the ethical and
practical considerations of live human data collection."
2026,Robust Time Series Denoising with Learnable Wavelet Packet Transform,"In many applications, signal denoising is often the first pre-processing step
before any subsequent analysis or learning task. In this paper, we propose to
apply a deep learning denoising model inspired by a signal processing, a
learnable version of wavelet packet transform. The proposed algorithm has
signficant learning capabilities with few interpretable parameters and has an
intuitive initialisation. We propose a post-learning modification of the
parameters to adapt the denoising to different noise levels. We evaluate the
performance of the proposed methodology on two case studies and compare it to
other state of the art approaches, including wavelet schrinkage denoising,
convolutional neural network, autoencoder and U-net deep models. The first case
study is based on designed functions that have typically been used to study
denoising properties of the algorithms. The second case study is an audio
background removal task. We demonstrate how the proposed algorithm relates to
the universality of signal processing methods and the learning capabilities of
deep learning approaches. In particular, we evaluate the obtained denoising
performances on structured noisy signals inside and outside the classes used
for training. In addition to having good performance in denoising signals
inside and outside to the training class, our method shows to be particularly
robust when different noise levels, noise types and artifacts are added."
2027,Markov Decision Processes under Model Uncertainty,"We introduce a general framework for Markov decision problems under model
uncertainty in a discrete-time infinite horizon setting. By providing a dynamic
programming principle we obtain a local-to-global paradigm, namely solving a
local, i.e., a one time-step robust optimization problem leads to an optimizer
of the global (i.e. infinite time-steps) robust stochastic optimal control
problem, as well as to a corresponding worst-case measure. Moreover, we apply
this framework to portfolio optimization involving data of the S&P 500. We
present two different types of ambiguity sets; one is fully data-driven given
by a Wasserstein-ball around the empirical measure, the second one is described
by a parametric set of multivariate normal distributions, where the
corresponding uncertainty sets of the parameters are estimated from the data.
It turns out that in scenarios where the market is volatile or bearish, the
optimal portfolio strategies from the corresponding robust optimization problem
outperforms the ones without model uncertainty, showcasing the importance of
taking model uncertainty into account."
2028,AR-NeRF: Unsupervised Learning of Depth and Defocus Effects from Natural Images with Aperture Rendering Neural Radiance Fields,"Fully unsupervised 3D representation learning has gained attention owing to
its advantages in data collection. A successful approach involves a
viewpoint-aware approach that learns an image distribution based on generative
models (e.g., generative adversarial networks (GANs)) while generating various
view images based on 3D-aware models (e.g., neural radiance fields (NeRFs)).
However, they require images with various views for training, and consequently,
their application to datasets with few or limited viewpoints remains a
challenge. As a complementary approach, an aperture rendering GAN (AR-GAN) that
employs a defocus cue was proposed. However, an AR-GAN is a CNN-based model and
represents a defocus independently from a viewpoint change despite its high
correlation, which is one of the reasons for its performance. As an alternative
to an AR-GAN, we propose an aperture rendering NeRF (AR-NeRF), which can
utilize viewpoint and defocus cues in a unified manner by representing both
factors in a common ray-tracing framework. Moreover, to learn defocus-aware and
defocus-independent representations in a disentangled manner, we propose
aperture randomized training, for which we learn to generate images while
randomizing the aperture size and latent codes independently. During our
experiments, we applied AR-NeRF to various natural image datasets, including
flower, bird, and face images, the results of which demonstrate the utility of
AR-NeRF for unsupervised learning of the depth and defocus effects."
2029,Towards Autonomous Grading In The Real World,"In this work, we aim to tackle the problem of autonomous grading, where a
dozer is required to flatten an uneven area. In addition, we explore methods
for bridging the gap between a simulated environment and real scenarios. We
design both a realistic physical simulation and a scaled real prototype
environment mimicking the real dozer dynamics and sensory information. We
establish heuristics and learning strategies in order to solve the problem.
Through extensive experimentation, we show that although heuristics are capable
of tackling the problem in a clean and noise-free simulated environment, they
fail catastrophically when facing real world scenarios. As the heuristics are
capable of successfully solving the task in the simulated environment, we show
they can be leveraged to guide a learning agent which can generalize and solve
the task both in simulation and in a scaled prototype environment."
2030,Rank Diminishing in Deep Neural Networks,"The rank of neural networks measures information flowing across layers. It is
an instance of a key structural condition that applies across broad domains of
machine learning. In particular, the assumption of low-rank feature
representations leads to algorithmic developments in many architectures. For
neural networks, however, the intrinsic mechanism that yields low-rank
structures remains vague and unclear. To fill this gap, we perform a rigorous
study on the behavior of network rank, focusing particularly on the notion of
rank deficiency. We theoretically establish a universal monotonic decreasing
property of network rank from the basic rules of differential and algebraic
composition, and uncover rank deficiency of network blocks and deep function
coupling. By virtue of our numerical tools, we provide the first empirical
analysis of the per-layer behavior of network rank in practical settings, i.e.,
ResNets, deep MLPs, and Transformers on ImageNet. These empirical results are
in direct accord with our theory. Furthermore, we reveal a novel phenomenon of
independence deficit caused by the rank deficiency of deep networks, where
classification confidence of a given category can be linearly decided by the
confidence of a handful of other categories. The theoretical results of this
work, together with the empirical findings, may advance understanding of the
inherent principles of deep neural networks."
2031,Energy-Efficient Wake-Up Signalling for Machine-Type Devices Based on Traffic-Aware Long-Short Term Memory Prediction,"Reducing energy consumption is a pressing issue in low-power machine-type
communication (MTC) networks. In this regard, the Wake-up Signal (WuS)
technology, which aims to minimize the energy consumed by the radio interface
of the machine-type devices (MTDs), stands as a promising solution. However,
state-of-the-art WuS mechanisms use static operational parameters, so they
cannot efficiently adapt to the system dynamics. To overcome this, we design a
simple but efficient neural network to predict MTC traffic patterns and
configure WuS accordingly. Our proposed forecasting WuS (FWuS) leverages an
accurate long-short term memory (LSTM)- based traffic prediction that allows
extending the sleep time of MTDs by avoiding frequent page monitoring occasions
in idle state. Simulation results show the effectiveness of our approach. The
traffic prediction errors are shown to be below 4%, being false alarm and
miss-detection probabilities respectively below 8.8% and 1.3%. In terms of
energy consumption reduction, FWuS can outperform the best benchmark mechanism
in up to 32%. Finally, we certify the ability of FWuS to dynamically adapt to
traffic density changes, promoting low-power MTC scalability"
2032,Low-complexity deep learning frameworks for acoustic scene classification,"In this report, we presents low-complexity deep learning frameworks for
acoustic scene classification (ASC). The proposed frameworks can be separated
into four main steps: Front-end spectrogram extraction, online data
augmentation, back-end classification, and late fusion of predicted
probabilities. In particular, we initially transform audio recordings into Mel,
Gammatone, and CQT spectrograms. Next, data augmentation methods of Random
Cropping, Specaugment, and Mixup are then applied to generate augmented
spectrograms before being fed into deep learning based classifiers. Finally, to
achieve the best performance, we fuse probabilities which obtained from three
individual classifiers, which are independently-trained with three type of
spectrograms. Our experiments conducted on DCASE 2022 Task 1 Development
dataset have fullfiled the requirement of low-complexity and achieved the best
classification accuracy of 60.1%, improving DCASE baseline by 17.2%."
2033,Specifying and Testing $k$-Safety Properties for Machine-Learning Models,"Machine-learning models are becoming increasingly prevalent in our lives, for
instance assisting in image-classification or decision-making tasks.
Consequently, the reliability of these models is of critical importance and has
resulted in the development of numerous approaches for validating and verifying
their robustness and fairness. However, beyond such specific properties, it is
challenging to specify, let alone check, general functional-correctness
expectations from models. In this paper, we take inspiration from
specifications used in formal methods, expressing functional-correctness
properties by reasoning about $k$ different executions, so-called $k$-safety
properties. Considering a credit-screening model of a bank, the expected
property that ""if a person is denied a loan and their income decreases, they
should still be denied the loan"" is a 2-safety property. Here, we show the wide
applicability of $k$-safety properties for machine-learning models and present
the first specification language for expressing them. We also operationalize
the language in a framework for automatically validating such properties using
metamorphic testing. Our experiments show that our framework is effective in
identifying property violations, and that detected bugs could be used to train
better models."
2034,Neuromorphic Wireless Cognition: Event-Driven Semantic Communications for Remote Inference,"Neuromorphic computing is an emerging computing paradigm that moves away from
batched processing towards the online, event-driven, processing of streaming
data. Neuromorphic chips, when coupled with spike-based sensors, can inherently
adapt to the ""semantics"" of the data distribution by consuming energy only when
relevant events are recorded in the timing of spikes and by proving a
low-latency response to changing conditions in the environment. This paper
proposes an end-to-end design for a neuromorphic wireless Internet-of-Things
system that integrates spike-based sensing, processing, and communication. In
the proposed NeuroComm system, each sensing device is equipped with a
neuromorphic sensor, a spiking neural network (SNN), and an impulse radio
transmitter with multiple antennas. Transmission takes place over a shared
fading channel to a receiver equipped with a multi-antenna impulse radio
receiver and with an SNN. In order to enable adaptation of the receiver to the
fading channel conditions, we introduce a hypernetwork to control the weights
of the decoding SNN using pilots. Pilots, encoding SNNs, decoding SNN, and
hypernetwork are jointly trained across multiple channel realizations. The
proposed system is shown to significantly improve over conventional frame-based
digital solutions, as well as over alternative non-adaptive training methods,
in terms of time-to-accuracy and energy consumption metrics."
2035,Automatic Contact Tracing using Bluetooth Low Energy Signals and IMU Sensor Readings,"In this report, we present our solution to the challenge provided by the SFI
Centre for Machine Learning (ML-Labs) in which the distance between two phones
needs to be estimated. It is a modified version of the NIST Too Close For Too
Long (TC4TL) Challenge, as the time aspect is excluded. We propose a
feature-based approach based on Bluetooth RSSI and IMU sensory data, that
outperforms the previous state of the art by a significant margin, reducing the
error down to 0.071. We perform an ablation study of our model that reveals
interesting insights about the relationship between the distance and the
Bluetooth RSSI readings."
2036,A universal synthetic dataset for machine learning on spectroscopic data,"To assist in the development of machine learning methods for automated
classification of spectroscopic data, we have generated a universal synthetic
dataset that can be used for model validation. This dataset contains artificial
spectra designed to represent experimental measurements from techniques
including X-ray diffraction, nuclear magnetic resonance, and Raman
spectroscopy. The dataset generation process features customizable parameters,
such as scan length and peak count, which can be adjusted to fit the problem at
hand. As an initial benchmark, we simulated a dataset containing 35,000 spectra
based on 500 unique classes. To automate the classification of this data, eight
different machine learning architectures were evaluated. From the results, we
shed light on which factors are most critical to achieve optimal performance
for the classification task. The scripts used to generate synthetic spectra, as
well as our benchmark dataset and evaluation routines, are made publicly
available to aid in the development of improved machine learning models for
spectroscopic analysis."
2037,Mediators: Conversational Agents Explaining NLP Model Behavior,"The human-centric explainable artificial intelligence (HCXAI) community has
raised the need for framing the explanation process as a conversation between
human and machine. In this position paper, we establish desiderata for
Mediators, text-based conversational agents which are capable of explaining the
behavior of neural models interactively using natural language. From the
perspective of natural language processing (NLP) research, we engineer a
blueprint of such a Mediator for the task of sentiment analysis and assess how
far along current research is on the path towards dialogue-based explanations."
2038,Machine Learning Training on a Real Processing-in-Memory System,"Training machine learning algorithms is a computationally intensive process,
which is frequently memory-bound due to repeatedly accessing large training
datasets. As a result, processor-centric systems (e.g., CPU, GPU) suffer from
costly data movement between memory units and processing units, which consumes
large amounts of energy and execution cycles. Memory-centric computing systems,
i.e., computing systems with processing-in-memory (PIM) capabilities, can
alleviate this data movement bottleneck.
Our goal is to understand the potential of modern general-purpose PIM
architectures to accelerate machine learning training. To do so, we (1)
implement several representative classic machine learning algorithms (namely,
linear regression, logistic regression, decision tree, K-means clustering) on a
real-world general-purpose PIM architecture, (2) characterize them in terms of
accuracy, performance and scaling, and (3) compare to their counterpart
implementations on CPU and GPU. Our experimental evaluation on a memory-centric
computing system with more than 2500 PIM cores shows that general-purpose PIM
architectures can greatly accelerate memory-bound machine learning workloads,
when the necessary operations and datatypes are natively supported by PIM
hardware.
To our knowledge, our work is the first one to evaluate training of machine
learning algorithms on a real-world general-purpose PIM architecture."
2039,No-Regret Learning in Games with Noisy Feedback: Faster Rates and Adaptivity via Learning Rate Separation,"We examine the problem of regret minimization when the learner is involved in
a continuous game with other optimizing agents: in this case, if all players
follow a no-regret algorithm, it is possible to achieve significantly lower
regret relative to fully adversarial environments. We study this problem in the
context of variationally stable games (a class of continuous games which
includes all convex-concave and monotone games), and when the players only have
access to noisy estimates of their individual payoff gradients. If the noise is
additive, the game-theoretic and purely adversarial settings enjoy similar
regret guarantees; however, if the noise is multiplicative, we show that the
learners can, in fact, achieve constant regret. We achieve this faster rate via
an optimistic gradient scheme with learning rate separation -- that is, the
method's extrapolation and update steps are tuned to different schedules,
depending on the noise profile. Subsequently, to eliminate the need for
delicate hyperparameter tuning, we propose a fully adaptive method that
smoothly interpolates between worst- and best-case regret guarantees."
2040,Exploring and Exploiting Hubness Priors for High-Quality GAN Latent Sampling,"Despite the extensive studies on Generative Adversarial Networks (GANs), how
to reliably sample high-quality images from their latent spaces remains an
under-explored topic. In this paper, we propose a novel GAN latent sampling
method by exploring and exploiting the hubness priors of GAN latent
distributions. Our key insight is that the high dimensionality of the GAN
latent space will inevitably lead to the emergence of hub latents that usually
have much larger sampling densities than other latents in the latent space. As
a result, these hub latents are better trained and thus contribute more to the
synthesis of high-quality images. Unlike the a posterior ""cherry-picking"", our
method is highly efficient as it is an a priori method that identifies
high-quality latents before the synthesis of images. Furthermore, we show that
the well-known but purely empirical truncation trick is a naive approximation
to the central clustering effect of hub latents, which not only uncovers the
rationale of the truncation trick, but also indicates the superiority and
fundamentality of our method. Extensive experimental results demonstrate the
effectiveness of the proposed method."
2041,Reinforcement Learning-based Placement of Charging Stations in Urban Road Networks,"The transition from conventional mobility to electromobility largely depends
on charging infrastructure availability and optimal placement.This paper
examines the optimal placement of charging stations in urban areas. We maximise
the charging infrastructure supply over the area and minimise waiting, travel,
and charging times while setting budget constraints. Moreover, we include the
possibility of charging vehicles at home to obtain a more refined estimation of
the actual charging demand throughout the urban area. We formulate the
Placement of Charging Stations problem as a non-linear integer optimisation
problem that seeks the optimal positions for charging stations and the optimal
number of charging piles of different charging types. We design a novel Deep
Reinforcement Learning approach to solve the charging station placement problem
(PCRL). Extensive experiments on real-world datasets show how the PCRL reduces
the waiting and travel time while increasing the benefit of the charging plan
compared to five baselines. Compared to the existing infrastructure, we can
reduce the waiting time by up to 97% and increase the benefit up to 497%."
2042,Relative Policy-Transition Optimization for Fast Policy Transfer,"We consider the problem of policy transfer between two Markov Decision
Processes (MDPs). We introduce a lemma based on existing theoretical results in
reinforcement learning (RL) to measure the relativity between two arbitrary
MDPs, that is the difference between any two cumulative expected returns
defined on different policies and environment dynamics. Based on this lemma, we
propose two new algorithms referred to as Relative Policy Optimization (RPO)
and Relative Transition Optimization (RTO), which can offer fast policy
transfer and dynamics modeling, respectively. RPO updates the policy using the
relative policy gradient to transfer the policy evaluated in one environment to
maximize the return in another, while RTO updates the parameterized dynamics
model (if there exists) using the relative transition gradient to reduce the
gap between the dynamics of the two environments. Then, integrating the two
algorithms offers the complete algorithm Relative Policy-Transition
Optimization (RPTO), in which the policy interacts with the two environments
simultaneously, such that data collections from two environments, policy and
transition updates are completed in one closed loop to form a principled
learning framework for policy transfer. We demonstrate the effectiveness of
RPTO in OpenAI gym's classic control tasks by creating policy transfer problems
via variant dynamics."
2043,Intrinsically motivated option learning: a comparative study of recent methods,"Options represent a framework for reasoning across multiple time scales in
reinforcement learning (RL). With the recent active interest in the
unsupervised learning paradigm in the RL research community, the option
framework was adapted to utilize the concept of empowerment, which corresponds
to the amount of influence the agent has on the environment and its ability to
perceive this influence, and which can be optimized without any supervision
provided by the environment's reward structure. Many recent papers modify this
concept in various ways achieving commendable results. Through these various
modifications, however, the initial context of empowerment is often lost. In
this work we offer a comparative study of such papers through the lens of the
original empowerment principle."
2044,A Novel Multi-Layer Modular Approach for Real-Time Gravitational-Wave Detection,"Advanced LIGO and Advanced Virgo ground-based interferometers are poised to
probe an unprecedentedly large volume of space, enhancing the discovery power
of the observations to even new sources of gravitational wave emitters. In this
scenario, the development of highly optimized gravitational wave detection
algorithms is crucial. We propose a novel layered framework for real-time
detection of gravitational waves inspired by speech processing techniques and,
in the present implementation, based on a state-of-the-art machine learning
approach involving a hybridization of genetic programming and neural networks.
The key aspects of the newly proposed framework are: the well structured,
layered approach, and the low computational complexity. The paper describes the
basic concepts of the framework and the derivation of the first three layers.
Even if, in the present implementation, the layers are based on models derived
using a machine learning approach, the proposed layered structure has a
universal nature. To train and test the models, we used simulated binary black
hole gravitational wave waveforms in synthetic Gaussian noise representative of
Advanced LIGO sensitivity design. Compared to more complex approaches, such as
convolutional neural networks, our framework, even using the simple ground
model described in the paper, has similar performance but with a much lower
computational complexity and a higher degree of modularity. Furthermore, the
underlying exploitation of short-term features makes the results of the new
framework virtually independent against time-position of gravitational wave
signals, simplifying its future exploitation in real-time multi-layer pipelines
for gravitational-wave detection with second generation interferometers."
2045,GPU-Accelerated Machine Learning in Non-Orthogonal Multiple Access,"Non-orthogonal multiple access (NOMA) is an interesting technology that
enables massive connectivity as required in future 5G and 6G networks. While
purely linear processing already achieves good performance in NOMA systems, in
certain scenarios, non-linear processing is mandatory to ensure acceptable
performance. In this paper, we propose a neural network architecture that
combines the advantages of both linear and non-linear processing. Its real-time
detection performance is demonstrated by a highly efficient implementation on a
graphics processing unit (GPU). Using real measurements in a laboratory
environment, we show the superiority of our approach over conventional methods."
2046,Analysis of function approximation and stability of general DNNs in directed acyclic graphs using un-rectifying analysis,"A general lack of understanding pertaining to deep feedforward neural
networks (DNNs) can be attributed partly to a lack of tools with which to
analyze the composition of non-linear functions, and partly to a lack of
mathematical models applicable to the diversity of DNN architectures. In this
paper, we made a number of basic assumptions pertaining to activation
functions, non-linear transformations, and DNN architectures in order to use
the un-rectifying method to analyze DNNs via directed acyclic graphs (DAGs).
DNNs that satisfy these assumptions are referred to as general DNNs. Our
construction of an analytic graph was based on an axiomatic method in which
DAGs are built from the bottom-up through the application of atomic operations
to basic elements in accordance with regulatory rules. This approach allows us
to derive the properties of general DNNs via mathematical induction. We show
that using the proposed approach, some properties hold true for general DNNs
can be derived. This analysis advances our understanding of network functions
and could promote further theoretical insights if the host of analytical tools
for graphs can be leveraged."
2047,Multi-Agent Neural Rewriter for Vehicle Routing with Limited Disclosure of Costs,"We interpret solving the multi-vehicle routing problem as a team Markov game
with partially observable costs. For a given set of customers to serve, the
playing agents (vehicles) have the common goal to determine the team-optimal
agent routes with minimal total cost. Each agent thereby observes only its own
cost. Our multi-agent reinforcement learning approach, the so-called
multi-agent Neural Rewriter, builds on the single-agent Neural Rewriter to
solve the problem by iteratively rewriting solutions. Parallel agent action
execution and partial observability require new rewriting rules for the game.
We propose the introduction of a so-called pool in the system which serves as a
collection point for unvisited nodes. It enables agents to act simultaneously
and exchange nodes in a conflict-free manner. We realize limited disclosure of
agent-specific costs by only sharing them during learning. During inference,
each agents acts decentrally, solely based on its own cost. First empirical
results on small problem sizes demonstrate that we reach a performance close to
the employed OR-Tools benchmark which operates in the perfect cost information
setting."
2048,High-Dimensional Bayesian Optimization with Constraints: Application to Powder Weighing,"Bayesian optimization works effectively optimizing parameters in black-box
problems. However, this method did not work for high-dimensional parameters in
limited trials. Parameters can be efficiently explored by nonlinearly embedding
them into a low-dimensional space; however, the constraints cannot be
considered. We proposed combining parameter decomposition by introducing
disentangled representation learning into nonlinear embedding to consider both
known equality and unknown inequality constraints in high-dimensional Bayesian
optimization. We applied the proposed method to a powder weighing task as a
usage scenario. Based on the experimental results, the proposed method
considers the constraints and contributes to reducing the number of trials by
approximately 66% compared to manual parameter tuning."
2049,Modeling the Machine Learning Multiverse,"Amid mounting concern about the reliability and credibility of machine
learning research, we present a principled framework for making robust and
generalizable claims: the Multiverse Analysis. Our framework builds upon the
Multiverse Analysis (Steegen et al., 2016) introduced in response to
psychology's own reproducibility crisis. To efficiently explore
high-dimensional and often continuous ML search spaces, we model the multiverse
with a Gaussian Process surrogate and apply Bayesian experimental design. Our
framework is designed to facilitate drawing robust scientific conclusions about
model performance, and thus our approach focuses on exploration rather than
conventional optimization. In the first of two case studies, we investigate
disputed claims about the relative merit of adaptive optimizers. Second, we
synthesize conflicting research on the effect of learning rate on the large
batch training generalization gap. For the machine learning community, the
Multiverse Analysis is a simple and effective technique for identifying robust
claims, for increasing transparency, and a step toward improved
reproducibility."
2050,Flexible Raman Amplifier Optimization Based on Machine Learning-aided Physical Stimulated Raman Scattering Model,"The problem of Raman amplifier optimization is studied. A differentiable
interpolation function is obtained for the Raman gain coefficient using machine
learning (ML), which allows for the gradient descent optimization of
forward-propagating Raman pumps. Both the frequency and power of an arbitrary
number of pumps in a forward pumping configuration are then optimized for an
arbitrary data channel load and span length. The forward propagation model is
combined with an experimentally-trained ML model of a backward-pumping Raman
amplifier to jointly optimize the frequency and power of the forward
amplifier's pumps and the powers of the backward amplifier's pumps. The joint
forward and backward amplifier optimization is demonstrated for an unrepeatered
transmission of 250 km. A gain flatness of $<$ 1~dB over 4 THz is achieved. The
optimized amplifiers are validated using a numerical simulator."
2051,Efficient Human-in-the-loop System for Guiding DNNs Attention,"Attention guidance is an approach to addressing dataset bias in deep
learning, where the model relies on incorrect features to make decisions.
Focusing on image classification tasks, we propose an efficient
human-in-the-loop system to interactively direct the attention of classifiers
to the regions specified by users, thereby reducing the influence of
co-occurrence bias and improving the transferability and interpretability of a
DNN. Previous approaches for attention guidance require the preparation of
pixel-level annotations and are not designed as interactive systems. We present
a new interactive method to allow users to annotate images with simple clicks,
and study a novel active learning strategy to significantly reduce the number
of annotations. We conducted both a numerical evaluation and a user study to
evaluate the proposed system on multiple datasets. Compared to the existing
non-active-learning approach which usually relies on huge amounts of
polygon-based segmentation masks to fine-tune or train the DNNs, our system can
save lots of labor and money and obtain a fine-tuned network that works better
even when the dataset is biased. The experiment results indicate that the
proposed system is efficient, reasonable, and reliable."
2052,Top Two Algorithms Revisited,"Top Two algorithms arose as an adaptation of Thompson sampling to best arm
identification in multi-armed bandit models (Russo, 2016), for parametric
families of arms. They select the next arm to sample from by randomizing among
two candidate arms, a leader and a challenger. Despite their good empirical
performance, theoretical guarantees for fixed-confidence best arm
identification have only been obtained when the arms are Gaussian with known
variances. In this paper, we provide a general analysis of Top Two methods,
which identifies desirable properties of the leader, the challenger, and the
(possibly non-parametric) distributions of the arms. As a result, we obtain
theoretically supported Top Two algorithms for best arm identification with
bounded distributions. Our proof method demonstrates in particular that the
sampling step used to select the leader inherited from Thompson sampling can be
replaced by other choices, like selecting the empirical best arm."
2053,Recommender Transformers with Behavior Pathways,"Sequential recommendation requires the recommender to capture the evolving
behavior characteristics from logged user behavior data for accurate
recommendations. However, user behavior sequences are viewed as a script with
multiple ongoing threads intertwined. We find that only a small set of pivotal
behaviors can be evolved into the user's future action. As a result, the future
behavior of the user is hard to predict. We conclude this characteristic for
sequential behaviors of each user as the Behavior Pathway. Different users have
their unique behavior pathways. Among existing sequential models, transformers
have shown great capacity in capturing global-dependent characteristics.
However, these models mainly provide a dense distribution over all previous
behaviors using the self-attention mechanism, making the final predictions
overwhelmed by the trivial behaviors not adjusted to each user. In this paper,
we build the Recommender Transformer (RETR) with a novel Pathway Attention
mechanism. RETR can dynamically plan the behavior pathway specified for each
user, and sparingly activate the network through this behavior pathway to
effectively capture evolving patterns useful for recommendation. The key design
is a learned binary route to prevent the behavior pathway from being
overwhelmed by trivial behaviors. We empirically verify the effectiveness of
RETR on seven real-world datasets and RETR yields state-of-the-art performance."
2054,Value Function Based Difference-of-Convex Algorithm for Bilevel Hyperparameter Selection Problems,"Gradient-based optimization methods for hyperparameter tuning guarantee
theoretical convergence to stationary solutions when for fixed upper-level
variable values, the lower level of the bilevel program is strongly convex
(LLSC) and smooth (LLS). This condition is not satisfied for bilevel programs
arising from tuning hyperparameters in many machine learning algorithms. In
this work, we develop a sequentially convergent Value Function based
Difference-of-Convex Algorithm with inexactness (VF-iDCA). We show that this
algorithm achieves stationary solutions without LLSC and LLS assumptions for
bilevel programs from a broad class of hyperparameter tuning applications. Our
extensive experiments confirm our theoretical findings and show that the
proposed VF-iDCA yields superior performance when applied to tune
hyperparameters."
2055,Deep Neural Network Based Accelerated Failure Time Models using Rank Loss,"An accelerated failure time (AFT) model assumes a log-linear relationship
between failure times and a set of covariates. In contrast to other popular
survival models that work on hazard functions, the effects of covariates are
directly on failure times, whose interpretation is intuitive. The
semiparametric AFT model that does not specify the error distribution is
flexible and robust to departures from the distributional assumption. Owing to
the desirable features, this class of models has been considered as a promising
alternative to the popular Cox model in the analysis of censored failure time
data. However, in these AFT models, a linear predictor for the mean is
typically assumed. Little research has addressed the nonlinearity of predictors
when modeling the mean. Deep neural networks (DNNs) have received a focal
attention over the past decades and have achieved remarkable success in a
variety of fields. DNNs have a number of notable advantages and have been shown
to be particularly useful in addressing the nonlinearity. By taking advantage
of this, we propose to apply DNNs in fitting AFT models using a Gehan-type
loss, combined with a sub-sampling technique. Finite sample properties of the
proposed DNN and rank based AFT model (DeepR-AFT) are investigated via an
extensive stimulation study. DeepR-AFT shows a superior performance over its
parametric or semiparametric counterparts when the predictor is nonlinear. For
linear predictors, DeepR-AFT performs better when the dimensions of covariates
are large. The proposed DeepR-AFT is illustrated using two real datasets, which
demonstrates its superiority."
2056,EmProx: Neural Network Performance Estimation For Neural Architecture Search,"Common Neural Architecture Search methods generate large amounts of candidate
architectures that need training in order to assess their performance and find
an optimal architecture. To minimize the search time we use different
performance estimation strategies. The effectiveness of such strategies varies
in terms of accuracy and fit and query time. This study proposes a new method,
EmProx Score (Embedding Proximity Score). Similar to Neural Architecture
Optimization (NAO), this method maps candidate architectures to a continuous
embedding space using an encoder-decoder framework. The performance of
candidates is then estimated using weighted kNN based on the embedding vectors
of architectures of which the performance is known. Performance estimations of
this method are comparable to the MLP performance predictor used in NAO in
terms of accuracy, while being nearly nine times faster to train compared to
NAO. Benchmarking against other performance estimation strategies currently
used shows similar to better accuracy, while being five up to eighty times
faster."
2057,Biologically Inspired Neural Path Finding,"The human brain can be considered to be a graphical structure comprising of
tens of billions of biological neurons connected by synapses. It has the
remarkable ability to automatically re-route information flow through alternate
paths in case some neurons are damaged. Moreover, the brain is capable of
retaining information and applying it to similar but completely unseen
scenarios. In this paper, we take inspiration from these attributes of the
brain, to develop a computational framework to find the optimal low cost path
between a source node and a destination node in a generalized graph. We show
that our framework is capable of handling unseen graphs at test time. Moreover,
it can find alternate optimal paths, when nodes are arbitrarily added or
removed during inference, while maintaining a fixed prediction time. Code is
available here: https://github.com/hangligit/pathfinding"
2058,GoToNet: Fast Monocular Scene Exposure and Exploration,"Autonomous scene exposure and exploration, especially in localization or
communication-denied areas, useful for finding targets in unknown scenes,
remains a challenging problem in computer navigation. In this work, we present
a novel method for real-time environment exploration, whose only requirements
are a visually similar dataset for pre-training, enough lighting in the scene,
and an on-board forward-looking RGB camera for environmental sensing. As
opposed to existing methods, our method requires only one look (image) to make
a good tactical decision, and therefore works at a non-growing, constant time.
Two direction predictions, characterized by pixels dubbed the Goto and Lookat
pixels, comprise the core of our method. These pixels encode the recommended
flight instructions in the following way: the Goto pixel defines the direction
in which the agent should move by one distance unit, and the Lookat pixel
defines the direction in which the camera should be pointing at in the next
step. These flying-instruction pixels are optimized to expose the largest
amount of currently unexplored areas.
Our method presents a novel deep learning-based navigation approach that is
able to solve this problem and demonstrate its ability in an even more
complicated setup, i.e., when computational power is limited. In addition, we
propose a way to generate a navigation-oriented dataset, enabling efficient
training of our method using RGB and depth images. Tests conducted in a
simulator evaluating both the sparse pixels' coordinations inferring process,
and 2D and 3D test flights aimed to unveil areas and decrease distances to
targets achieve promising results. Comparison against a state-of-the-art
algorithm shows our method is able to overperform it, that while measuring the
new voxels per camera pose, minimum distance to target, percentage of surface
voxels seen, and compute time metrics."
2059,PRO-TIP: Phantom for RObust automatic ultrasound calibration by TIP detection,"We propose a novel method to automatically calibrate tracked ultrasound
probes. To this end we design a custom phantom consisting of nine cones with
different heights. The tips are used as key points to be matched between
multiple sweeps. We extract them using a convolutional neural network to
segment the cones in every ultrasound frame and then track them across the
sweep. The calibration is robustly estimated using RANSAC and later refined
employing image based techniques. Our phantom can be 3D-printed and offers many
advantages over state-of-the-art methods. The phantom design and algorithm code
are freely available online. Since our phantom does not require a tracking
target on itself, ease of use is improved over currently used techniques. The
fully automatic method generalizes to new probes and different vendors, as
shown in our experiments. Our approach produces results comparable to
calibrations obtained by a domain expert."
2060,SIXO: Smoothing Inference with Twisted Objectives,"Sequential Monte Carlo (SMC) is an inference algorithm for state space models
that approximates the posterior by sampling from a sequence of target
distributions. The target distributions are often chosen to be the filtering
distributions, but these ignore information from future observations, leading
to practical and theoretical limitations in inference and model learning. We
introduce SIXO, a method that instead learns targets that approximate the
smoothing distributions, incorporating information from all observations. The
key idea is to use density ratio estimation to fit functions that warp the
filtering distributions into the smoothing distributions. We then use SMC with
these learned targets to define a variational objective for model and proposal
learning. SIXO yields provably tighter log marginal lower bounds and offers
significantly more accurate posterior inferences and parameter estimates in a
variety of domains."
2061,Lazy and Fast Greedy MAP Inference for Determinantal Point Process,"The maximum a posteriori (MAP) inference for determinantal point processes
(DPPs) is crucial for selecting diverse items in many machine learning
applications. Although DPP MAP inference is NP-hard, the greedy algorithm often
finds high-quality solutions, and many researchers have studied its efficient
implementation. One classical and practical method is the lazy greedy
algorithm, which is applicable to general submodular function maximization,
while a recent fast greedy algorithm based on the Cholesky factorization is
more efficient for DPP MAP inference. This paper presents how to combine the
ideas of ""lazy"" and ""fast"", which have been considered incompatible in the
literature. Our lazy and fast greedy algorithm achieves almost the same time
complexity as the current best one and runs faster in practice. The idea of
""lazy + fast"" is extendable to other greedy-type algorithms. We also give a
fast version of the double greedy algorithm for unconstrained DPP MAP
inference. Experiments validate the effectiveness of our acceleration ideas."
2062,Private Synthetic Data with Hierarchical Structure,"We study the problem of differentially private synthetic data generation for
hierarchical datasets in which individual data points are grouped together
(e.g., people within households). In particular, to measure the similarity
between the synthetic dataset and the underlying private one, we frame our
objective under the problem of private query release, generating a synthetic
dataset that preserves answers for some collection of queries (i.e., statistics
like mean aggregate counts). However, while the application of private
synthetic data to the problem of query release has been well studied, such
research is restricted to non-hierarchical data domains, raising the initial
question -- what queries are important when considering data of this form?
Moreover, it has not yet been established how one can generate synthetic data
at both the group and individual-level while capturing such statistics. In
light of these challenges, we first formalize the problem of hierarchical query
release, in which the goal is to release a collection of statistics for some
hierarchical dataset. Specifically, we provide a general set of statistical
queries that captures relationships between attributes at both the group and
individual-level. Subsequently, we introduce private synthetic data algorithms
for hierarchical query release and evaluate them on hierarchical datasets
derived from the American Community Survey and Allegheny Family Screening Tool
data. Finally, we look to the American Community Survey, whose inherent
hierarchical structure gives rise to another set of domain-specific queries
that we run experiments with."
2063,Towards Universal Sequence Representation Learning for Recommender Systems,"In order to develop effective sequential recommenders, a series of sequence
representation learning (SRL) methods are proposed to model historical user
behaviors. Most existing SRL methods rely on explicit item IDs for developing
the sequence models to better capture user preference. Though effective to some
extent, these methods are difficult to be transferred to new recommendation
scenarios, due to the limitation by explicitly modeling item IDs. To tackle
this issue, we present a novel universal sequence representation learning
approach, named UniSRec. The proposed approach utilizes the associated
description text of items to learn transferable representations across
different recommendation scenarios. For learning universal item
representations, we design a lightweight item encoding architecture based on
parametric whitening and mixture-of-experts enhanced adaptor. For learning
universal sequence representations, we introduce two contrastive pre-training
tasks by sampling multi-domain negatives. With the pre-trained universal
sequence representation model, our approach can be effectively transferred to
new recommendation domains or platforms in a parameter-efficient way, under
either inductive or transductive settings. Extensive experiments conducted on
real-world datasets demonstrate the effectiveness of the proposed approach.
Especially, our approach also leads to a performance improvement in a
cross-platform setting, showing the strong transferability of the proposed
universal SRL method. The code and pre-trained model are available at:
https://github.com/RUCAIBox/UniSRec."
2064,Faster Optimization-Based Meta-Learning Adaptation Phase,"Neural networks require a large amount of annotated data to learn.
Meta-learning algorithms propose a way to decrease the number of training
samples to only a few. One of the most prominent optimization-based
meta-learning algorithms is Model-Agnostic Meta-Learning (MAML). However, the
key procedure of adaptation to new tasks in MAML is quite slow. In this work we
propose an improvement to MAML meta-learning algorithm. We introduce Lambda
patterns by which we restrict which weight are updated in the network during
the adaptation phase. This makes it possible to skip certain gradient
computations. The fastest pattern is selected given an allowed quality
degradation threshold parameter. In certain cases, quality improvement is
possible by a careful pattern selection. The experiments conducted have shown
that via Lambda adaptation pattern selection, it is possible to significantly
improve the MAML method in the following areas: adaptation time has been
decreased by a factor of 3 with minimal accuracy loss; accuracy for one-step
adaptation has been substantially improved."
2065,Compressive Clustering with an Optical Processing Unit,"We explore the use of Optical Processing Units (OPU) to compute random
Fourier features for sketching, and adapt the overall compressive clustering
pipeline to this setting. We also propose some tools to help tuning a critical
hyper-parameter of compressive clustering."
2066,Why Quantization Improves Generalization: NTK of Binary Weight Neural Networks,"Quantized neural networks have drawn a lot of attention as they reduce the
space and computational complexity during the inference. Moreover, there has
been folklore that quantization acts as an implicit regularizer and thus can
improve the generalizability of neural networks, yet no existing work
formalizes this interesting folklore. In this paper, we take the binary weights
in a neural network as random variables under stochastic rounding, and study
the distribution propagation over different layers in the neural network. We
propose a quasi neural network to approximate the distribution propagation,
which is a neural network with continuous parameters and smooth activation
function. We derive the neural tangent kernel (NTK) for this quasi neural
network, and show that the eigenvalue of NTK decays at approximately
exponential rate, which is comparable to that of Gaussian kernel with
randomized scale. This in turn indicates that the Reproducing Kernel Hilbert
Space (RKHS) of a binary weight neural network covers a strict subset of
functions compared with the one with real value weights. We use experiments to
verify that the quasi neural network we proposed can well approximate binary
weight neural network. Furthermore, binary weight neural network gives a lower
generalization gap compared with real value weight neural network, which is
similar to the difference between Gaussian kernel and Laplace kernel."
2067,Safe-FinRL: A Low Bias and Variance Deep Reinforcement Learning Implementation for High-Freq Stock Trading,"In recent years, many practitioners in quantitative finance have attempted to
use Deep Reinforcement Learning (DRL) to build better quantitative trading (QT)
strategies. Nevertheless, many existing studies fail to address several serious
challenges, such as the non-stationary financial environment and the bias and
variance trade-off when applying DRL in the real financial market. In this
work, we proposed Safe-FinRL, a novel DRL-based high-freq stock trading
strategy enhanced by the near-stationary financial environment and low bias and
variance estimation. Our main contributions are twofold: firstly, we separate
the long financial time series into the near-stationary short environment;
secondly, we implement Trace-SAC in the near-stationary financial environment
by incorporating the general retrace operator into the Soft Actor-Critic.
Extensive experiments on the cryptocurrency market have demonstrated that
Safe-FinRL has provided a stable value estimation and a steady policy
improvement and reduced bias and variance significantly in the near-stationary
financial environment."
2068,Local distance preserving auto-encoders using Continuous k-Nearest Neighbours graphs,"Auto-encoder models that preserve similarities in the data are a popular tool
in representation learning. In this paper we introduce several auto-encoder
models that preserve local distances when mapping from the data space to the
latent space. We use a local distance preserving loss that is based on the
continuous k-nearest neighbours graph which is known to capture topological
features at all scales simultaneously. To improve training performance, we
formulate learning as a constraint optimisation problem with local distance
preservation as the main objective and reconstruction accuracy as a constraint.
We generalise this approach to hierarchical variational auto-encoders thus
learning generative models with geometrically consistent latent and data
spaces. Our method provides state-of-the-art performance across several
standard datasets and evaluation metrics."
2069,Superiority of GNN over NN in generalizing bandlimited functions,"We constructively show, via rigorous mathematical arguments, that GNN
architectures outperform those of NN in approximating bandlimited functions on
compact $d$-dimensional Euclidean grids. We show that the former only need
$\mathcal{M}$ sampled functional values in order to achieve a uniform
approximation error of $O_{d}(2^{-\mathcal{M}^{1/d}})$ and that this error rate
is optimal, in the sense that, NNs might achieve worse."
2070,Geometrically Guided Integrated Gradients,"Interpretability methods for deep neural networks mainly focus on the
sensitivity of the class score with respect to the original or perturbed input,
usually measured using actual or modified gradients. Some methods also use a
model-agnostic approach to understanding the rationale behind every prediction.
In this paper, we argue and demonstrate that local geometry of the model
parameter space relative to the input can also be beneficial for improved
post-hoc explanations. To achieve this goal, we introduce an interpretability
method called ""geometrically-guided integrated gradients"" that builds on top of
the gradient calculation along a linear path as traditionally used in
integrated gradient methods. However, instead of integrating gradient
information, our method explores the model's dynamic behavior from multiple
scaled versions of the input and captures the best possible attribution for
each input. We demonstrate through extensive experiments that the proposed
approach outperforms vanilla and integrated gradients in subjective and
quantitative assessment. We also propose a ""model perturbation"" sanity check to
complement the traditionally used ""model randomization"" test."
2071,Provable Benefit of Multitask Representation Learning in Reinforcement Learning,"As representation learning becomes a powerful technique to reduce sample
complexity in reinforcement learning (RL) in practice, theoretical
understanding of its advantage is still limited. In this paper, we
theoretically characterize the benefit of representation learning under the
low-rank Markov decision process (MDP) model. We first study multitask low-rank
RL (as upstream training), where all tasks share a common representation, and
propose a new multitask reward-free algorithm called REFUEL. REFUEL learns both
the transition kernel and the near-optimal policy for each task, and outputs a
well-learned representation for downstream tasks. Our result demonstrates that
multitask representation learning is provably more sample-efficient than
learning each task individually, as long as the total number of tasks is above
a certain threshold. We then study the downstream RL in both online and offline
settings, where the agent is assigned with a new task sharing the same
representation as the upstream tasks. For both online and offline settings, we
develop a sample-efficient algorithm, and show that it finds a near-optimal
policy with the suboptimality gap bounded by the sum of the estimation error of
the learned representation in upstream and a vanishing term as the number of
downstream samples becomes large. Our downstream results of online and offline
RL further capture the benefit of employing the learned representation from
upstream as opposed to learning the representation of the low-rank model
directly. To the best of our knowledge, this is the first theoretical study
that characterizes the benefit of representation learning in exploration-based
reward-free multitask RL for both upstream and downstream tasks."
2072,Pixel to Binary Embedding Towards Robustness for CNNs,"There are several problems with the robustness of Convolutional Neural
Networks (CNNs). For example, the prediction of CNNs can be changed by adding a
small magnitude of noise to an input, and the performances of CNNs are degraded
when the distribution of input is shifted by a transformation never seen during
training (e.g., the blur effect). There are approaches to replace pixel values
with binary embeddings to tackle the problem of adversarial perturbations,
which successfully improve robustness. In this work, we propose Pixel to Binary
Embedding (P2BE) to improve the robustness of CNNs. P2BE is a learnable binary
embedding method as opposed to previous hand-coded binary embedding methods.
P2BE outperforms other binary embedding methods in robustness against
adversarial perturbations and visual corruptions that are not shown during
training."
2073,Latent Diffusion Energy-Based Model for Interpretable Text Modeling,"Latent space Energy-Based Models (EBMs), also known as energy-based priors,
have drawn growing interests in generative modeling. Fueled by its flexibility
in the formulation and strong modeling power of the latent space, recent works
built upon it have made interesting attempts aiming at the interpretability of
text modeling. However, latent space EBMs also inherit some flaws from EBMs in
data space; the degenerate MCMC sampling quality in practice can lead to poor
generation quality and instability in training, especially on data with complex
latent structures. Inspired by the recent efforts that leverage diffusion
recovery likelihood learning as a cure for the sampling issue, we introduce a
novel symbiosis between the diffusion models and latent space EBMs in a
variational learning framework, coined as the latent diffusion energy-based
model. We develop a geometric clustering-based regularization jointly with the
information bottleneck to further improve the quality of the learned latent
space. Experiments on several challenging tasks demonstrate the superior
performance of our model on interpretable text modeling over strong
counterparts."
2074,Content Popularity Prediction in Fog-RANs: A Clustered Federated Learning Based Approach,"In this paper, the content popularity prediction problem in fog radio access
networks (F-RANs) is investigated. Based on clustered federated learning, we
propose a novel mobility-aware popularity prediction policy, which integrates
content popularities in terms of local users and mobile users. For local users,
the content popularity is predicted by learning the hidden representations of
local users and contents. Initial features of local users and contents are
generated by incorporating neighbor information with self information. Then,
dual-channel neural network (DCNN) model is introduced to learn the hidden
representations by producing deep latent features from initial features. For
mobile users, the content popularity is predicted via user preference learning.
In order to distinguish regional variations of content popularity, clustered
federated learning (CFL) is employed, which enables fog access points (F-APs)
with similar regional types to benefit from one another and provides a more
specialized DCNN model for each F-AP. Simulation results show that our proposed
policy achieves significant performance improvement over the traditional
policies."
2075,Deploying Convolutional Networks on Untrusted Platforms Using 2D Holographic Reduced Representations,"Due to the computational cost of running inference for a neural network, the
need to deploy the inferential steps on a third party's compute environment or
hardware is common. If the third party is not fully trusted, it is desirable to
obfuscate the nature of the inputs and outputs, so that the third party can not
easily determine what specific task is being performed. Provably secure
protocols for leveraging an untrusted party exist but are too computational
demanding to run in practice. We instead explore a different strategy of fast,
heuristic security that we call Connectionist Symbolic Pseudo Secrets. By
leveraging Holographic Reduced Representations (HRR), we create a neural
network with a pseudo-encryption style defense that empirically shows
robustness to attack, even under threat models that unrealistically favor the
adversary."
2076,Accelerating Federated Learning via Sampling Anchor Clients with Large Batches,"Using large batches in recent federated learning studies has improved
convergence rates, but it requires additional computation overhead compared to
using small batches. To overcome this limitation, we propose a unified
framework FedAMD, which disjoints the participants into anchor and miner groups
based on time-varying probabilities. Each client in the anchor group computes
the gradient using a large batch, which is regarded as its bullseye. Clients in
the miner group perform multiple local updates using serial mini-batches, and
each local update is also indirectly regulated by the global target derived
from the average of clients' bullseyes. As a result, the miner group follows a
near-optimal update towards the global minimizer, adapted to update the global
model. Measured by $\epsilon$-approximation, FedAMD achieves a convergence rate
of $O(1/\epsilon)$ under non-convex objectives by sampling an anchor with a
constant probability. The theoretical result considerably surpasses the
state-of-the-art algorithm BVR-L-SGD at $O(1/\epsilon^{3/2})$, while FedAMD
reduces at least $O(1/\epsilon)$ communication overhead. Empirical studies on
real-world datasets validate the effectiveness of FedAMD and demonstrate the
superiority of our proposed algorithm."
2077,Computation Offloading and Resource Allocation in F-RANs: A Federated Deep Reinforcement Learning Approach,"The fog radio access network (F-RAN) is a promising technology in which the
user mobile devices (MDs) can offload computation tasks to the nearby fog
access points (F-APs). Due to the limited resource of F-APs, it is important to
design an efficient task offloading scheme. In this paper, by considering
time-varying network environment, a dynamic computation offloading and resource
allocation problem in F-RANs is formulated to minimize the task execution delay
and energy consumption of MDs. To solve the problem, a federated deep
reinforcement learning (DRL) based algorithm is proposed, where the deep
deterministic policy gradient (DDPG) algorithm performs computation offloading
and resource allocation in each F-AP. Federated learning is exploited to train
the DDPG agents in order to decrease the computing complexity of training
process and protect the user privacy. Simulation results show that the proposed
federated DDPG algorithm can achieve lower task execution delay and energy
consumption of MDs more quickly compared with the other existing strategies."
2078,Confident Sinkhorn Allocation for Pseudo-Labeling,"Semi-supervised learning is a critical tool in reducing machine learning's
dependence on labeled data. It has, however, been applied primarily to image
and language data, by exploiting the inherent spatial and semantic structure
therein. These methods do not apply to tabular data because these domain
structures are not available. Existing pseudo-labeling (PL) methods can be
effective for tabular data but are vulnerable to noise samples and to greedy
assignments given a predefined threshold which is unknown. This paper addresses
this problem by proposing a Confident Sinkhorn Allocation (CSA), which assigns
labels to only samples with high confidence scores and learns the best label
allocation via optimal transport. CSA outperforms the current state-of-the-art
in this practically important area."
2079,Description and Discussion on DCASE 2022 Challenge Task 2: Unsupervised Anomalous Sound Detection for Machine Condition Monitoring Applying Domain Generalization Techniques,"We present the task description of the Detection and Classification of
Acoustic Scenes and Events (DCASE) 2022 Challenge Task 2: ""Unsupervised
anomalous sound detection (ASD) for machine condition monitoring applying
domain generalization techniques"". Domain shifts are a critical problem for the
application of ASD systems. Because domain shifts can change the acoustic
characteristics of data, a model trained in a source domain performs poorly for
a target domain. In DCASE 2021 Challenge Task 2, we organized an ASD task for
handling domain shifts. In this task, it was assumed that the occurrences of
domain shifts are known. However, in practice, the domain of each sample may
not be given, and the domain shifts can occur implicitly. In 2022 Task 2, we
focus on domain generalization techniques that detects anomalies regardless of
the domain shifts. Specifically, the domain of each sample is not given in the
test data and only one threshold is allowed for all domains. We will add
challenge results and analysis of the submissions after the challenge
submission deadline."
2080,Hybrid Ensemble for Fake News Detection: An attempt,"Fake News Detection has been a challenging problem in the field of Machine
Learning. Researchers have approached it via several techniques using old
Statistical Classification models and modern Deep Learning. Today, with the
growing amount of data, developments in the field of NLP and ML, and an
increase in the computation power at disposal, there are infinite permutations
and combinations to approach this problem from a different perspective. In this
paper, we try different methods to tackle Fake News, and try to build, and
propose the possibilities of a Hybrid Ensemble combining the classical Machine
Learning techniques with the modern Deep Learning Approaches"
2081,On the Convergence to a Global Solution of Shuffling-Type Gradient Algorithms,"Stochastic gradient descent (SGD) algorithm is the method of choice in many
machine learning tasks thanks to its scalability and efficiency in dealing with
large-scale problems. In this paper, we focus on the shuffling version of SGD
which matches the mainstream practical heuristics. We show the convergence to a
global solution of shuffling SGD for a class of non-convex functions under
over-parameterized settings. Our analysis employs more relaxed non-convex
assumptions than previous literature. Nevertheless, we maintain the desired
computational complexity as shuffling SGD has achieved in the general convex
setting."
2082,X-Risk Analysis for AI Research,"Artificial intelligence (AI) has the potential to greatly improve society,
but as with any powerful technology, it comes with heightened risks and
responsibilities. Current AI research lacks a systematic discussion of how to
manage long-tail risks from AI systems, including speculative long-term risks.
Keeping in mind the potential benefits of AI, there is some concern that
building ever more intelligent and powerful AI systems could eventually result
in systems that are more powerful than us; some say this is like playing with
fire and speculate that this could create existential risks (x-risks). To add
precision and ground these discussions, we provide a guide for how to analyze
AI x-risk, which consists of three parts: First, we review how systems can be
made safer today, drawing on time-tested concepts from hazard analysis and
systems safety that have been designed to steer large processes in safer
directions. Next, we discuss strategies for having long-term impacts on the
safety of future systems. Finally, we discuss a crucial concept in making AI
systems safer by improving the balance between safety and general capabilities.
We hope this document and the presented concepts and tools serve as a useful
guide for understanding how to analyze AI x-risk."
2083,IGN : Implicit Generative Networks,"In this work, we build recent advances in distributional reinforcement
learning to give a state-of-art distributional variant of the model based on
the IQN. We achieve this by using the GAN model's generator and discriminator
function with the quantile regression to approximate the full quantile value
for the state-action return distribution. We demonstrate improved performance
on our baseline dataset - 57 Atari 2600 games in the ALE. Also, we use our
algorithm to show the state-of-art training performance of risk-sensitive
policies in Atari games with the policy optimization and evaluation."
2084,A Directed-Evolution Method for Sparsification and Compression of Neural Networks with Application to Object Identification and Segmentation and considerations of optimal quantization using small number of bits,"This work introduces Directed-Evolution (DE) method for sparsification of
neural networks, where the relevance of parameters to the network accuracy is
directly assessed and the parameters that produce the least effect on accuracy
when tentatively zeroed are indeed zeroed. DE method avoids a potentially
combinatorial explosion of all possible candidate sets of parameters to be
zeroed in large networks by mimicking evolution in the natural world. DE uses a
distillation context [5]. In this context, the original network is the teacher
and DE evolves the student neural network to the sparsification goal while
maintaining minimal divergence between teacher and student. After the desired
sparsification level is reached in each layer of the network by DE, a variety
of quantization alternatives are used on the surviving parameters to find the
lowest number of bits for their representation with acceptable loss of
accuracy. A procedure to find optimal distribution of quantization levels in
each sparsified layer is presented. Suitable final lossless encoding of the
surviving quantized parameters is used for the final parameter representation.
DE was used in sample of representative neural networks using MNIST,
FashionMNIST and COCO data sets with progressive larger networks. An 80 classes
YOLOv3 with more than 60 million parameters network trained on COCO dataset
reached 90% sparsification and correctly identifies and segments all objects
identified by the original network with more than 80% confidence using 4bit
parameter quantization. Compression between 40x and 80x. It has not escaped the
authors that techniques from different methods can be nested. Once the best
parameter set for sparsification is identified in a cycle of DE, a decision on
zeroing only a sub-set of those parameters can be made using a combination of
criteria like parameter magnitude and Hessian approximations."
2085,ChordMixer: A Scalable Neural Attention Model for Sequences with Different Lengths,"Sequential data naturally have different lengths in many domains, with some
very long sequences. As an important modeling tool, neural attention should
capture long-range interaction in such sequences. However, most existing neural
attention models admit only short sequences, or they have to employ chunking or
padding to enforce a constant input length. Here we propose a simple neural
network building block called ChordMixer which can model the attention for long
sequences with variable lengths. Each ChordMixer block consists of a
position-wise rotation layer without learnable parameters and an element-wise
MLP layer. Repeatedly applying such blocks forms an effective network backbone
that mixes the input signals towards the learning targets. We have tested
ChordMixer on the synthetic adding problem, long document classification, and
DNA sequence-based taxonomy classification. The experiment results show that
our method substantially outperforms other neural attention models."
2086,Achieving Zero Constraint Violation for Constrained Reinforcement Learning via Conservative Natural Policy Gradient Primal-Dual Algorithm,"We consider the problem of constrained Markov decision process (CMDP) in
continuous state-actions spaces where the goal is to maximize the expected
cumulative reward subject to some constraints. We propose a novel Conservative
Natural Policy Gradient Primal-Dual Algorithm (C-NPG-PD) to achieve zero
constraint violation while achieving state of the art convergence results for
the objective value function. For general policy parametrization, we prove
convergence of value function to global optimal upto an approximation error due
to restricted policy class. We even improve the sample complexity of existing
constrained NPG-PD algorithm \cite{Ding2020} from $\mathcal{O}(1/\epsilon^6)$
to $\mathcal{O}(1/\epsilon^4)$. To the best of our knowledge, this is the first
work to establish zero constraint violation with Natural policy gradient style
algorithms for infinite horizon discounted CMDPs. We demonstrate the merits of
proposed algorithm via experimental evaluations."
2087,InBiaseD: Inductive Bias Distillation to Improve Generalization and Robustness through Shape-awareness,"Humans rely less on spurious correlations and trivial cues, such as texture,
compared to deep neural networks which lead to better generalization and
robustness. It can be attributed to the prior knowledge or the high-level
cognitive inductive bias present in the brain. Therefore, introducing
meaningful inductive bias to neural networks can help learn more generic and
high-level representations and alleviate some of the shortcomings. We propose
InBiaseD to distill inductive bias and bring shape-awareness to the neural
networks. Our method includes a bias alignment objective that enforces the
networks to learn more generic representations that are less vulnerable to
unintended cues in the data which results in improved generalization
performance. InBiaseD is less susceptible to shortcut learning and also
exhibits lower texture bias. The better representations also aid in improving
robustness to adversarial attacks and we hence plugin InBiaseD seamlessly into
the existing adversarial training schemes to show a better trade-off between
generalization and robustness."
2088,GAN based Data Augmentation to Resolve Class Imbalance,"The number of credit card fraud has been growing as technology grows and
people can take advantage of it. Therefore, it is very important to implement a
robust and effective method to detect such frauds. The machine learning
algorithms are appropriate for these tasks since they try to maximize the
accuracy of predictions and hence can be relied upon. However, there is an
impending flaw where in machine learning models may not perform well due to the
presence of an imbalance across classes distribution within the sample set. So,
in many related tasks, the datasets have a very small number of observed fraud
cases (sometimes around 1 percent positive fraud instances found). Therefore,
this imbalance presence may impact any learning model's behavior by predicting
all labels as the majority class, hence allowing no scope for generalization in
the predictions made by the model. We trained Generative Adversarial
Network(GAN) to generate a large number of convincing (and reliable) synthetic
examples of the minority class that can be used to alleviate the class
imbalance within the training set and hence generalize the learning of the data
more effectively."
2089,GLIPv2: Unifying Localization and Vision-Language Understanding,"We present GLIPv2, a grounded VL understanding model, that serves both
localization tasks (e.g., object detection, instance segmentation) and
Vision-Language (VL) understanding tasks (e.g., VQA, image captioning). GLIPv2
elegantly unifies localization pre-training and Vision-Language Pre-training
(VLP) with three pre-training tasks: phrase grounding as a VL reformulation of
the detection task, region-word contrastive learning as a novel region-word
level contrastive learning task, and the masked language modeling. This
unification not only simplifies the previous multi-stage VLP procedure but also
achieves mutual benefits between localization and understanding tasks.
Experimental results show that a single GLIPv2 model (all model weights are
shared) achieves near SoTA performance on various localization and
understanding tasks. The model also shows (1) strong zero-shot and few-shot
adaption performance on open-vocabulary object detection tasks and (2) superior
grounding capability on VL understanding tasks. Code will be released at
https://github.com/microsoft/GLIP."
2090,Deep Reinforcement Learning for Optimal Investment and Saving Strategy Selection in Heterogeneous Profiles: Intelligent Agents working towards retirement,"The transition from defined benefit to defined contribution pension plans
shifts the responsibility for saving toward retirement from governments and
institutions to the individuals. Determining optimal saving and investment
strategy for individuals is paramount for stable financial stance and for
avoiding poverty during work-life and retirement, and it is a particularly
challenging task in a world where form of employment and income trajectory
experienced by different occupation groups are highly diversified. We introduce
a model in which agents learn optimal portfolio allocation and saving
strategies that are suitable for their heterogeneous profiles. We use deep
reinforcement learning to train agents. The environment is calibrated with
occupation and age dependent income evolution dynamics. The research focuses on
heterogeneous income trajectories dependent on agent profiles and incorporates
the behavioural parameterisation of agents. The model provides a flexible
methodology to estimate lifetime consumption and investment choices for
heterogeneous profiles under varying scenarios."
2091,Stochastic Gradient Descent without Full Data Shuffle,"Stochastic gradient descent (SGD) is the cornerstone of modern machine
learning (ML) systems. Despite its computational efficiency, SGD requires
random data access that is inherently inefficient when implemented in systems
that rely on block-addressable secondary storage such as HDD and SSD, e.g.,
TensorFlow/PyTorch and in-DB ML systems over large files. To address this
impedance mismatch, various data shuffling strategies have been proposed to
balance the convergence rate of SGD (which favors randomness) and its I/O
performance (which favors sequential access).
In this paper, we first conduct a systematic empirical study on existing data
shuffling strategies, which reveals that all existing strategies have room for
improvement -- they all suffer in terms of I/O performance or convergence rate.
With this in mind, we propose a simple but novel hierarchical data shuffling
strategy, CorgiPile. Compared with existing strategies, CorgiPile avoids a full
data shuffle while maintaining comparable convergence rate of SGD as if a full
shuffle were performed. We provide a non-trivial theoretical analysis of
CorgiPile on its convergence behavior. We further integrate CorgiPile into
PyTorch by designing new parallel/distributed shuffle operators inside a new
CorgiPileDataSet API. We also integrate CorgiPile into PostgreSQL by
introducing three new physical operators with optimizations. Our experimental
results show that CorgiPile can achieve comparable convergence rate with the
full shuffle based SGD for both deep learning and generalized linear models.
For deep learning models on ImageNet dataset, CorgiPile is 1.5X faster than
PyTorch with full data shuffle. For in-DB ML with linear models, CorgiPile is
1.6X-12.8X faster than two state-of-the-art in-DB ML systems, Apache MADlib and
Bismarck, on both HDD and SSD."
2092,Bounding and Approximating Intersectional Fairness through Marginal Fairness,"Discrimination in machine learning often arises along multiple dimensions
(a.k.a. protected attributes); it is then desirable to ensure
\emph{intersectional fairness} -- i.e., that no subgroup is discriminated
against. It is known that ensuring \emph{marginal fairness} for every dimension
independently is not sufficient in general. Due to the exponential number of
subgroups, however, directly measuring intersectional fairness from data is
impossible.
In this paper, our primary goal is to understand in detail the relationship
between marginal and intersectional fairness through statistical analysis. We
first identify a set of sufficient conditions under which an exact relationship
can be obtained. Then, we prove bounds (easily computable through marginal
fairness and other meaningful statistical quantities) in high-probability on
intersectional fairness in the general case. Beyond their descriptive value, we
show that these theoretical bounds can be leveraged to derive a heuristic
improving the approximation and bounds of intersectional fairness by choosing,
in a relevant manner, protected attributes for which we describe intersectional
subgroups. Finally, we test the performance of our approximations and bounds on
real and synthetic data-sets."
2093,Case-Based Inverse Reinforcement Learning Using Temporal Coherence,"Providing expert trajectories in the context of Imitation Learning is often
expensive and time-consuming. The goal must therefore be to create algorithms
which require as little expert data as possible. In this paper we present an
algorithm that imitates the higher-level strategy of the expert rather than
just imitating the expert on action level, which we hypothesize requires less
expert data and makes training more stable. As a prior, we assume that the
higher-level strategy is to reach an unknown target state area, which we
hypothesize is a valid prior for many domains in Reinforcement Learning. The
target state area is unknown, but since the expert has demonstrated how to
reach it, the agent tries to reach states similar to the expert. Building on
the idea of Temporal Coherence, our algorithm trains a neural network to
predict whether two states are similar, in the sense that they may occur close
in time. During inference, the agent compares its current state with expert
states from a Case Base for similarity. The results show that our approach can
still learn a near-optimal policy in settings with very little expert data,
where algorithms that try to imitate the expert at the action level can no
longer do so."
2094,"A Unified Approach to Reinforcement Learning, Quantal Response Equilibria, and Two-Player Zero-Sum Games","Algorithms designed for single-agent reinforcement learning (RL) generally
fail to converge to equilibria in two-player zero-sum (2p0s) games. Conversely,
game-theoretic algorithms for approximating Nash and quantal response
equilibria (QREs) in 2p0s games are not typically competitive for RL and can be
difficult to scale. As a result, algorithms for these two cases are generally
developed and evaluated separately. In this work, we show that a single
algorithm -- a simple extension to mirror descent with proximal regularization
that we call magnetic mirror descent (MMD) -- can produce strong results in
both settings, despite their fundamental differences. From a theoretical
standpoint, we prove that MMD converges linearly to QREs in extensive-form
games -- this is the first time linear convergence has been proven for a first
order solver. Moreover, applied as a tabular Nash equilibrium solver via
self-play, we show empirically that MMD produces results competitive with CFR
in both normal-form and extensive-form games with full feedback (this is the
first time that a standard RL algorithm has done so) and also that MMD
empirically converges in black-box feedback settings. Furthermore, for
single-agent deep RL, on a small collection of Atari and Mujoco games, we show
that MMD can produce results competitive with those of PPO. Lastly, for
multi-agent deep RL, we show MMD can outperform NFSP in 3x3 Abrupt Dark Hex."
2095,Bayesian NVH metamodels to assess interior cabin noise using measurement databases,"In recent years, a great emphasis has been put on engineering the acoustic
signature of vehicles that represents the overall comfort level for passengers.
Due to highly uncertain behavior of production cars, probabilistic metamodels
or surrogates can be useful to estimate the NVH dispersion and assess different
NVH risks. These metamodels follow physical behaviors and shall aid as a design
space exploration tool during the early stage design process to support the NVH
optimization. The measurement databases constitute different noise paths such
as aerodynamic noise (wind-tunnel test), tire-pavement interaction noise
(rolling noise), and noise due to electric motors (whining noise). This
research work proposes a global NVH metamodeling technique for broadband noises
such as aerodynamic and rolling noises exploiting the Bayesian framework that
takes into account the prior (domain-expert) knowledge about complex physical
mechanisms. Generalized additive models (GAMs) with polynomials and Gaussian
basis functions are used to model the dependency of sound pressure level (SPL)
on predictor variables. Moreover, parametric bootstrap algorithm based on
data-generating mechanism using the point estimates is used to estimate the
dispersion in unknown parameters. Probabilistic modelling is carried out using
an open-source library PyMC3 that utilizes No-U-Turn sampler (NUTS) and the
developed models are validated using Cross-Validation technique."
2096,Science through Machine Learning: Quantification of Poststorm Thermospheric Cooling,"Machine learning (ML) is often viewed as a black-box regression technique
that is unable to provide considerable scientific insight. ML models are
universal function approximators and - if used correctly - can provide
scientific information related to the ground-truth dataset used for fitting. A
benefit to ML over parametric models is that there are no predefined basis
functions limiting the phenomena that can be modeled. In this work, we develop
ML models on three datasets: the Space Environment Technologies (SET) High
Accuracy Satellite Drag Model (HASDM) density database, a spatiotemporally
matched dataset of outputs from the Jacchia-Bowman 2008 Empirical Thermospheric
Density Model (JB2008), and an accelerometer-derived density dataset from
CHAllenging Minisatellite Payload (CHAMP). These ML models are compared to the
Naval Research Laboratory Mass Spectrometer and Incoherent Scatter radar
(NRLMSIS 2.0) model to study the presence of post-storm cooling in the
middle-thermosphere. We find that both NRLMSIS 2.0 and JB2008-ML do not account
for post-storm cooling and consequently perform poorly in periods following
strong geomagnetic storms (e.g. the 2003 Halloween storms). Conversely,
HASDM-ML and CHAMP-ML do show evidence of post-storm cooling indicating that
this phenomenon is present in the original datasets. Results show that density
reductions up to 40% can occur 1--3 days post-storm depending on location and
the strength of the storm."
2097,An Industry 4.0 example: real-time quality control for steel-based mass production using Machine Learning on non-invasive sensor data,"Insufficient steel quality in mass production can cause extremely costly
damage to tooling, production downtimes and low quality products. Automatic,
fast and cheap strategies to estimate essential material properties for quality
control, risk mitigation and the prediction of faults are highly desirable. In
this work we analyse a high throughput production line of steel-based products.
Currently, the material quality is checked using manual destructive testing,
which is slow, wasteful and covers only a tiny fraction of the material. To
achieve complete testing coverage our industrial collaborator developed a
contactless, non-invasive, electromagnetic sensor to measure all material
during production in real-time. Our contribution is three-fold: 1) We show in a
controlled experiment that the sensor can distinguish steel with deliberately
altered properties. 2) 48 steel coils were fully measured non-invasively and
additional destructive tests were conducted on samples to serve as ground
truth. A linear model is fitted to predict from the non-invasive measurements
two key material properties (yield strength and tensile strength) that normally
are obtained by destructive tests. The performance is evaluated in
leave-one-coil-out cross-validation. 3) The resulting model is used to analyse
the material properties and the relationship with logged product faults on real
production data of ~108 km of processed material measured with the non-invasive
sensor. The model achieves an excellent performance (F3-score of 0.95)
predicting material running out of specifications for the tensile strength. The
combination of model predictions and logged product faults shows that if a
significant percentage of estimated yield stress values is out of
specification, the risk of product faults is high. Our analysis demonstrates
promising directions for real-time quality control, risk monitoring and fault
detection."
2098,Analysis of Branch Specialization and its Application in Image Decomposition,"Branched neural networks have been used extensively for a variety of tasks.
Branches are sub-parts of the model that perform independent processing
followed by aggregation. It is known that this setting induces a phenomenon
called Branch Specialization, where different branches become experts in
different sub-tasks. Such observations were qualitative by nature. In this
work, we present a methodological analysis of Branch Specialization. We explain
the role of gradient descent in this phenomenon. We show that branched
generative networks naturally decompose animal images to meaningful channels of
fur, whiskers and spots and face images to channels such as different
illumination components and face parts."
2099,Geometric Policy Iteration for Markov Decision Processes,"Recently discovered polyhedral structures of the value function for finite
state-action discounted Markov decision processes (MDP) shed light on
understanding the success of reinforcement learning. We investigate the value
function polytope in greater detail and characterize the polytope boundary
using a hyperplane arrangement. We further show that the value space is a union
of finitely many cells of the same hyperplane arrangement and relate it to the
polytope of the classical linear programming formulation for MDPs. Inspired by
these geometric properties, we propose a new algorithm, Geometric Policy
Iteration (GPI), to solve discounted MDPs. GPI updates the policy of a single
state by switching to an action that is mapped to the boundary of the value
function polytope, followed by an immediate update of the value function. This
new update rule aims at a faster value improvement without compromising
computational efficiency. Moreover, our algorithm allows asynchronous updates
of state values which is more flexible and advantageous compared to traditional
policy iteration when the state set is large. We prove that the complexity of
GPI achieves the best known bound $\mathcal{O}\left(\frac{|\mathcal{A}|}{1 -
\gamma}\log \frac{1}{1-\gamma}\right)$ of policy iteration and empirically
demonstrate the strength of GPI on MDPs of various sizes."
2100,Self-critiquing models for assisting human evaluators,"We fine-tune large language models to write natural language critiques
(natural language critical comments) using behavioral cloning. On a topic-based
summarization task, critiques written by our models help humans find flaws in
summaries that they would have otherwise missed. Our models help find naturally
occurring flaws in both model and human written summaries, and intentional
flaws in summaries written by humans to be deliberately misleading. We study
scaling properties of critiquing with both topic-based summarization and
synthetic tasks. Larger models write more helpful critiques, and on most tasks,
are better at self-critiquing, despite having harder-to-critique outputs.
Larger models can also integrate their own self-critiques as feedback, refining
their own summaries into better ones. Finally, we motivate and introduce a
framework for comparing critiquing ability to generation and discrimination
ability. Our measurements suggest that even large models may still have
relevant knowledge they cannot or do not articulate as critiques. These results
are a proof of concept for using AI-assisted human feedback to scale the
supervision of machine learning systems to tasks that are difficult for humans
to evaluate directly. We release our training datasets, as well as samples from
our critique assistance experiments."
2101,SGD Noise and Implicit Low-Rank Bias in Deep Neural Networks,"We analyze deep ReLU neural networks trained with mini-batch Stochastic
Gradient Descent (SGD) and weight decay. We study the source of SGD noise and
prove that when training with weight decay, the only solutions of SGD at
convergence are zero functions. Furthermore, we show, both theoretically and
empirically, that when training a neural network using SGD with weight decay
and small batch size, the resulting weight matrices are expected to be of small
rank. Our analysis relies on a minimal set of assumptions and the neural
networks may be arbitrarily wide or deep, and may include residual connections,
as well as batch normalization layers."
2102,Neurotoxin: Durable Backdoors in Federated Learning,"Due to their decentralized nature, federated learning (FL) systems have an
inherent vulnerability during their training to adversarial backdoor attacks.
In this type of attack, the goal of the attacker is to use poisoned updates to
implant so-called backdoors into the learned model such that, at test time, the
model's outputs can be fixed to a given target for certain inputs. (As a simple
toy example, if a user types ""people from New York"" into a mobile keyboard app
that uses a backdoored next word prediction model, then the model could
autocomplete the sentence to ""people from New York are rude""). Prior work has
shown that backdoors can be inserted into FL models, but these backdoors are
often not durable, i.e., they do not remain in the model after the attacker
stops uploading poisoned updates. Thus, since training typically continues
progressively in production FL systems, an inserted backdoor may not survive
until deployment. Here, we propose Neurotoxin, a simple one-line modification
to existing backdoor attacks that acts by attacking parameters that are changed
less in magnitude during training. We conduct an exhaustive evaluation across
ten natural language processing and computer vision tasks, and we find that we
can double the durability of state of the art backdoors."
2103,Dual-Stream Transformer with Cross-Attention on Whole-Slide Image Pyramids for Cancer Prognosis,"The cancer prognosis on gigapixel Whole-Slide Images (WSIs) has always been a
challenging task. Most existing approaches focus solely on single-resolution
images. The multi-resolution schemes, utilizing image pyramids to enhance WSI
visual representations, have not yet been paid enough attention to. In order to
explore a multi-resolution solution for improving cancer prognosis accuracy,
this paper proposes a dual-stream architecture to model WSIs by an image
pyramid strategy. This architecture consists of two sub-streams: one for
low-resolution WSIs, and the other especially for high-resolution ones.
Compared to other approaches, our scheme has three highlights: (i) there exists
a one-to-one relation between stream and resolution; (ii) a square pooling
layer is added to align the patches from two resolution streams, largely
reducing computation cost and enabling a natural stream feature fusion; (iii) a
cross-attention-based method is proposed to pool high-resolution patches
spatially under the guidance of low-resolution ones. We validate our scheme on
three publicly-available datasets with a total number of 3,101 WSIs from 1,911
patients. Experimental results verify that (i) hierarchical dual-stream
representation is more effective than single-stream ones for cancer prognosis,
gaining an average C-Index rise of 5.0% and 1.8% on a single low-resolution and
high-resolution stream, respectively; (ii) our dual-stream scheme could
outperform current state-of-the-art ones, by an average C-Index improvement of
5.1%; (iii) the cancer diseases with observable survival differences could have
different preferences for model complexity. Our scheme could serve as an
alternative tool for further facilitating WSI prognosis research."
2104,Learning-Based Data Storage [Vision] (Technical Report),"Deep neural network (DNN) and its variants have been extensively used for a
wide spectrum of real applications such as image classification, face/speech
recognition, fraud detection, and so on. In addition to many important machine
learning tasks, as artificial networks emulating the way brain cells function,
DNNs also show the capability of storing non-linear relationships between input
and output data, which exhibits the potential of storing data via DNNs. We
envision a new paradigm of data storage, ""DNN-as-a-Database"", where data are
encoded in well-trained machine learning models. Compared with conventional
data storage that directly records data in raw formats, learning-based
structures (e.g., DNN) can implicitly encode data pairs of inputs and outputs
and compute/materialize actual output data of different resolutions only if
input data are provided. This new paradigm can greatly enhance the data
security by allowing flexible data privacy settings on different levels,
achieve low space consumption and fast computation with the acceleration of new
hardware (e.g., Diffractive Neural Network and AI chips), and can be
generalized to distributed DNN-based storage/computing. In this paper, we
propose this novel concept of learning-based data storage, which utilizes a
learning structure called learning-based memory unit (LMU), to store, organize,
and retrieve data. As a case study, we use DNNs as the engine in the LMU, and
study the data capacity and accuracy of the DNN-based data storage. Our
preliminary experimental results show the feasibility of the learning-based
data storage by achieving high (100%) accuracy of the DNN storage. We explore
and design effective solutions to utilize the DNN-based data storage to manage
and query relational tables. We discuss how to generalize our solutions to
other data types (e.g., graphs) and environments such as distributed DNN
storage/computing."
2105,The Rough Topology for Numerical Data,"In this paper, we give a generalization of the rough topology and the core to
numerical data by classifying objects in terms of the attribute values. New
approach to find the core for numerical data is discussed. Then a measurement
to find whether an attribute is in the core or not is given. This new method
for finding the core is used for attribute reduction. It is tested and compared
by using machine learning algorithms. Finally, the algorithms and codes to
convert a data to pertinent data and to find core is also provided."
2106,Distributed Differential Privacy in Multi-Armed Bandits,"We consider the standard $K$-armed bandit problem under a distributed trust
model of differential privacy (DP), which enables to guarantee privacy without
a trustworthy server. Under this trust model, previous work largely focus on
achieving privacy using a shuffle protocol, where a batch of users data are
randomly permuted before sending to a central server. This protocol achieves
($\epsilon,\delta$) or approximate-DP guarantee by sacrificing an additional
additive $O\!\left(\!\frac{K\log T\sqrt{\log(1/\delta)}}{\epsilon}\!\right)\!$
cost in $T$-step cumulative regret. In contrast, the optimal privacy cost for
achieving a stronger ($\epsilon,0$) or pure-DP guarantee under the widely used
central trust model is only $\Theta\!\left(\!\frac{K\log
T}{\epsilon}\!\right)\!$, where, however, a trusted server is required. In this
work, we aim to obtain a pure-DP guarantee under distributed trust model while
sacrificing no more regret than that under central trust model. We achieve this
by designing a generic bandit algorithm based on successive arm elimination,
where privacy is guaranteed by corrupting rewards with an equivalent discrete
Laplace noise ensured by a secure computation protocol. We also show that our
algorithm, when instantiated with Skellam noise and the secure protocol,
ensures \emph{R\'{e}nyi differential privacy} -- a stronger notion than
approximate DP -- under distributed trust model with a privacy cost of
$O\!\left(\!\frac{K\sqrt{\log T}}{\epsilon}\!\right)\!$."
2107,Mining Multi-Label Samples from Single Positive Labels,"Conditional generative adversarial networks (cGANs) have shown superior
results in class-conditional generation tasks. In order to simultaneously
control multiple conditions, cGANs require multi-label training datasets, where
multiple labels can be assigned to each data instance. Nevertheless, the
tremendous annotation cost limits the accessibility of multi-label datasets in
the real-world scenarios. Hence, we explore the practical setting called single
positive setting, where each data instance is annotated by only one positive
label with no explicit negative labels. To generate multi-label data in the
single positive setting, we propose a novel sampling approach called
single-to-multi-label (S2M) sampling, based on the Markov chain Monte Carlo
method. As a widely applicable ""add-on"" method, our proposed S2M sampling
enables existing unconditional and conditional GANs to draw high-quality
multi-label data with a minimal annotation cost. Extensive experiments on real
image datasets verify the effectiveness and correctness of our method, even
when compared to a model trained with fully annotated datasets."
2108,Consistent Attack: Universal Adversarial Perturbation on Embodied Vision Navigation,"Embodied agents in vision navigation coupled with deep neural networks have
attracted increasing attention. However, deep neural networks are vulnerable to
malicious adversarial noises, which may potentially cause catastrophic failures
in Embodied Vision Navigation. Among these adversarial noises, universal
adversarial perturbations (UAP), i.e., the image-agnostic perturbation applied
on each frame received by the agent, are more critical for Embodied Vision
Navigation since they are computation-efficient and application-practical
during the attack. However, existing UAP methods do not consider the system
dynamics of Embodied Vision Navigation. For extending UAP in the sequential
decision setting, we formulate the disturbed environment under the universal
noise $\delta$, as a $\delta$-disturbed Markov Decision Process ($\delta$-MDP).
Based on the formulation, we analyze the properties of $\delta$-MDP and propose
two novel Consistent Attack methods for attacking Embodied agents, which first
consider the dynamic of the MDP by estimating the disturbed Q function and the
disturbed distribution. In spite of victim models, our Consistent Attack can
cause a significant drop in the performance for the Goalpoint task in habitat.
Extensive experimental results indicate that there exist potential risks for
applying Embodied Vision Navigation methods to the real world."
2109,Matching options to tasks using Option-Indexed Hierarchical Reinforcement Learning,"The options framework in Hierarchical Reinforcement Learning breaks down
overall goals into a combination of options or simpler tasks and associated
policies, allowing for abstraction in the action space. Ideally, these options
can be reused across different higher-level goals; indeed, such reuse is
necessary to realize the vision of a continual learning agent that can
effectively leverage its prior experience. Previous approaches have only
proposed limited forms of transfer of prelearned options to new task settings.
We propose a novel option indexing approach to hierarchical learning (OI-HRL),
where we learn an affinity function between options and the items present in
the environment. This allows us to effectively reuse a large library of
pretrained options, in zero-shot generalization at test time, by restricting
goal-directed learning to only those options relevant to the task at hand. We
develop a meta-training loop that learns the representations of options and
environments over a series of HRL problems, by incorporating feedback about the
relevance of retrieved options to the higher-level goal. We evaluate OI-HRL in
two simulated settings - the CraftWorld and AI2THOR environments - and show
that we achieve performance competitive with oracular baselines, and
substantial gains over a baseline that has the entire option pool available for
learning the hierarchical policy."
2110,Regularization Penalty Optimization for Addressing Data Quality Variance in OoD Algorithms,"Due to the poor generalization performance of traditional empirical risk
minimization (ERM) in the case of distributional shift, Out-of-Distribution
(OoD) generalization algorithms receive increasing attention. However, OoD
generalization algorithms overlook the great variance in the quality of
training data, which significantly compromises the accuracy of these methods.
In this paper, we theoretically reveal the relationship between training data
quality and algorithm performance and analyze the optimal regularization scheme
for Lipschitz regularized invariant risk minimization. A novel algorithm is
proposed based on the theoretical results to alleviate the influence of
low-quality data at both the sample level and the domain level. The experiments
on both the regression and classification benchmarks validate the effectiveness
of our method with statistical significance."
2111,Learning to Detect with Constant False Alarm Rate,"We consider the use of machine learning for hypothesis testing with an
emphasis on target detection. Classical model-based solutions rely on comparing
likelihoods. These are sensitive to imperfect models and are often
computationally expensive. In contrast, data-driven machine learning is often
more robust and yields classifiers with fixed computational complexity. Learned
detectors usually provide high accuracy with low complexity but do not have a
constant false alarm rate (CFAR) as required in many applications. To close
this gap, we propose to add a term to the loss function that promotes similar
distributions of the detector under any null hypothesis scenario. Experiments
show that our approach leads to near CFAR detectors with similar accuracy as
their competitors."
2112,Finite-Time Analysis of Fully Decentralized Single-Timescale Actor-Critic,"Decentralized Actor-Critic (AC) algorithms have been widely utilized for
multi-agent reinforcement learning (MARL) and have achieved remarkable success.
Apart from its empirical success, the theoretical convergence property of
decentralized AC algorithms is largely unexplored. The existing finite-time
convergence results are derived based on either double-loop update or
two-timescale step sizes rule, which is not often adopted in real
implementation. In this work, we introduce a fully decentralized AC algorithm,
where actor, critic, and global reward estimator are updated in an alternating
manner with step sizes being of the same order, namely, we adopt the
\emph{single-timescale} update. Theoretically, using linear approximation for
value and reward estimation, we show that our algorithm has sample complexity
of $\tilde{\mathcal{O}}(\epsilon^{-2})$ under Markovian sampling, which matches
the optimal complexity with double-loop implementation (here,
$\tilde{\mathcal{O}}$ hides a log term). The sample complexity can be improved
to ${\mathcal{O}}(\epsilon^{-2})$ under the i.i.d. sampling scheme. The central
to establishing our complexity results is \emph{the hidden smoothness of the
optimal critic variable} we revealed. We also provide a local action
privacy-preserving version of our algorithm and its analysis. Finally, we
conduct experiments to show the superiority of our algorithm over the existing
decentralized AC algorithms."
2113,Darknet Traffic Classification and Adversarial Attacks,"The anonymous nature of darknets is commonly exploited for illegal
activities. Previous research has employed machine learning and deep learning
techniques to automate the detection of darknet traffic in an attempt to block
these criminal activities. This research aims to improve darknet traffic
detection by assessing Support Vector Machines (SVM), Random Forest (RF),
Convolutional Neural Networks (CNN), and Auxiliary-Classifier Generative
Adversarial Networks (AC-GAN) for classification of such traffic and the
underlying application types. We find that our RF model outperforms the
state-of-the-art machine learning techniques used in prior work with the
CIC-Darknet2020 dataset. To evaluate the robustness of our RF classifier, we
obfuscate select application type classes to simulate realistic adversarial
attack scenarios. We demonstrate that our best-performing classifier can be
defeated by such attacks, and we consider ways to deal with such adversarial
attacks."
2114,Machine learning based surrogate modeling with SVD enabled training for nonlinear civil structures subject to dynamic loading,"The computationally expensive estimation of engineering demand parameters
(EDPs) via finite element (FE) models, while considering earthquake and
parameter uncertainty limits the use of the Performance Based Earthquake
Engineering framework. Attempts have been made to substitute FE models with
surrogate models, however, most of these models are a function of building
parameters only. This necessitates re-training for earthquakes not previously
seen by the surrogate. In this paper, the authors propose a machine learning
based surrogate model framework, which considers both these uncertainties in
order to predict for unseen earthquakes. Accordingly,earthquakes are
characterized by their projections on an orthonormal basis, computed using SVD
of a representative ground motion suite. This enables one to generate large
varieties of earthquakes by randomly sampling these weights and multiplying
them with the basis. The weights along with the constitutive parameters serve
as inputs to a machine learning model with EDPs as the desired output. Four
competing machine learning models were tested and it was observed that a deep
neural network (DNN) gave the most accurate prediction. The framework is
validated by using it to successfully predict the peak response of one-story
and three-story buildings represented using stick models, subjected to unseen
far-field ground motions."
2115,"Don't ""research fast and break things"": On the ethics of Computational Social Science","This article is concerned with setting up practical guardrails within the
research activities and environments of CSS. It aims to provide CSS scholars,
as well as policymakers and other stakeholders who apply CSS methods, with the
critical and constructive means needed to ensure that their practices are
ethical, trustworthy, and responsible. It begins by providing a taxonomy of the
ethical challenges faced by researchers in the field of CSS. These are
challenges related to (1) the treatment of research subjects, (2) the impacts
of CSS research on affected individuals and communities, (3) the quality of CSS
research and to its epistemological status, (4) research integrity, and (5)
research equity. Taking these challenges as a motivation for cultural
transformation, it then argues for the end-to-end incorporation of habits of
responsible research and innovation (RRI) into CSS practices, focusing on the
role that contextual considerations, anticipatory reflection, impact
assessment, public engagement, and justifiable and well-documented action
should play across the research lifecycle. In proposing the inclusion of habits
of RRI in CSS practices, the chapter lays out several practical steps needed
for ethical, trustworthy, and responsible CSS research activities. These
include stakeholder engagement processes, research impact assessments, data
lifecycle documentation, bias self-assessments, and transparent research
reporting protocols."
2116,PAC-Net: A Model Pruning Approach to Inductive Transfer Learning,"Inductive transfer learning aims to learn from a small amount of training
data for the target task by utilizing a pre-trained model from the source task.
Most strategies that involve large-scale deep learning models adopt
initialization with the pre-trained model and fine-tuning for the target task.
However, when using over-parameterized models, we can often prune the model
without sacrificing the accuracy of the source task. This motivates us to adopt
model pruning for transfer learning with deep learning models. In this paper,
we propose PAC-Net, a simple yet effective approach for transfer learning based
on pruning. PAC-Net consists of three steps: Prune, Allocate, and Calibrate
(PAC). The main idea behind these steps is to identify essential weights for
the source task, fine-tune on the source task by updating the essential
weights, and then calibrate on the target task by updating the remaining
redundant weights. Under the various and extensive set of inductive transfer
learning experiments, we show that our method achieves state-of-the-art
performance by a large margin."
2117,A Functional Information Perspective on Model Interpretation,"Contemporary predictive models are hard to interpret as their deep nets
exploit numerous complex relations between input elements. This work suggests a
theoretical framework for model interpretability by measuring the contribution
of relevant features to the functional entropy of the network with respect to
the input. We rely on the log-Sobolev inequality that bounds the functional
entropy by the functional Fisher information with respect to the covariance of
the data. This provides a principled way to measure the amount of information
contribution of a subset of features to the decision function. Through
extensive experiments, we show that our method surpasses existing
interpretability sampling-based methods on various data signals such as image,
text, and audio."
2118,tBDFS: Temporal Graph Neural Network Leveraging DFS,"Temporal graph neural networks (temporal GNNs) have been widely researched,
reaching state-of-the-art results on multiple prediction tasks. A common
approach employed by most previous works is to apply a layer that aggregates
information from the historical neighbors of a node. Taking a different
research direction, in this work, we propose tBDFS -- a novel temporal GNN
architecture. tBDFS applies a layer that efficiently aggregates information
from temporal paths to a given (target) node in the graph. For each given node,
the aggregation is applied in two stages: (1) A single representation is
learned for each temporal path ending in that node, and (2) all path
representations are aggregated into a final node representation. Overall, our
goal is not to add new information to a node, but rather observe the same exact
information in a new perspective. This allows our model to directly observe
patterns that are path-oriented rather than neighborhood-oriented. This can be
thought as a Depth-First Search (DFS) traversal over the temporal graph,
compared to the popular Breath-First Search (BFS) traversal that is applied in
previous works. We evaluate tBDFS over multiple link prediction tasks and show
its favorable performance compared to state-of-the-art baselines. To the best
of our knowledge, we are the first to apply a temporal-DFS neural network."
2119,Balancing Bias and Variance for Active Weakly Supervised Learning,"As a widely used weakly supervised learning scheme, modern multiple instance
learning (MIL) models achieve competitive performance at the bag level.
However, instance-level prediction, which is essential for many important
applications, remains largely unsatisfactory. We propose to conduct novel
active deep multiple instance learning that samples a small subset of
informative instances for annotation, aiming to significantly boost the
instance-level prediction. A variance regularized loss function is designed to
properly balance the bias and variance of instance-level predictions, aiming to
effectively accommodate the highly imbalanced instance distribution in MIL and
other fundamental challenges. Instead of directly minimizing the variance
regularized loss that is non-convex, we optimize a distributionally robust bag
level likelihood as its convex surrogate. The robust bag likelihood provides a
good approximation of the variance based MIL loss with a strong theoretical
guarantee. It also automatically balances bias and variance, making it
effective to identify the potentially positive instances to support active
sampling. The robust bag likelihood can be naturally integrated with a deep
architecture to support deep model training using mini-batches of
positive-negative bag pairs. Finally, a novel P-F sampling function is
developed that combines a probability vector and predicted instance scores,
obtained by optimizing the robust bag likelihood. By leveraging the key MIL
assumption, the sampling function can explore the most challenging bags and
effectively detect their positive instances for annotation, which significantly
improves the instance-level prediction. Experiments conducted over multiple
real-world datasets clearly demonstrate the state-of-the-art instance-level
prediction achieved by the proposed model."
2120,A Survey on Uncertainty Reasoning and Quantification for Decision Making: Belief Theory Meets Deep Learning,"An in-depth understanding of uncertainty is the first step to making
effective decisions under uncertainty. Deep/machine learning (ML/DL) has been
hugely leveraged to solve complex problems involved with processing
high-dimensional data. However, reasoning and quantifying different types of
uncertainties to achieve effective decision-making have been much less explored
in ML/DL than in other Artificial Intelligence (AI) domains. In particular,
belief/evidence theories have been studied in KRR since the 1960s to reason and
measure uncertainties to enhance decision-making effectiveness. We found that
only a few studies have leveraged the mature uncertainty research in
belief/evidence theories in ML/DL to tackle complex problems under different
types of uncertainty. In this survey paper, we discuss several popular belief
theories and their core ideas dealing with uncertainty causes and types and
quantifying them, along with the discussions of their applicability in ML/DL.
In addition, we discuss three main approaches that leverage belief theories in
Deep Neural Networks (DNNs), including Evidential DNNs, Fuzzy DNNs, and Rough
DNNs, in terms of their uncertainty causes, types, and quantification methods
along with their applicability in diverse problem domains. Based on our
in-depth survey, we discuss insights, lessons learned, limitations of the
current state-of-the-art bridging belief theories and ML/DL, and finally,
future research directions."
2121,Universality and approximation bounds for echo state networks with random weights,"We study the uniform approximation of echo state networks with randomly
generated internal weights. These models, in which only the readout weights are
optimized during training, have made empirical success in learning dynamical
systems. We address the representational capacity of these models by showing
that they are universal under weak conditions. Our main result gives a
sufficient condition for the activation function and a sampling procedure for
the internal weights so that echo state networks can approximate any continuous
casual time-invariant operators with high probability. In particular, for ReLU
activation, we quantify the approximation error of echo state networks for
sufficiently regular operators."
2122,Federated Learning on Riemannian Manifolds,"Federated learning (FL) has found many important applications in
smart-phone-APP based machine learning applications. Although many algorithms
have been studied for FL, to the best of our knowledge, algorithms for FL with
nonconvex constraints have not been studied. This paper studies FL over
Riemannian manifolds, which finds important applications such as federated PCA
and federated kPCA. We propose a Riemannian federated SVRG (RFedSVRG) method to
solve federated optimization over Riemannian manifolds. We analyze its
convergence rate under different scenarios. Numerical experiments are conducted
to compare RFedSVRG with the Riemannian counterparts of FedAvg and FedProx. We
observed from the numerical experiments that the advantages of RFedSVRG are
significant."
2123,An Efficient Method for Sample Adversarial Perturbations against Nonlinear Support Vector Machines,"Adversarial perturbations have drawn great attentions in various machine
learning models. In this paper, we investigate the sample adversarial
perturbations for nonlinear support vector machines (SVMs). Due to the implicit
form of the nonlinear functions mapping data to the feature space, it is
difficult to obtain the explicit form of the adversarial perturbations. By
exploring the special property of nonlinear SVMs, we transform the optimization
problem of attacking nonlinear SVMs into a nonlinear KKT system. Such a system
can be solved by various numerical methods. Numerical results show that our
method is efficient in computing adversarial perturbations."
2124,Variational Bayes Deep Operator Network: A data-driven Bayesian solver for parametric differential equations,"Neural network based data-driven operator learning schemes have shown
tremendous potential in computational mechanics. DeepONet is one such neural
network architecture which has gained widespread appreciation owing to its
excellent prediction capabilities. Having said that, being set in a
deterministic framework exposes DeepONet architecture to the risk of
overfitting, poor generalization and in its unaltered form, it is incapable of
quantifying the uncertainties associated with its predictions. We propose in
this paper, a Variational Bayes DeepONet (VB-DeepONet) for operator learning,
which can alleviate these limitations of DeepONet architecture to a great
extent and give user additional information regarding the associated
uncertainty at the prediction stage. The key idea behind neural networks set in
Bayesian framework is that, the weights and bias of the neural network are
treated as probability distributions instead of point estimates and, Bayesian
inference is used to update their prior distribution. Now, to manage the
computational cost associated with approximating the posterior distribution,
the proposed VB-DeepONet uses \textit{variational inference}. Unlike Markov
Chain Monte Carlo schemes, variational inference has the capacity to take into
account high dimensional posterior distributions while keeping the associated
computational cost low. Different examples covering mechanics problems like
diffusion reaction, gravity pendulum, advection diffusion have been shown to
illustrate the performance of the proposed VB-DeepONet and comparisons have
also been drawn against DeepONet set in deterministic framework."
2125,Dealing with Sparse Rewards in Continuous Control Robotics via Heavy-Tailed Policies,"In this paper, we present a novel Heavy-Tailed Stochastic Policy Gradient
(HT-PSG) algorithm to deal with the challenges of sparse rewards in continuous
control problems. Sparse reward is common in continuous control robotics tasks
such as manipulation and navigation, and makes the learning problem hard due to
non-trivial estimation of value functions over the state space. This demands
either reward shaping or expert demonstrations for the sparse reward
environment. However, obtaining high-quality demonstrations is quite expensive
and sometimes even impossible. We propose a heavy-tailed policy parametrization
along with a modified momentum-based policy gradient tracking scheme (HT-SPG)
to induce a stable exploratory behavior to the algorithm. The proposed
algorithm does not require access to expert demonstrations. We test the
performance of HT-SPG on various benchmark tasks of continuous control with
sparse rewards such as 1D Mario, Pathological Mountain Car, Sparse Pendulum in
OpenAI Gym, and Sparse MuJoCo environments (Hopper-v2). We show consistent
performance improvement across all tasks in terms of high average cumulative
reward. HT-SPG also demonstrates improved convergence speed with minimum
samples, thereby emphasizing the sample efficiency of our proposed algorithm."
2126,DeepEmotex: Classifying Emotion in Text Messages using Deep Transfer Learning,"Transfer learning has been widely used in natural language processing through
deep pretrained language models, such as Bidirectional Encoder Representations
from Transformers and Universal Sentence Encoder. Despite the great success,
language models get overfitted when applied to small datasets and are prone to
forgetting when fine-tuned with a classifier. To remedy this problem of
forgetting in transferring deep pretrained language models from one domain to
another domain, existing efforts explore fine-tuning methods to forget less. We
propose DeepEmotex an effective sequential transfer learning method to detect
emotion in text. To avoid forgetting problem, the fine-tuning step is
instrumented by a large amount of emotion-labeled data collected from Twitter.
We conduct an experimental study using both curated Twitter data sets and
benchmark data sets. DeepEmotex models achieve over 91% accuracy for
multi-class emotion classification on test dataset. We evaluate the performance
of the fine-tuned DeepEmotex models in classifying emotion in EmoInt and
Stimulus benchmark datasets. The models correctly classify emotion in 73% of
the instances in the benchmark datasets. The proposed DeepEmotex-BERT model
outperforms Bi-LSTM result on the benchmark datasets by 23%. We also study the
effect of the size of the fine-tuning dataset on the accuracy of our models.
Our evaluation results show that fine-tuning with a large set of
emotion-labeled data improves both the robustness and effectiveness of the
resulting target task model."
2127,Density Regression and Uncertainty Quantification with Bayesian Deep Noise Neural Networks,"Deep neural network (DNN) models have achieved state-of-the-art predictive
accuracy in a wide range of supervised learning applications. However,
accurately quantifying the uncertainty in DNN predictions remains a challenging
task. For continuous outcome variables, an even more difficult problem is to
estimate the predictive density function, which not only provides a natural
quantification of the predictive uncertainty, but also fully captures the
random variation in the outcome. In this work, we propose the Bayesian Deep
Noise Neural Network (B-DeepNoise), which generalizes standard Bayesian DNNs by
extending the random noise variable from the output layer to all hidden layers.
The latent random noise equips B-DeepNoise with the flexibility to approximate
highly complex predictive distributions and accurately quantify predictive
uncertainty. For posterior computation, the unique structure of B-DeepNoise
leads to a closed-form Gibbs sampling algorithm that iteratively simulates from
the posterior full conditional distributions of the model parameters,
circumventing computationally intensive Metropolis-Hastings methods. A
theoretical analysis of B-DeepNoise establishes a recursive representation of
the predictive distribution and decomposes the predictive variance with respect
to the latent parameters. We evaluate B-DeepNoise against existing methods on
benchmark regression datasets, demonstrating its superior performance in terms
of prediction accuracy, uncertainty quantification accuracy, and uncertainty
quantification efficiency. To illustrate our method's usefulness in scientific
studies, we apply B-DeepNoise to predict general intelligence from neuroimaging
features in the Adolescent Brain Cognitive Development (ABCD) project."
2128,An Unsupervised Deep-Learning Method for Bone Age Assessment,"The bone age, reflecting the degree of development of the bones, can be used
to predict the adult height and detect endocrine diseases of children. Both
examinations of radiologists and variability of operators have a significant
impact on bone age assessment. To decrease human intervention , machine
learning algorithms are used to assess the bone age automatically. However,
conventional supervised deep-learning methods need pre-labeled data. In this
paper, based on the convolutional auto-encoder with constraints (CCAE), an
unsupervised deep-learning model proposed in the classification of the
fingerprint, we propose this model for the classification of the bone age and
baptize it BA-CCAE. In the proposed BA-CCAE model, the key regions of the raw
X-ray images of the bone age are encoded, yielding the latent vectors. The
K-means clustering algorithm is used to obtain the final classifications by
grouping the latent vectors of the bone images. A set of experiments on the
Radiological Society of North America pediatric bone age dataset (RSNA) show
that the accuracy of classifications at 48-month intervals is 76.15%. Although
the accuracy now is lower than most of the existing supervised models, the
proposed BA-CCAE model can establish the classification of bone age without any
pre-labeled data, and to the best of our knowledge, the proposed BA-CCAE is one
of the few trails using the unsupervised deep-learning method for the bone age
assessment."
2129,Mathematical Theory of Bayesian Statistics for Unknown Information Source,"In statistical inference, uncertainty is unknown and all models are wrong. A
person who makes a statistical model and a prior distribution is simultaneously
aware that they are fictional and virtual candidates. In order to study such
cases, several statistical measures have been constructed, such as cross
validation, information criteria, and marginal likelihood, however, their
mathematical properties have not yet been completely clarified when statistical
models are under- and over- parametrized. In this paper, we introduce a place
of mathematical theory of Bayesian statistics for unknown uncertainty, on which
we show general properties of cross validation, information criteria, and
marginal likelihood. The derived theory holds even if an unknown uncertainty is
unrealizable by a statistical model or even if the posterior distribution
cannot be approximated by any normal distribution, hence it gives a helpful
standpoint for a person who cannot believe in any specific model and prior. The
results are followings. (1) There exists a more precise statistical measure of
the generalization loss than leave-one-out cross validation and information
criterion based on the mathematical properties of them. (2) There exists a more
efficient approximation method of the free energy, which is the minus log
marginal likelihood, even if the posterior distribution cannot be approximated
by any normal distribution. (3) And the prior distributions optimized by the
cross validation and the widely applicable information criterion are
asymptotically equivalent to each other, which are different from that by the
marginal likelihood."
2130,Physics-driven Deep Learning for PET/MRI,"In this paper, we review physics- and data-driven reconstruction techniques
for simultaneous positron emission tomography (PET) / magnetic resonance
imaging (MRI) systems, which have significant advantages for clinical imaging
of cancer, neurological disorders, and heart disease. These reconstruction
approaches utilize priors, either structural or statistical, together with a
physics-based description of the PET system response. However, due to the
nested representation of the forward problem, direct PET/MRI reconstruction is
a nonlinear problem. We elucidate how a multi-faceted approach accommodates
hybrid data- and physics-driven machine learning for reconstruction of 3D
PET/MRI, summarizing important deep learning developments made in the last 5
years to address attenuation correction, scattering, low photon counts, and
data consistency. We also describe how applications of these multi-modality
approaches extend beyond PET/MRI to improving accuracy in radiation therapy
planning. We conclude by discussing opportunities for extending the current
state-of-the-art following the latest trends in physics- and deep
learning-based computational imaging and next-generation detector hardware."
2131,Federated Learning with Research Prototypes for Multi-Center MRI-based Detection of Prostate Cancer with Diverse Histopathology,"Early prostate cancer detection and staging from MRI are extremely
challenging tasks for both radiologists and deep learning algorithms, but the
potential to learn from large and diverse datasets remains a promising avenue
to increase their generalization capability both within- and across clinics. To
enable this for prototype-stage algorithms, where the majority of existing
research remains, in this paper we introduce a flexible federated learning
framework for cross-site training, validation, and evaluation of deep prostate
cancer detection algorithms. Our approach utilizes an abstracted representation
of the model architecture and data, which allows unpolished prototype deep
learning models to be trained without modification using the NVFlare federated
learning framework. Our results show increases in prostate cancer detection and
classification accuracy using a specialized neural network model and diverse
prostate biopsy data collected at two University of California research
hospitals, demonstrating the efficacy of our approach in adapting to different
datasets and improving MR-biomarker discovery. We open-source our FLtools
system, which can be easily adapted to other deep learning projects for medical
imaging."
2132,Machine learning approaches for COVID-19 detection from chest X-ray imaging: A Systematic Review,"There is a necessity to develop affordable, and reliable diagnostic tools,
which allow containing the COVID-19 spreading. Machine Learning (ML) algorithms
have been proposed to design support decision-making systems to assess chest
X-ray images, which have proven to be useful to detect and evaluate disease
progression. Many research articles are published around this subject, which
makes it difficult to identify the best approaches for future work. This paper
presents a systematic review of ML applied to COVID-19 detection using chest
X-ray images, aiming to offer a baseline for researchers in terms of methods,
architectures, databases, and current limitations."
2133,Gradient Boosting Performs Low-Rank Gaussian Process Inference,"This paper shows that gradient boosting based on symmetric decision trees can
be equivalently reformulated as a kernel method that converges to the solution
of a certain Kernel Ridgeless Regression problem. Thus, for low-rank kernels,
we obtain the convergence to a Gaussian Process' posterior mean, which, in
turn, allows us to easily transform gradient boosting into a sampler from the
posterior to provide better knowledge uncertainty estimates through Monte-Carlo
estimation of the posterior variance. We show that the proposed sampler allows
for better knowledge uncertainty estimates leading to improved out-of-domain
detection."
2134,A Theoretical Understanding of Neural Network Compression from Sparse Linear Approximation,"The goal of model compression is to reduce the size of a large neural network
while retaining a comparable performance. As a result, computation and memory
costs in resource-limited applications may be significantly reduced by dropping
redundant weights, neurons, or layers. There have been many model compression
algorithms proposed that provide impressive empirical success. However, a
theoretical understanding of model compression is still limited. One problem is
understanding if a network is more compressible than another of the same
structure. Another problem is quantifying how much one can prune a network with
theoretically guaranteed accuracy degradation. In this work, we propose to use
the sparsity-sensitive $\ell_q$-norm ($0r^{\star}$, even when $\phi$ is
strongly convex. In this paper, we propose an inexpensive preconditioner that
restores the convergence rate of gradient descent back to linear in the
overparameterized case, while also making it agnostic to possible
ill-conditioning in the global minimizer $X^{\star}$."
2562,Parotid Gland MRI Segmentation Based on Swin-Unet and Multimodal Images,"Parotid gland tumors account for approximately 2% to 10% of head and neck
tumors. Preoperative tumor localization, differential diagnosis, and subsequent
selection of appropriate treatment for parotid gland tumors is critical.
However, the relative rarity of these tumors and the highly dispersed tissue
types have left an unmet need for a subtle differential diagnosis of such
neoplastic lesions based on preoperative radiomics. Recently, deep learning
methods have developed rapidly, especially Transformer beats the traditional
convolutional neural network in computer vision. Many new Transformer-based
networks have been proposed for computer vision tasks. In this study,
multicenter multimodal parotid gland MRI images were collected. The Swin-Unet
which was based on Transformer was used. MRI images of STIR, T1 and T2
modalities were combined into a three-channel data to train the network. We
achieved segmentation of the region of interest for parotid gland and tumor.
The DSC of the model on the test set was 88.63%, MPA was 99.31%, MIoU was
83.99%, and HD was 3.04. Then a series of comparison experiments were designed
in this paper to further validate the segmentation performance of the
algorithm."
2563,Assessing Project-Level Fine-Tuning of ML4SE Models,"Machine Learning for Software Engineering (ML4SE) is an actively growing
research area that focuses on methods that help programmers in their work. In
order to apply the developed methods in practice, they need to achieve
reasonable quality in order to help rather than distract developers. While the
development of new approaches to code representation and data collection
improves the overall quality of the models, it does not take into account the
information that we can get from the project at hand.
In this work, we investigate how the model's quality can be improved if we
target a specific project. We develop a framework to assess quality
improvements that models can get after fine-tuning for the method name
prediction task on a particular project. We evaluate three models of different
complexity and compare their quality in three settings: trained on a large
dataset of Java projects, further fine-tuned on the data from a particular
project, and trained from scratch on this data. We show that per-project
fine-tuning can greatly improve the models' quality as they capture the
project's domain and naming conventions. We open-source the tool we used for
data collection, as well as the code to run the experiments:
https://zenodo.org/record/6040745."
2564,Improving the Diagnosis of Psychiatric Disorders with Self-Supervised Graph State Space Models,"Single subject prediction of brain disorders from neuroimaging data has
gained increasing attention in recent years. Yet, for some heterogeneous
disorders such as major depression disorder (MDD) and autism spectrum disorder
(ASD), the performance of prediction models on large-scale multi-site datasets
remains poor. We present a two-stage framework to improve the diagnosis of
heterogeneous psychiatric disorders from resting-state functional magnetic
resonance imaging (rs-fMRI). First, we propose a self-supervised mask
prediction task on data from healthy individuals that can exploit differences
between healthy controls and patients in clinical datasets. Next, we train a
supervised classifier on the learned discriminative representations. To model
rs-fMRI data, we develop Graph-S4; an extension to the recently proposed
state-space model S4 to graph settings where the underlying graph structure is
not known in advance. We show that combining the framework and Graph-S4 can
significantly improve the diagnostic performance of neuroimaging-based single
subject prediction models of MDD and ASD on three open-source multi-center
rs-fMRI clinical datasets."
2565,DeepTPI: Test Point Insertion with Deep Reinforcement Learning,"Test point insertion (TPI) is a widely used technique for testability
enhancement, especially for logic built-in self-test (LBIST) due to its
relatively low fault coverage. In this paper, we propose a novel TPI approach
based on deep reinforcement learning (DRL), named DeepTPI. Unlike previous
learning-based solutions that formulate the TPI task as a supervised-learning
problem, we train a novel DRL agent, instantiated as the combination of a graph
neural network (GNN) and a Deep Q-Learning network (DQN), to maximize the test
coverage improvement. Specifically, we model circuits as directed graphs and
design a graph-based value network to estimate the action values for inserting
different test points. The policy of the DRL agent is defined as selecting the
action with the maximum value. Moreover, we apply the general node embeddings
from a pre-trained model to enhance node features, and propose a dedicated
testability-aware attention mechanism for the value network. Experimental
results on circuits with various scales show that DeepTPI significantly
improves test coverage compared to the commercial DFT tool. The code of this
work is available at https://github.com/cure-lab/DeepTPI."
2566,Concentration bounds for SSP Q-learning for average cost MDPs,"We derive a concentration bound for a Q-learning algorithm for average cost
Markov decision processes based on an equivalent shortest path problem, and
compare it numerically with the alternative scheme based on relative value
iteration."
2567,Subject Membership Inference Attacks in Federated Learning,"Privacy in Federated Learning (FL) is studied at two different granularities:
item-level, which protects individual data points, and user-level, which
protects each user (participant) in the federation. Nearly all of the private
FL literature is dedicated to studying privacy attacks and defenses at these
two granularities. Recently, subject-level privacy has emerged as an
alternative privacy granularity to protect the privacy of individuals (data
subjects) whose data is spread across multiple (organizational) users in
cross-silo FL settings. An adversary might be interested in recovering private
information about these individuals (a.k.a. \emph{data subjects}) by attacking
the trained model. A systematic study of these patterns requires complete
control over the federation, which is impossible with real-world datasets. We
design a simulator for generating various synthetic federation configurations,
enabling us to study how properties of the data, model design and training, and
the federation itself impact subject privacy risk. We propose three attacks for
\emph{subject membership inference} and examine the interplay between all
factors within a federation that affect the attacks' efficacy. We also
investigate the effectiveness of Differential Privacy in mitigating this
threat. Our takeaways generalize to real-world datasets like FEMNIST, giving
credence to our findings."
2568,Neural Network Decoders for Permutation Codes Correcting Different Errors,"Permutation codes were extensively studied in order to correct different
types of errors for the applications on power line communication and rank
modulation for flash memory. In this paper, we introduce the neural network
decoders for permutation codes to correct these errors with one-shot decoding,
which treat the decoding as $n$ classification tasks for non-binary symbols for
a code of length $n$. These are actually the first general decoders introduced
to deal with any error type for these two applications. The performance of the
decoders is evaluated by simulations with different error models."
2569,Integrating Random Effects in Deep Neural Networks,"Modern approaches to supervised learning like deep neural networks (DNNs)
typically implicitly assume that observed responses are statistically
independent. In contrast, correlated data are prevalent in real-life
large-scale applications, with typical sources of correlation including
spatial, temporal and clustering structures. These correlations are either
ignored by DNNs, or ad-hoc solutions are developed for specific use cases. We
propose to use the mixed models framework to handle correlated data in DNNs. By
treating the effects underlying the correlation structure as random effects,
mixed models are able to avoid overfitted parameter estimates and ultimately
yield better predictive performance. The key to combining mixed models and DNNs
is using the Gaussian negative log-likelihood (NLL) as a natural loss function
that is minimized with DNN machinery including stochastic gradient descent
(SGD). Since NLL does not decompose like standard DNN loss functions, the use
of SGD with NLL presents some theoretical and implementation challenges, which
we address. Our approach which we call LMMNN is demonstrated to improve
performance over natural competitors in various correlation scenarios on
diverse simulated and real datasets. Our focus is on a regression setting and
tabular datasets, but we also show some results for classification. Our code is
available at https://github.com/gsimchoni/lmmnn."
2570,PyTSK: A Python Toolbox for TSK Fuzzy Systems,"This paper presents PyTSK, a Python toolbox for developing Takagi-Sugeno-Kang
(TSK) fuzzy systems. Based on scikit-learn and PyTorch, PyTSK allows users to
optimize TSK fuzzy systems using fuzzy clustering or mini-batch gradient
descent (MBGD) based algorithms. Several state-of-the-art MBGD-based
optimization algorithms are implemented in the toolbox, which can improve the
generalization performance of TSK fuzzy systems, especially for big data
applications. PyTSK can also be easily extended and customized for more
complicated algorithms, such as modifying the structure of TSK fuzzy systems,
developing more sophisticated training algorithms, and combining TSK fuzzy
systems with neural networks. The code of PyTSK can be found at
https://github.com/YuqiCui/pytsk."
2571,Physics-Inspired Temporal Learning of Quadrotor Dynamics for Accurate Model Predictive Trajectory Tracking,"Accurately modeling quadrotor's system dynamics is critical for guaranteeing
agile, safe, and stable navigation. The model needs to capture the system
behavior in multiple flight regimes and operating conditions, including those
producing highly nonlinear effects such as aerodynamic forces and torques,
rotor interactions, or possible system configuration modifications. Classical
approaches rely on handcrafted models and struggle to generalize and scale to
capture these effects. In this paper, we present a novel Physics-Inspired
Temporal Convolutional Network (PI-TCN) approach to learning quadrotor's system
dynamics purely from robot experience. Our approach combines the expressive
power of sparse temporal convolutions and dense feed-forward connections to
make accurate system predictions. In addition, physics constraints are embedded
in the training process to facilitate the network's generalization capabilities
to data outside the training distribution. Finally, we design a model
predictive control approach that incorporates the learned dynamics for accurate
closed-loop trajectory tracking fully exploiting the learned model predictions
in a receding horizon fashion. Experimental results demonstrate that our
approach accurately extracts the structure of the quadrotor's dynamics from
data, capturing effects that would remain hidden to classical approaches. To
the best of our knowledge, this is the first time physics-inspired deep
learning is successfully applied to temporal convolutional networks and to the
system identification task, while concurrently enabling predictive control."
2572,On the balance between the training time and interpretability of neural ODE for time series modelling,"Most machine learning methods are used as a black box for modelling. We may
try to extract some knowledge from physics-based training methods, such as
neural ODE (ordinary differential equation). Neural ODE has advantages like a
possibly higher class of represented functions, the extended interpretability
compared to black-box machine learning models, ability to describe both trend
and local behaviour. Such advantages are especially critical for time series
with complicated trends. However, the known drawback is the high training time
compared to the autoregressive models and long-short term memory (LSTM)
networks widely used for data-driven time series modelling. Therefore, we
should be able to balance interpretability and training time to apply neural
ODE in practice. The paper shows that modern neural ODE cannot be reduced to
simpler models for time-series modelling applications. The complexity of neural
ODE is compared to or exceeds the conventional time-series modelling tools. The
only interpretation that could be extracted is the eigenspace of the operator,
which is an ill-posed problem for a large system. Spectra could be extracted
using different classical analysis methods that do not have the drawback of
extended time. Consequently, we reduce the neural ODE to a simpler linear form
and propose a new view on time-series modelling using combined neural networks
and an ODE system approach."
2573,Recent Advances in Bayesian Optimization,"Bayesian optimization has emerged at the forefront of expensive black-box
optimization due to its data efficiency. Recent years have witnessed a
proliferation of studies on the development of new Bayesian optimization
algorithms and their applications. Hence, this paper attempts to provide a
comprehensive and updated survey of recent advances in Bayesian optimization
and identify interesting open problems. We categorize the existing work on
Bayesian optimization into nine main groups according to the motivations and
focus of the proposed algorithms. For each category, we present the main
advances with respect to the construction of surrogate models and adaptation of
the acquisition functions. Finally, we discuss the open questions and suggest
promising future research directions, in particular with regard to
heterogeneity, privacy preservation, and fairness in distributed and federated
optimization systems."
2574,Generalization Error Bounds for Deep Neural Networks Trained by SGD,"Generalization error bounds for deep neural networks trained by stochastic
gradient descent (SGD) are derived by combining a dynamical control of an
appropriate parameter norm and the Rademacher complexity estimate based on
parameter norms. The bounds explicitly depend on the loss along the training
trajectory, and work for a wide range of network architectures including
multilayer perceptron (MLP) and convolutional neural networks (CNN). Compared
with other algorithm-depending generalization estimates such as uniform
stability-based bounds, our bounds do not require $L$-smoothness of the
nonconvex loss function, and apply directly to SGD instead of Stochastic
Langevin gradient descent (SGLD). Numerical results show that our bounds are
non-vacuous and robust with the change of optimizer and network
hyperparameters."
2575,Joint Manifold Learning and Density Estimation Using Normalizing Flows,"Based on the manifold hypothesis, real-world data often lie on a
low-dimensional manifold, while normalizing flows as a likelihood-based
generative model are incapable of finding this manifold due to their structural
constraints. So, one interesting question arises: $\textit{""Can we find
sub-manifold(s) of data in normalizing flows and estimate the density of the
data on the sub-manifold(s)?""}$. In this paper, we introduce two approaches,
namely per-pixel penalized log-likelihood and hierarchical training, to answer
the mentioned question. We propose a single-step method for joint manifold
learning and density estimation by disentangling the transformed space obtained
by normalizing flows to manifold and off-manifold parts. This is done by a
per-pixel penalized likelihood function for learning a sub-manifold of the
data. Normalizing flows assume the transformed data is Gaussianizationed, but
this imposed assumption is not necessarily true, especially in high dimensions.
To tackle this problem, a hierarchical training approach is employed to improve
the density estimation on the sub-manifold. The results validate the
superiority of the proposed methods in simultaneous manifold learning and
density estimation using normalizing flows in terms of generated image quality
and likelihood."
2576,Collaborative Intelligence Orchestration: Inconsistency-Based Fusion of Semi-Supervised Learning and Active Learning,"While annotating decent amounts of data to satisfy sophisticated learning
models can be cost-prohibitive for many real-world applications. Active
learning (AL) and semi-supervised learning (SSL) are two effective, but often
isolated, means to alleviate the data-hungry problem. Some recent studies
explored the potential of combining AL and SSL to better probe the unlabeled
data. However, almost all these contemporary SSL-AL works use a simple
combination strategy, ignoring SSL and AL's inherent relation. Further, other
methods suffer from high computational costs when dealing with large-scale,
high-dimensional datasets. Motivated by the industry practice of labeling data,
we propose an innovative Inconsistency-based virtual aDvErsarial Active
Learning (IDEAL) algorithm to further investigate SSL-AL's potential
superiority and achieve mutual enhancement of AL and SSL, i.e., SSL propagates
label information to unlabeled samples and provides smoothed embeddings for AL,
while AL excludes samples with inconsistent predictions and considerable
uncertainty for SSL. We estimate unlabeled samples' inconsistency by
augmentation strategies of different granularities, including fine-grained
continuous perturbation exploration and coarse-grained data transformations.
Extensive experiments, in both text and image domains, validate the
effectiveness of the proposed algorithm, comparing it against state-of-the-art
baselines. Two real-world case studies visualize the practical industrial value
of applying and deploying the proposed data sampling algorithm."
2577,On the Effectiveness of Fine-tuning Versus Meta-reinforcement Learning,"Intelligent agents should have the ability to leverage knowledge from
previously learned tasks in order to learn new ones quickly and efficiently.
Meta-learning approaches have emerged as a popular solution to achieve this.
However, meta-reinforcement learning (meta-RL) algorithms have thus far been
restricted to simple environments with narrow task distributions. Moreover, the
paradigm of pretraining followed by fine-tuning to adapt to new tasks has
emerged as a simple yet effective solution in supervised and self-supervised
learning. This calls into question the benefits of meta-learning approaches
also in reinforcement learning, which typically come at the cost of high
complexity. We hence investigate meta-RL approaches in a variety of
vision-based benchmarks, including Procgen, RLBench, and Atari, where
evaluations are made on completely novel tasks. Our findings show that when
meta-learning approaches are evaluated on different tasks (rather than
different variations of the same task), multi-task pretraining with fine-tuning
on new tasks performs equally as well, or better, than meta-pretraining with
meta test-time adaptation. This is encouraging for future research, as
multi-task pretraining tends to be simpler and computationally cheaper than
meta-RL. From these findings, we advocate for evaluating future meta-RL methods
on more challenging tasks and including multi-task pretraining with fine-tuning
as a simple, yet strong baseline."
2578,Machine Learning Sensors,"Machine learning sensors represent a paradigm shift for the future of
embedded machine learning applications. Current instantiations of embedded
machine learning (ML) suffer from complex integration, lack of modularity, and
privacy and security concerns from data movement. This article proposes a more
data-centric paradigm for embedding sensor intelligence on edge devices to
combat these challenges. Our vision for ""sensor 2.0"" entails segregating sensor
input data and ML processing from the wider system at the hardware level and
providing a thin interface that mimics traditional sensors in functionality.
This separation leads to a modular and easy-to-use ML sensor device. We discuss
challenges presented by the standard approach of building ML processing into
the software stack of the controlling microprocessor on an embedded system and
how the modularity of ML sensors alleviates these problems. ML sensors increase
privacy and accuracy while making it easier for system builders to integrate ML
into their products as a simple component. We provide examples of prospective
ML sensors and an illustrative datasheet as a demonstration and hope that this
will build a dialogue to progress us towards sensor 2.0."
2579,Marvolo: Programmatic Data Augmentation for Practical ML-Driven Malware Detection,"Data augmentation has been rare in the cyber security domain due to technical
difficulties in altering data in a manner that is semantically consistent with
the original data. This shortfall is particularly onerous given the unique
difficulty of acquiring benign and malicious training data that runs into
copyright restrictions, and that institutions like banks and governments
receive targeted malware that will never exist in large quantities. We present
MARVOLO, a binary mutator that programmatically grows malware (and benign)
datasets in a manner that boosts the accuracy of ML-driven malware detectors.
MARVOLO employs semantics-preserving code transformations that mimic the
alterations that malware authors and defensive benign developers routinely make
in practice , allowing us to generate meaningful augmented data. Crucially,
semantics-preserving transformations also enable MARVOLO to safely propagate
labels from original to newly-generated data samples without mandating
expensive reverse engineering of binaries. Further, MARVOLO embeds several key
optimizations that keep costs low for practitioners by maximizing the density
of diverse data samples generated within a given time (or resource) budget.
Experiments using wide-ranging commercial malware datasets and a recent
ML-driven malware detector show that MARVOLO boosts accuracies by up to 5%,
while operating on only a small fraction (15%) of the potential input binaries."
2580,DeepCAVE: An Interactive Analysis Tool for Automated Machine Learning,"Automated Machine Learning (AutoML) is used more than ever before to support
users in determining efficient hyperparameters, neural architectures, or even
full machine learning pipelines. However, users tend to mistrust the
optimization process and its results due to a lack of transparency, making
manual tuning still widespread. We introduce DeepCAVE, an interactive framework
to analyze and monitor state-of-the-art optimization procedures for AutoML
easily and ad hoc. By aiming for full and accessible transparency, DeepCAVE
builds a bridge between users and AutoML and contributes to establishing trust.
Our framework's modular and easy-to-extend nature provides users with
automatically generated text, tables, and graphic visualizations. We show the
value of DeepCAVE in an exemplary use-case of outlier detection, in which our
framework makes it easy to identify problems, compare multiple runs and
interpret optimization processes. The package is freely available on GitHub
https://github.com/automl/DeepCAVE."
2581,Decentralized Online Regularized Learning Over Random Time-Varying Graphs,"We study the decentralized online regularized linear regression algorithm
over random time-varying graphs. At each time step, every node runs an online
estimation algorithm consisting of an innovation term processing its own new
measurement, a consensus term taking a weighted sum of estimations of its own
and its neighbors with additive and multiplicative communication noises and a
regularization term preventing over-fitting. It is not required that the
regression matrices and graphs satisfy special statistical assumptions such as
mutual independence, spatio-temporal independence or stationarity. We develop
the nonnegative supermartingale inequality of the estimation error, and prove
that the estimations of all nodes converge to the unknown true parameter vector
almost surely if the algorithm gains, graphs and regression matrices jointly
satisfy the sample path spatio-temporal persistence of excitation condition.
Especially, this condition holds by choosing appropriate algorithm gains if the
graphs are uniformly conditionally jointly connected and conditionally
balanced, and the regression models of all nodes are uniformly conditionally
spatio-temporally jointly observable, under which the algorithm converges in
mean square and almost surely. In addition, we prove that the regret upper
bound $\mathcal O(T^{1-\tau}\ln T)$, where $\tau\in (0.5,1)$ is a constant
depending on the algorithm gains."
2582,Analyzing the impact of feature selection on the accuracy of heart disease prediction,"Heart Disease has become one of the most serious diseases that has a
significant impact on human life. It has emerged as one of the leading causes
of mortality among the people across the globe during the last decade. In order
to prevent patients from further damage, an accurate diagnosis of heart disease
on time is an essential factor. Recently we have seen the usage of non-invasive
medical procedures, such as artificial intelligence-based techniques in the
field of medical. Specially machine learning employs several algorithms and
techniques that are widely used and are highly useful in accurately diagnosing
the heart disease with less amount of time. However, the prediction of heart
disease is not an easy task. The increasing size of medical datasets has made
it a complicated task for practitioners to understand the complex feature
relations and make disease predictions. Accordingly, the aim of this research
is to identify the most important risk-factors from a highly dimensional
dataset which helps in the accurate classification of heart disease with less
complications. For a broader analysis, we have used two heart disease datasets
with various medical features. The classification results of the benchmarked
models proved that there is a high impact of relevant features on the
classification accuracy. Even with a reduced number of features, the
performance of the classification models improved significantly with a reduced
training time as compared with models trained on full feature set."
2583,An Analysis of Selection Bias Issue for Online Advertising,"In online advertising, a set of potential advertisements can be ranked by a
certain auction system where usually the top-1 advertisement would be selected
and displayed at an advertising space. In this paper, we show a selection bias
issue that is present in an auction system. We analyze that the selection bias
destroy truthfulness of the auction, which implies that the buyers
(advertisers) on the auction can not maximize their profits. Although selection
bias is well known in the field of statistics and there are lot of studies for
it, our main contribution is to combine the theoretical analysis of the bias
with the auction mechanism. In our experiment using online A/B testing, we
evaluate the selection bias on an auction system whose ranking score is the
function of predicted CTR (click through rate) of advertisement. The experiment
showed that the selection bias is drastically reduced by using a multi-task
learning which learns the data for all advertisements."
2584,Inferring Unfairness and Error from Population Statistics in Binary and Multiclass Classification,"We propose methods for making inferences on the fairness and accuracy of a
given classifier, using only aggregate population statistics. This is necessary
when it is impossible to obtain individual classification data, for instance
when there is no access to the classifier or to a representative
individual-level validation set. We study fairness with respect to the
equalized odds criterion, which we generalize to multiclass classification. We
propose a measure of unfairness with respect to this criterion, which
quantifies the fraction of the population that is treated unfairly. We then
show how inferences on the unfairness and error of a given classifier can be
obtained using only aggregate label statistics such as the rate of prediction
of each label in each sub-population, as well as the true rate of each label.
We derive inference procedures for binary classifiers and for multiclass
classifiers, for the case where confusion matrices in each sub-population are
known, and for the significantly more challenging case where they are unknown.
We report experiments on data sets representing diverse applications, which
demonstrate the effectiveness and the wide range of possible uses of the
proposed methodology."
2585,Shedding a PAC-Bayesian Light on Adaptive Sliced-Wasserstein Distances,"The Sliced-Wasserstein distance (SW) is a computationally efficient and
theoretically grounded alternative to the Wasserstein distance. Yet, the
literature on its statistical properties with respect to the distribution of
slices, beyond the uniform measure, is scarce. To bring new contributions to
this line of research, we leverage the PAC-Bayesian theory and the central
observation that SW actually hinges on a slice-distribution-dependent Gibbs
risk, the kind of quantity PAC-Bayesian bounds have been designed to
characterize. We provide four types of results: i) PAC-Bayesian generalization
bounds that hold on what we refer as adaptive Sliced-Wasserstein distances,
i.e. distances defined with respect to any distribution of slices, ii) a
procedure to learn the distribution of slices that yields a maximally
discriminative SW, by optimizing our PAC-Bayesian bounds, iii) an insight on
how the performance of the so-called distributional Sliced-Wasserstein distance
may be explained through our theory, and iv) empirical illustrations of our
findings."
2586,Improved Cardiac Arrhythmia Prediction Based on Heart Rate Variability Analysis,"Many types of ventricular and atrial cardiac arrhythmias have been discovered
in clinical practice in the past 100 years, and these arrhythmias are a major
contributor to sudden cardiac death. Ventricular tachycardia, ventricular
fibrillation, and paroxysmal atrial fibrillation are the most
commonly-occurring and dangerous arrhythmias, therefore early detection is
crucial to prevent any further complications and reduce fatalities. Implantable
devices such as pacemakers are commonly used in patients at high risk of sudden
cardiac death. While great advances have been made in medical technology, there
remain significant challenges in effective management of common arrhythmias.
This thesis proposes novel arrhythmia detection and prediction methods to
differentiate cardiac arrhythmias from non-life-threatening cardiac events, to
increase the likelihood of detecting events that may lead to mortality, as well
as reduce the incidence of unnecessary therapeutic intervention. The methods
are based on detailed analysis of Heart Rate Variability (HRV) information. The
results of the work show good performance of the proposed methods and support
the potential for their deployment in resource-constrained devices for
ventricular and atrial arrhythmia prediction, such as implantable pacemakers
and defibrillators."
2587,Deep Neural Patchworks: Coping with Large Segmentation Tasks,"Convolutional neural networks are the way to solve arbitrary image
segmentation tasks. However, when images are large, memory demands often exceed
the available resources, in particular on a common GPU. Especially in
biomedical imaging, where 3D images are common, the problems are apparent. A
typical approach to solve this limitation is to break the task into smaller
subtasks by dividing images into smaller image patches. Another approach, if
applicable, is to look at the 2D image sections separately, and to solve the
problem in 2D. Often, the loss of global context makes such approaches less
effective; important global information might not be present in the current
image patch, or the selected 2D image section. Here, we propose Deep Neural
Patchworks (DNP), a segmentation framework that is based on hierarchical and
nested stacking of patch-based networks that solves the dilemma between global
context and memory limitations."
2588,"From ""Where"" to ""What"": Towards Human-Understandable Explanations through Concept Relevance Propagation","The emerging field of eXplainable Artificial Intelligence (XAI) aims to bring
transparency to today's powerful but opaque deep learning models. While local
XAI methods explain individual predictions in form of attribution maps, thereby
identifying where important features occur (but not providing information about
what they represent), global explanation techniques visualize what concepts a
model has generally learned to encode. Both types of methods thus only provide
partial insights and leave the burden of interpreting the model's reasoning to
the user. Only few contemporary techniques aim at combining the principles
behind both local and global XAI for obtaining more informative explanations.
Those methods, however, are often limited to specific model architectures or
impose additional requirements on training regimes or data and label
availability, which renders the post-hoc application to arbitrarily pre-trained
models practically impossible. In this work we introduce the Concept Relevance
Propagation (CRP) approach, which combines the local and global perspectives of
XAI and thus allows answering both the ""where"" and ""what"" questions for
individual predictions, without additional constraints imposed. We further
introduce the principle of Relevance Maximization for finding representative
examples of encoded concepts based on their usefulness to the model. We thereby
lift the dependency on the common practice of Activation Maximization and its
limitations. We demonstrate the capabilities of our methods in various
settings, showcasing that Concept Relevance Propagation and Relevance
Maximization lead to more human interpretable explanations and provide deep
insights into the model's representations and reasoning through concept
atlases, concept composition analyses, and quantitative investigations of
concept subspaces and their role in fine-grained decision making."
2589,FairVFL: A Fair Vertical Federated Learning Framework with Contrastive Adversarial Learning,"Vertical federated learning (VFL) is a privacy-preserving machine learning
paradigm that can learn models from features distributed on different platforms
in a privacy-preserving way. Since in real-world applications the data may
contain bias on fairness-sensitive features (e.g., gender), VFL models may
inherit bias from training data and become unfair for some user groups.
However, existing fair ML methods usually rely on the centralized storage of
fairness-sensitive features to achieve model fairness, which are usually
inapplicable in federated scenarios. In this paper, we propose a fair vertical
federated learning framework (FairVFL), which can improve the fairness of VFL
models. The core idea of FairVFL is to learn unified and fair representations
of samples based on the decentralized feature fields in a privacy-preserving
way. Specifically, each platform with fairness-insensitive features first
learns local data representations from local features. Then, these local
representations are uploaded to a server and aggregated into a unified
representation for the target task. In order to learn fair unified
representations, we send them to each platform storing fairness-sensitive
features and apply adversarial learning to remove bias from the unified
representations inherited from the biased data. Moreover, for protecting user
privacy, we further propose a contrastive adversarial learning method to remove
privacy information from the unified representations in server before sending
them to the platforms keeping fairness-sensitive features. Experiments on two
real-world datasets validate that our method can effectively improve model
fairness with user privacy well-protected."
2590,Explaining the physics of transfer learning a data-driven subgrid-scale closure to a different turbulent flow,"Transfer learning (TL) is becoming a powerful tool in scientific applications
of neural networks (NNs), such as weather/climate prediction and turbulence
modeling. TL enables out-of-distribution generalization (e.g., extrapolation in
parameters) and effective blending of disparate training sets (e.g.,
simulations and observations). In TL, selected layers of a NN, already trained
for a base system, are re-trained using a small dataset from a target system.
For effective TL, we need to know 1) what are the best layers to re-train? and
2) what physics are learned during TL? Here, we present novel analyses and a
new framework to address (1)-(2) for a broad range of multi-scale, nonlinear
systems. Our approach combines spectral analyses of the systems' data with
spectral analyses of convolutional NN's activations and kernels, explaining the
inner-workings of TL in terms of the system's nonlinear physics. Using
subgrid-scale modeling of several setups of 2D turbulence as test cases, we
show that the learned kernels are combinations of low-, band-, and high-pass
filters, and that TL learns new filters whose nature is consistent with the
spectral differences of base and target systems. We also find the shallowest
layers are the best to re-train in these cases, which is against the common
wisdom guiding TL in machine learning literature. Our framework identifies the
best layer(s) to re-train beforehand, based on physics and NN theory. Together,
these analyses explain the physics learned in TL and provide a framework to
guide TL for wide-ranging applications in science and engineering, such as
climate change modeling."
2591,Generalized Data Distribution Iteration,"To obtain higher sample efficiency and superior final performance
simultaneously has been one of the major challenges for deep reinforcement
learning (DRL). Previous work could handle one of these challenges but
typically failed to address them concurrently. In this paper, we try to tackle
these two challenges simultaneously. To achieve this, we firstly decouple these
challenges into two classic RL problems: data richness and
exploration-exploitation trade-off. Then, we cast these two problems into the
training data distribution optimization problem, namely to obtain desired
training data within limited interactions, and address them concurrently via i)
explicit modeling and control of the capacity and diversity of behavior policy
and ii) more fine-grained and adaptive control of selective/sampling
distribution of the behavior policy using a monotonic data distribution
optimization. Finally, we integrate this process into Generalized Policy
Iteration (GPI) and obtain a more general framework called Generalized Data
Distribution Iteration (GDI). We use the GDI framework to introduce
operator-based versions of well-known RL methods from DQN to Agent57.
Theoretical guarantee of the superiority of GDI compared with GPI is concluded.
We also demonstrate our state-of-the-art (SOTA) performance on Arcade Learning
Environment (ALE), wherein our algorithm has achieved 9620.33% mean human
normalized score (HNS), 1146.39% median HNS and surpassed 22 human world
records using only 200M training frames. Our performance is comparable to
Agent57's while we consume 500 times less data. We argue that there is still a
long way to go before obtaining real superhuman agents in ALE."
2592,Asymptotic Stability in Reservoir Computing,"Reservoir Computing is a class of Recurrent Neural Networks with internal
weights fixed at random. Stability relates to the sensitivity of the network
state to perturbations. It is an important property in Reservoir Computing as
it directly impacts performance. In practice, it is desirable to stay in a
stable regime, where the effect of perturbations does not explode
exponentially, but also close to the chaotic frontier where reservoir dynamics
are rich. Open questions remain today regarding input regularization and
discontinuous activation functions. In this work, we use the recurrent kernel
limit to draw new insights on stability in reservoir computing. This limit
corresponds to large reservoir sizes, and it already becomes relevant for
reservoirs with a few hundred neurons. We obtain a quantitative
characterization of the frontier between stability and chaos, which can greatly
benefit hyperparameter tuning. In a broader sense, our results contribute to
understanding the complex dynamics of Recurrent Neural Networks."
2593,A new Hyper-heuristic based on Adaptive Simulated Annealing and Reinforcement Learning for the Capacitated Electric Vehicle Routing Problem,"Electric vehicles (EVs) have been adopted in urban areas to reduce
environmental pollution and global warming as a result of the increasing number
of freight vehicles. However, there are still deficiencies in routing the
trajectories of last-mile logistics that continue to impact social and economic
sustainability. For that reason, in this paper, a hyper-heuristic (HH) approach
called Hyper-heuristic Adaptive Simulated Annealing with Reinforcement Learning
(HHASA$_{RL}$) is proposed. It is composed of a multi-armed bandit method and
the self-adaptive Simulated Annealing (SA) metaheuristic algorithm for solving
the problem called Capacitated Electric Vehicle Routing Problem (CEVRP). Due to
the limited number of charging stations and the travel range of EVs, the EVs
must require battery recharging moments in advance and reduce travel times and
costs. The HH implemented improves multiple minimum best-known solutions and
obtains the best mean values for some high-dimensional instances for the
proposed benchmark for the IEEE WCCI2020 competition."
2594,Risk Measures and Upper Probabilities: Coherence and Stratification,"Machine learning typically presupposes classical probability theory which
implies that aggregation is built upon expectation. There are now multiple
reasons to motivate looking at richer alternatives to classical probability
theory as a mathematical foundation for machine learning. We systematically
examine a powerful and rich class of such alternatives, known variously as
spectral risk measures, Choquet integrals or Lorentz norms. We present a range
of characterization results, and demonstrate what makes this spectral family so
special. In doing so we demonstrate a natural stratification of all coherent
risk measures in terms of the upper probabilities that they induce by
exploiting results from the theory of rearrangement invariant Banach spaces. We
empirically demonstrate how this new approach to uncertainty helps tackling
practical machine learning problems."
2595,Fooling Explanations in Text Classifiers,"State-of-the-art text classification models are becoming increasingly reliant
on deep neural networks (DNNs). Due to their black-box nature, faithful and
robust explanation methods need to accompany classifiers for deployment in
real-life scenarios. However, it has been shown in vision applications that
explanation methods are susceptible to local, imperceptible perturbations that
can significantly alter the explanations without changing the predicted
classes. We show here that the existence of such perturbations extends to text
classifiers as well. Specifically, we introduceTextExplanationFooler (TEF), a
novel explanation attack algorithm that alters text input samples imperceptibly
so that the outcome of widely-used explanation methods changes considerably
while leaving classifier predictions unchanged. We evaluate the performance of
the attribution robustness estimation performance in TEF on five sequence
classification datasets, utilizing three DNN architectures and three
transformer architectures for each dataset. TEF can significantly decrease the
correlation between unchanged and perturbed input attributions, which shows
that all models and explanation methods are susceptible to TEF perturbations.
Moreover, we evaluate how the perturbations transfer to other model
architectures and attribution methods, and show that TEF perturbations are also
effective in scenarios where the target model and explanation method are
unknown. Finally, we introduce a semi-universal attack that is able to compute
fast, computationally light perturbations with no knowledge of the attacked
classifier nor explanation method. Overall, our work shows that explanations in
text classifiers are very fragile and users need to carefully address their
robustness before relying on them in critical applications."
2596,Learning Attention-based Representations from Multiple Patterns for Relation Prediction in Knowledge Graphs,"Knowledge bases, and their representations in the form of knowledge graphs
(KGs), are naturally incomplete. Since scientific and industrial applications
have extensively adopted them, there is a high demand for solutions that
complete their information. Several recent works tackle this challenge by
learning embeddings for entities and relations, then employing them to predict
new relations among the entities. Despite their aggrandizement, most of those
methods focus only on the local neighbors of a relation to learn the
embeddings. As a result, they may fail to capture the KGs' context information
by neglecting long-term dependencies and the propagation of entities'
semantics. In this manuscript, we propose {\AE}MP (Attention-based Embeddings
from Multiple Patterns), a novel model for learning contextualized
representations by: (i) acquiring entities' context information through an
attention-enhanced message-passing scheme, which captures the entities' local
semantics while focusing on different aspects of their neighborhood; and (ii)
capturing the semantic context, by leveraging the paths and their relationships
between entities. Our empirical findings draw insights into how attention
mechanisms can improve entities' context representation and how combining
entities and semantic path contexts improves the general representation of
entities and the relation predictions. Experimental results on several large
and small knowledge graph benchmarks show that {\AE}MP either outperforms or
competes with state-of-the-art relation prediction methods."
2597,Look Back When Surprised: Stabilizing Reverse Experience Replay for Neural Approximation,"Experience replay methods, which are an essential part of reinforcement
learning(RL) algorithms, are designed to mitigate spurious correlations and
biases while learning from temporally dependent data. Roughly speaking, these
methods allow us to draw batched data from a large buffer such that these
temporal correlations do not hinder the performance of descent algorithms. In
this experimental work, we consider the recently developed and theoretically
rigorous reverse experience replay (RER), which has been shown to remove such
spurious biases in simplified theoretical settings. We combine RER with
optimistic experience replay (OER) to obtain RER++, which is stable under
neural function approximation. We show via experiments that this has a better
performance than techniques like prioritized experience replay (PER) on various
tasks, with a significantly smaller computational complexity. It is well known
in the RL literature that choosing examples greedily with the largest TD error
(as in OER) or forming mini-batches with consecutive data points (as in RER)
leads to poor performance. However, our method, which combines these
techniques, works very well."
2598,Decentralized Low-Latency Collaborative Inference via Ensembles on the Edge,"The success of deep neural networks (DNNs) is heavily dependent on
computational resources. While DNNs are often employed on cloud servers, there
is a growing need to operate DNNs on edge devices. Edge devices are typically
limited in their computational resources, yet, often multiple edge devices are
deployed in the same environment and can reliably communicate with each other.
In this work we propose to facilitate the application of DNNs on the edge by
allowing multiple users to collaborate during inference to improve their
accuracy. Our mechanism, coined {\em edge ensembles}, is based on having
diverse predictors at each device, which form an ensemble of models during
inference. To mitigate the communication overhead, the users share quantized
features, and we propose a method for aggregating multiple decisions into a
single inference rule. We analyze the latency induced by edge ensembles,
showing that its performance improvement comes at the cost of a minor
additional delay under common assumptions on the communication network. Our
experiments demonstrate that collaborative inference via edge ensembles
equipped with compact DNNs substantially improves the accuracy over having each
user infer locally, and can outperform using a single centralized DNN larger
than all the networks in the ensemble together."
2599,Utility of Equivariant Message Passing in Cortical Mesh Segmentation,"The automated segmentation of cortical areas has been a long-standing
challenge in medical image analysis. The complex geometry of the cortex is
commonly represented as a polygon mesh, whose segmentation can be addressed by
graph-based learning methods. When cortical meshes are misaligned across
subjects, current methods produce significantly worse segmentation results,
limiting their ability to handle multi-domain data. In this paper, we
investigate the utility of E(n)-equivariant graph neural networks (EGNNs),
comparing their performance against plain graph neural networks (GNNs). Our
evaluation shows that GNNs outperform EGNNs on aligned meshes, due to their
ability to leverage the presence of a global coordinate system. On misaligned
meshes, the performance of plain GNNs drop considerably, while E(n)-equivariant
message passing maintains the same segmentation results. The best results can
also be obtained by using plain GNNs on realigned data (co-registered meshes in
a global coordinate system)."
2600,Shuffled Check-in: Privacy Amplification towards Practical Distributed Learning,"Recent studies of distributed computation with formal privacy guarantees,
such as differentially private (DP) federated learning, leverage random
sampling of clients in each round (privacy amplification by subsampling) to
achieve satisfactory levels of privacy. Achieving this however requires strong
assumptions which may not hold in practice, including precise and uniform
subsampling of clients, and a highly trusted aggregator to process clients'
data. In this paper, we explore a more practical protocol, shuffled check-in,
to resolve the aforementioned issues. The protocol relies on client making
independent and random decision to participate in the computation, freeing the
requirement of server-initiated subsampling, and enabling robust modelling of
client dropouts. Moreover, a weaker trust model known as the shuffle model is
employed instead of using a trusted aggregator. To this end, we introduce new
tools to characterize the R\'enyi differential privacy (RDP) of shuffled
check-in. We show that our new techniques improve at least three times in
privacy guarantee over those using approximate DP's strong composition at
various parameter regimes. Furthermore, we provide a numerical approach to
track the privacy of generic shuffled check-in mechanism including distributed
stochastic gradient descent (SGD) with Gaussian mechanism. To the best of our
knowledge, this is also the first evaluation of Gaussian mechanism within the
local/shuffle model under the distributed setting in the literature, which can
be of independent interest."
2601,Group Meritocratic Fairness in Linear Contextual Bandits,"We study the linear contextual bandit problem where an agent has to select
one candidate from a pool and each candidate belongs to a sensitive group. In
this setting, candidates' rewards may not be directly comparable between
groups, for example when the agent is an employer hiring candidates from
different ethnic groups and some groups have a lower reward due to
discriminatory bias and/or social injustice. We propose a notion of fairness
that states that the agent's policy is fair when it selects a candidate with
highest relative rank, which measures how good the reward is when compared to
candidates from the same group. This is a very strong notion of fairness, since
the relative rank is not directly observed by the agent and depends on the
underlying reward model and on the distribution of rewards. Thus we study the
problem of learning a policy which approximates a fair policy under the
condition that the contexts are independent between groups and the distribution
of rewards of each group is absolutely continuous. In particular, we design a
greedy policy which at each round constructs a ridge regression estimator from
the observed context-reward pairs, and then computes an estimate of the
relative rank of each candidate using the empirical cumulative distribution
function. We prove that the greedy policy achieves, after $T$ rounds, up to log
factors and with high probability, a fair pseudo-regret of order $\sqrt{dT}$,
where $d$ is the dimension of the context vectors. The policy also satisfies
demographic parity at each round when averaged over all possible information
available before the selection. We finally show with a proof of concept
simulation that our policy achieves sub-linear fair pseudo-regret also in
practice."
2602,Transfer learning to decode brain states reflecting the relationship between cognitive tasks,"Transfer learning improves the performance of the target task by leveraging
the data of a specific source task: the closer the relationship between the
source and the target tasks, the greater the performance improvement by
transfer learning. In neuroscience, the relationship between cognitive tasks is
usually represented by similarity of activated brain regions or neural
representation. However, no study has linked transfer learning and neuroscience
to reveal the relationship between cognitive tasks. In this study, we propose a
transfer learning framework to reflect the relationship between cognitive
tasks, and compare the task relations reflected by transfer learning and by the
overlaps of brain regions (e.g., neurosynth). Our results of transfer learning
create cognitive taskonomy to reflect the relationship between cognitive tasks
which is well in line with the task relations derived from neurosynth. Transfer
learning performs better in task decoding with fMRI data if the source and
target cognitive tasks activate similar brain regions. Our study uncovers the
relationship of multiple cognitive tasks and provides guidance for source task
selection in transfer learning for neural decoding based on small-sample data."
2603,Intra-agent speech permits zero-shot task acquisition,"Human language learners are exposed to a trickle of informative,
context-sensitive language, but a flood of raw sensory data. Through both
social language use and internal processes of rehearsal and practice, language
learners are able to build high-level, semantic representations that explain
their perceptions. Here, we take inspiration from such processes of ""inner
speech"" in humans (Vygotsky, 1934) to better understand the role of intra-agent
speech in embodied behavior. First, we formally pose intra-agent speech as a
semi-supervised problem and develop two algorithms that enable visually
grounded captioning with little labeled language data. We then experimentally
compute scaling curves over different amounts of labeled data and compare the
data efficiency against a supervised learning baseline. Finally, we incorporate
intra-agent speech into an embodied, mobile manipulator agent operating in a 3D
virtual world, and show that with as few as 150 additional image captions,
intra-agent speech endows the agent with the ability to manipulate and answer
questions about a new object without any related task-directed experience
(zero-shot). Taken together, our experiments suggest that modelling intra-agent
speech is effective in enabling embodied agents to learn new tasks efficiently
and without direct interaction experience."
2604,CitySpec: An Intelligent Assistant System for Requirement Specification in Smart Cities,"An increasing number of monitoring systems have been developed in smart
cities to ensure that real-time operations of a city satisfy safety and
performance requirements. However, many existing city requirements are written
in English with missing, inaccurate, or ambiguous information. There is a high
demand for assisting city policy makers in converting human-specified
requirements to machine-understandable formal specifications for monitoring
systems. To tackle this limitation, we build CitySpec, the first intelligent
assistant system for requirement specification in smart cities. To create
CitySpec, we first collect over 1,500 real-world city requirements across
different domains from over 100 cities and extract city-specific knowledge to
generate a dataset of city vocabulary with 3,061 words. We also build a
translation model and enhance it through requirement synthesis and develop a
novel online learning framework with validation under uncertainty. The
evaluation results on real-world city requirements show that CitySpec increases
the sentence-level accuracy of requirement specification from 59.02% to 86.64%,
and has strong adaptability to a new city and a new domain (e.g., F1 score for
requirements in Seattle increases from 77.6% to 93.75% with online learning)."
2605,Towards Meta-learned Algorithm Selection using Implicit Fidelity Information,"Automatically selecting the best performing algorithm for a given dataset or
ranking multiple of them by their expected performance supports users in
developing new machine learning applications. Most approaches for this problem
rely on dataset meta-features and landmarking performances to capture the
salient topology of the datasets and those topologies that the algorithms
attend to. Landmarking usually exploits cheap algorithms not necessarily in the
pool of candidate algorithms to get inexpensive approximations of the topology.
While somewhat indicative, handcrafted dataset meta-features and landmarks are
likely insufficient descriptors, strongly depending on the alignment of the
geometries the landmarks and candidates search for. We propose IMFAS, a method
to exploit multi-fidelity landmarking information directly from the candidate
algorithms in the form of non-parametrically non-myopic meta-learned learning
curves via LSTM networks in a few-shot setting during testing. Using this
mechanism, IMFAS jointly learns the topology of of the datasets and the
inductive biases of algorithms without expensively training them to
convergence. IMFAS produces informative landmarks, easily enriched by arbitrary
meta-features at a low computational cost, capable of producing the desired
ranking using cheaper fidelities. We additionally show that it is able to beat
Successive Halving with at most half the fidelity sequence during test time"
2606,Spatial-Temporal Adaptive Graph Convolution with Attention Network for Traffic Forecasting,"Traffic forecasting is one canonical example of spatial-temporal learning
task in Intelligent Traffic System. Existing approaches capture spatial
dependency with a pre-determined matrix in graph convolution neural operators.
However, the explicit graph structure losses some hidden representations of
relationships among nodes. Furthermore, traditional graph convolution neural
operators cannot aggregate long-range nodes on the graph. To overcome these
limits, we propose a novel network, Spatial-Temporal Adaptive graph convolution
with Attention Network (STAAN) for traffic forecasting. Firstly, we adopt an
adaptive dependency matrix instead of using a pre-defined matrix during GCN
processing to infer the inter-dependencies among nodes. Secondly, we integrate
PW-attention based on graph attention network which is designed for global
dependency, and GCN as spatial block. What's more, a stacked dilated 1D
convolution, with efficiency in long-term prediction, is adopted in our
temporal block for capturing the different time series. We evaluate our STAAN
on two real-world datasets, and experiments validate that our model outperforms
state-of-the-art baselines."
2607,Signal Propagation in Transformers: Theoretical Perspectives and the Role of Rank Collapse,"Transformers have achieved remarkable success in several domains, ranging
from natural language processing to computer vision. Nevertheless, it has been
recently shown that stacking self-attention layers - the distinctive
architectural component of Transformers - can result in rank collapse of the
tokens' representations at initialization. The question of if and how rank
collapse affects training is still largely unanswered, and its investigation is
necessary for a more comprehensive understanding of this architecture. In this
work, we shed new light on the causes and the effects of this phenomenon.
First, we show that rank collapse of the tokens' representations hinders
training by causing the gradients of the queries and keys to vanish at
initialization. Furthermore, we provide a thorough description of the origin of
rank collapse and discuss how to prevent it via an appropriate depth-dependent
scaling of the residual branches. Finally, our analysis unveils that specific
architectural hyperparameters affect the gradients of queries and values
differently, leading to disproportionate gradient norms. This suggests an
explanation for the widespread use of adaptive methods for Transformers'
optimization."
2608,Singapore Soundscape Site Selection Survey (S5): Identification of Characteristic Soundscapes of Singapore via Weighted k-means Clustering,"The ecological validity of soundscape studies usually rests on a choice of
soundscapes that are representative of the perceptual space under
investigation. For example, a soundscape pleasantness study might investigate
locations with soundscapes ranging from ""pleasant"" to ""annoying"". The choice of
soundscapes is typically researcher-led, but a participant-led process can
reduce selection bias and improve result reliability. Hence, we propose a
robust participant-led method to pinpoint characteristic soundscapes possessing
arbitrary perceptual attributes. We validate our method by identifying
Singaporean soundscapes spanning the perceptual quadrants generated from the
""Pleasantness"" and ""Eventfulness"" axes of the ISO 12913-2 circumplex model of
soundscape perception, as perceived by local experts. From memory and
experience, 67 participants first selected locations corresponding to each
perceptual quadrant in each major planning region of Singapore. We then
performed weighted k-means clustering on the selected locations, with weights
for each location derived from previous frequencies and durations spent in each
location by each participant. Weights hence acted as proxies for participant
confidence. In total, 62 locations were thereby identified as suitable
locations with characteristic soundscapes for further research utilizing the
ISO 12913-2 perceptual quadrants. Audio-visual recordings and acoustic
characterization of the soundscapes will be made in a future study."
2609,Better Best of Both Worlds Bounds for Bandits with Switching Costs,"We study best-of-both-worlds algorithms for bandits with switching cost,
recently addressed by Rouyer, Seldin and Cesa-Bianchi, 2021. We introduce a
surprisingly simple and effective algorithm that simultaneously achieves
minimax optimal regret bound of $\mathcal{O}(T^{2/3})$ in the oblivious
adversarial setting and a bound of $\mathcal{O}(\min\{\log
(T)/\Delta^2,T^{2/3}\})$ in the stochastically-constrained regime, both with
(unit) switching costs, where $\Delta$ is the gap between the arms. In the
stochastically constrained case, our bound improves over previous results due
to Rouyer et al., that achieved regret of $\mathcal{O}(T^{1/3}/\Delta)$. We
accompany our results with a lower bound showing that, in general,
$\tilde{\Omega}(\min\{1/\Delta^2,T^{2/3}\})$ regret is unavoidable in the
stochastically-constrained case for algorithms with $\mathcal{O}(T^{2/3})$
worst-case regret."
2610,Explainable Artificial Intelligence (XAI) for Internet of Things: A Survey,"Black-box nature of Artificial Intelligence (AI) models do not allow users to
comprehend and sometimes trust the output created by such model. In AI
applications, where not only the results but also the decision paths to the
results are critical, such black-box AI models are not sufficient. Explainable
Artificial Intelligence (XAI) addresses this problem and defines a set of AI
models that are interpretable by the users. Recently, several number of XAI
models have been to address the issues surrounding by lack of interpretability
and explainability of black-box models in various application areas such as
healthcare, military, energy, financial and industrial domains. Although the
concept of XAI has gained great deal of attention recently, its integration
into the IoT domain has not yet been fully defined. In this paper, we provide
an in-depth and systematic review of recent studies using XAI models in the
scope of IoT domain. We categorize the studies according to their methodology
and applications areas. In addition, we aim to focus on the challenging
problems and open issues and give future directions to guide the developers and
researchers for prospective future investigations."
2611,Beyond spectral gap: The role of the topology in decentralized learning,"In data-parallel optimization of machine learning models, workers collaborate
to improve their estimates of the model: more accurate gradients allow them to
use larger learning rates and optimize faster. We consider the setting in which
all workers sample from the same dataset, and communicate over a sparse graph
(decentralized). In this setting, current theory fails to capture important
aspects of real-world behavior. First, the 'spectral gap' of the communication
graph is not predictive of its empirical performance in (deep) learning.
Second, current theory does not explain that collaboration enables larger
learning rates than training alone. In fact, it prescribes smaller learning
rates, which further decrease as graphs become larger, failing to explain
convergence in infinite graphs. This paper aims to paint an accurate picture of
sparsely-connected distributed optimization when workers share the same data
distribution. We quantify how the graph topology influences convergence in a
quadratic toy problem and provide theoretical results for general smooth and
(strongly) convex objectives. Our theory matches empirical observations in deep
learning, and accurately describes the relative merits of different graph
topologies."
2612,A Privacy-Preserving Subgraph-Level Federated Graph Neural Network via Differential Privacy,"Currently, the federated graph neural network (GNN) has attracted a lot of
attention due to its wide applications in reality without violating the privacy
regulations. Among all the privacy-preserving technologies, the differential
privacy (DP) is the most promising one due to its effectiveness and light
computational overhead. However, the DP-based federated GNN has not been well
investigated, especially in the sub-graph-level setting, such as the scenario
of recommendation system. The biggest challenge is how to guarantee the privacy
and solve the non independent and identically distributed (non-IID) data in
federated GNN simultaneously. In this paper, we propose DP-FedRec, a DP-based
federated GNN to fill the gap. Private Set Intersection (PSI) is leveraged to
extend the local graph for each client, and thus solve the non-IID problem.
Most importantly, DP is applied not only on the weights but also on the edges
of the intersection graph from PSI to fully protect the privacy of clients. The
evaluation demonstrates DP-FedRec achieves better performance with the graph
extension and DP only introduces little computations overhead."
2613,An Empirical Study of IoT Security Aspects at Sentence-Level in Developer Textual Discussions,"IoT is a rapidly emerging paradigm that now encompasses almost every aspect
of our modern life. As such, ensuring the security of IoT devices is crucial.
IoT devices can differ from traditional computing, thereby the design and
implementation of proper security measures can be challenging in IoT devices.
We observed that IoT developers discuss their security-related challenges in
developer forums like Stack Overflow(SO). However, we find that IoT security
discussions can also be buried inside non-security discussions in SO. In this
paper, we aim to understand the challenges IoT developers face while applying
security practices and techniques to IoT devices. We have two goals: (1)
Develop a model that can automatically find security-related IoT discussions in
SO, and (2) Study the model output to learn about IoT developer
security-related challenges. First, we download 53K posts from SO that contain
discussions about IoT. Second, we manually labeled 5,919 sentences from 53K
posts as 1 or 0. Third, we use this benchmark to investigate a suite of deep
learning transformer models. The best performing model is called SecBot.
Fourth, we apply SecBot on the entire posts and find around 30K security
related sentences. Fifth, we apply topic modeling to the security-related
sentences. Then we label and categorize the topics. Sixth, we analyze the
evolution of the topics in SO. We found that (1) SecBot is based on the
retraining of the deep learning model RoBERTa. SecBot offers the best F1-Score
of 0.935, (2) there are six error categories in misclassified samples by
SecBot. SecBot was mostly wrong when the keywords/contexts were ambiguous
(e.g., gateway can be a security gateway or a simple gateway), (3) there are 9
security topics grouped into three categories: Software, Hardware, and Network,
and (4) the highest number of topics belongs to software security, followed by
network security."
2614,EiX-GNN : Concept-level eigencentrality explainer for graph neural networks,"Explaining is a human knowledge transfer process regarding a phenomenon
between an explainer and an explainee. Each word used to explain this
phenomenon must be carefully selected by the explainer in accordance with the
current explainee phenomenon-related knowledge level and the phenomenon itself
in order to have a high understanding from the explainee of the phenomenon.
Nowadays, deep models, especially graph neural networks, have a major place in
daily life even in critical applications. In such context, those models need to
have a human high interpretability also referred as being explainable, in order
to improve usage trustability of them in sensitive cases. Explaining is also a
human dependent task and methods that explain deep model behavior must include
these social-related concerns for providing profitable and quality
explanations. Current explaining methods often occlude such social aspect for
providing their explanations and only focus on the signal aspect of the
question. In this contribution we propose a reliable social-aware explaining
method suited for graph neural network that includes this social feature as a
modular concept generator and by both leveraging signal and graph domain aspect
thanks to an eigencentrality concept ordering approach. Besides our method
takes into account the human-dependent aspect underlying any explanation
process, we also reach high score regarding state-of-the-art objective metrics
assessing explanation methods for graph neural networks models."
2615,SubStrat: A Subset-Based Strategy for Faster AutoML,"Automated machine learning (AutoML) frameworks have become important tools in
the data scientists' arsenal, as they dramatically reduce the manual work
devoted to the construction of ML pipelines. Such frameworks intelligently
search among millions of possible ML pipelines - typically containing feature
engineering, model selection and hyper parameters tuning steps - and finally
output an optimal pipeline in terms of predictive accuracy. However, when the
dataset is large, each individual configuration takes longer to execute,
therefore the overall AutoML running times become increasingly high. To this
end, we present SubStrat, an AutoML optimization strategy that tackles the data
size, rather than configuration space. It wraps existing AutoML tools, and
instead of executing them directly on the entire dataset, SubStrat uses a
genetic-based algorithm to find a small yet representative data subset which
preserves a particular characteristic of the full data. It then employs the
AutoML tool on the small subset, and finally, it refines the resulted pipeline
by executing a restricted, much shorter, AutoML process on the large dataset.
Our experimental results, performed on two popular AutoML frameworks,
Auto-Sklearn and TPOT, show that SubStrat reduces their running times by 79%
(on average), with less than 2% average loss in the accuracy of the resulted ML
pipeline."
2616,Patch-based image Super Resolution using generalized Gaussian mixture model,"Single Image Super Resolution (SISR) methods aim to recover the clean images
in high resolution from low resolution observations.A family of patch-based
approaches have received considerable attention and development. The minimum
mean square error (MMSE) methodis a powerful image restoration method that uses
a probability model on the patches of images. This paper proposes an algorithm
to learn a jointgeneralized Gaussian mixture model (GGMM) from a pair of the
low resolution patches and the corresponding high resolution patches fromthe
reference data. We then reconstruct the high resolution image based on the MMSE
method. Our numerical evaluations indicate that theMMSE-GGMM method competes
with other state of the art methods."
2617,Recent Advances for Quantum Neural Networks in Generative Learning,"Quantum computers are next-generation devices that hold promise to perform
calculations beyond the reach of classical computers. A leading method towards
achieving this goal is through quantum machine learning, especially quantum
generative learning. Due to the intrinsic probabilistic nature of quantum
mechanics, it is reasonable to postulate that quantum generative learning
models (QGLMs) may surpass their classical counterparts. As such, QGLMs are
receiving growing attention from the quantum physics and computer science
communities, where various QGLMs that can be efficiently implemented on
near-term quantum machines with potential computational advantages are
proposed. In this paper, we review the current progress of QGLMs from the
perspective of machine learning. Particularly, we interpret these QGLMs,
covering quantum circuit born machines, quantum generative adversarial
networks, quantum Boltzmann machines, and quantum autoencoders, as the quantum
extension of classical generative learning models. In this context, we explore
their intrinsic relation and their fundamental differences. We further
summarize the potential applications of QGLMs in both conventional machine
learning tasks and quantum physics. Last, we discuss the challenges and further
research directions for QGLMs."
2618,Universal Speech Enhancement with Score-based Diffusion,"Removing background noise from speech audio has been the subject of
considerable research and effort, especially in recent years due to the rise of
virtual communication and amateur sound recording. Yet background noise is not
the only unpleasant disturbance that can prevent intelligibility: reverb,
clipping, codec artifacts, problematic equalization, limited bandwidth, or
inconsistent loudness are equally disturbing and ubiquitous. In this work, we
propose to consider the task of speech enhancement as a holistic endeavor, and
present a universal speech enhancement system that tackles 55 different
distortions at the same time. Our approach consists of a generative model that
employs score-based diffusion, together with a multi-resolution conditioning
network that performs enhancement with mixture density networks. We show that
this approach significantly outperforms the state of the art in a subjective
test performed by expert listeners. We also show that it achieves competitive
objective scores with just 4-8 diffusion steps, despite not considering any
particular strategy for fast sampling. We hope that both our methodology and
technical contributions encourage researchers and practitioners to adopt a
universal approach to speech enhancement, possibly framing it as a generative
task."
2619,Learning Backward Compatible Embeddings,"Embeddings, low-dimensional vector representation of objects, are fundamental
in building modern machine learning systems. In industrial settings, there is
usually an embedding team that trains an embedding model to solve intended
tasks (e.g., product recommendation). The produced embeddings are then widely
consumed by consumer teams to solve their unintended tasks (e.g., fraud
detection). However, as the embedding model gets updated and retrained to
improve performance on the intended task, the newly-generated embeddings are no
longer compatible with the existing consumer models. This means that historical
versions of the embeddings can never be retired or all consumer teams have to
retrain their models to make them compatible with the latest version of the
embeddings, both of which are extremely costly in practice. Here we study the
problem of embedding version updates and their backward compatibility. We
formalize the problem where the goal is for the embedding team to keep updating
the embedding version, while the consumer teams do not have to retrain their
models. We develop a solution based on learning backward compatible embeddings,
which allows the embedding model version to be updated frequently, while also
allowing the latest version of the embedding to be quickly transformed into any
backward compatible historical version of it, so that consumer teams do not
have to retrain their models. Under our framework, we explore six methods and
systematically evaluate them on a real-world recommender system application. We
show that the best method, which we call BC-Aligner, maintains backward
compatibility with existing unintended tasks even after multiple model version
updates. Simultaneously, BC-Aligner achieves the intended task performance
similar to the embedding model that is solely optimized for the intended task."
2620,Intelligent Circuit Design and Implementation with Machine Learning,"The stagnation of EDA technologies roots from insufficient knowledge reuse.
In practice, very similar simulation or optimization results may need to be
repeatedly constructed from scratch. This motivates my research on introducing
more 'intelligence' to EDA with machine learning (ML), which explores complex
correlations in design flows based on prior data. Besides design time, I also
propose ML solutions to boost IC performance by assisting the circuit
management at runtime. In this dissertation, I present multiple fast yet
accurate ML models covering a wide range of chip design stages from the
register-transfer level (RTL) to sign-off, solving primary chip-design problems
about power, timing, interconnect, IR drop, routability, and design flow
tuning. Targeting the RTL stage, I present APOLLO, a fully automated power
modeling framework. It constructs an accurate per-cycle power model by
extracting the most power-correlated signals. The model can be further
implemented on chip for runtime power management with unprecedented low
hardware costs. Targeting gate-level netlist, I present Net2 for early
estimations on post-placement wirelength. It further enables more accurate
timing analysis without actual physical design information. Targeting circuit
layout, I present RouteNet for early routability prediction. As the first deep
learning-based routability estimator, some feature-extraction and model-design
principles proposed in it are widely adopted by later works. I also present
PowerNet for fast IR drop estimation. It captures spatial and temporal
information about power distribution with a customized CNN architecture. Last,
besides targeting a single design step, I present FIST to efficiently tune
design flow parameters during both logic synthesis and physical design."
2621,How Far I'll Go: Offline Goal-Conditioned Reinforcement Learning via $f$-Advantage Regression,"Offline goal-conditioned reinforcement learning (GCRL) promises
general-purpose skill learning in the form of reaching diverse goals from
purely offline datasets. We propose $\textbf{Go}$al-conditioned
$f$-$\textbf{A}$dvantage $\textbf{R}$egression (GoFAR), a novel
regression-based offline GCRL algorithm derived from a state-occupancy matching
perspective; the key intuition is that the goal-reaching task can be formulated
as a state-occupancy matching problem between a dynamics-abiding imitator agent
and an expert agent that directly teleports to the goal. In contrast to prior
approaches, GoFAR does not require any hindsight relabeling and enjoys
uninterleaved optimization for its value and policy networks. These distinct
features confer GoFAR with much better offline performance and stability as
well as statistical performance guarantee that is unattainable for prior
methods. Furthermore, we demonstrate that GoFAR's training objectives can be
re-purposed to learn an agent-independent goal-conditioned planner from purely
offline source-domain data, which enables zero-shot transfer to new target
domains. Through extensive experiments, we validate GoFAR's effectiveness in
various problem settings and tasks, significantly outperforming prior
state-of-art. Notably, on a real robotic dexterous manipulation task, while no
other method makes meaningful progress, GoFAR acquires complex manipulation
behavior that successfully accomplishes diverse goals."
2622,Adaptive Weighted Nonnegative Matrix Factorization for Robust Feature Representation,"Nonnegative matrix factorization (NMF) has been widely used to dimensionality
reduction in machine learning. However, the traditional NMF does not properly
handle outliers, so that it is sensitive to noise. In order to improve the
robustness of NMF, this paper proposes an adaptive weighted NMF, which
introduces weights to emphasize the different importance of each data point,
thus the algorithmic sensitivity to noisy data is decreased. It is very
different from the existing robust NMFs that use a slow growth similarity
measure. Specifically, two strategies are proposed to achieve this: fuzzier
weighted technique and entropy weighted regularized technique, and both of them
lead to an iterative solution with a simple form. Experimental results showed
that new methods have more robust feature representation on several real
datasets with noise than exsiting methods."
2623,The Survival Bandit Problem,"We study the survival bandit problem, a variant of the multi-armed bandit
problem introduced in an open problem by Perotto et al. (2019), with a
constraint on the cumulative reward; at each time step, the agent receives a
(possibly negative) reward and if the cumulative reward becomes lower than a
prespecified threshold, the procedure stops, and this phenomenon is called
ruin. This is the first paper studying a framework where the ruin might occur
but not always. We first discuss that a sublinear regret is unachievable under
a naive definition of the regret. Next, we provide tight lower bounds on the
probability of ruin (as well as matching policies). Based on this lower bound,
we define the survival regret as an objective to minimize and provide a policy
achieving a sublinear survival regret (at least in the case of integral
rewards) when the time horizon $T$ is known."
2624,Self-Knowledge Distillation based Self-Supervised Learning for Covid-19 Detection from Chest X-Ray Images,"The global outbreak of the Coronavirus 2019 (COVID-19) has overloaded
worldwide healthcare systems. Computer-aided diagnosis for COVID-19 fast
detection and patient triage is becoming critical. This paper proposes a novel
self-knowledge distillation based self-supervised learning method for COVID-19
detection from chest X-ray images. Our method can use self-knowledge of images
based on similarities of their visual features for self-supervised learning.
Experimental results show that our method achieved an HM score of 0.988, an AUC
of 0.999, and an accuracy of 0.957 on the largest open COVID-19 chest X-ray
dataset."
2625,Histogram Estimation under User-level Privacy with Heterogeneous Data,"We study the problem of histogram estimation under user-level differential
privacy, where the goal is to preserve the privacy of all entries of any single
user. While there is abundant literature on this classical problem under the
item-level privacy setup where each user contributes only one data point,
little has been known for the user-level counterpart. We consider the
heterogeneous scenario where both the quantity and distribution of data can be
different for each user. We propose an algorithm based on a clipping strategy
that almost achieves a two-approximation with respect to the best clipping
threshold in hindsight. This result holds without any distribution assumptions
on the data. We also prove that the clipping bias can be significantly reduced
when the counts are from non-i.i.d. Poisson distributions and show empirically
that our debiasing method provides improvements even without such constraints.
Experiments on both real and synthetic datasets verify our theoretical findings
and demonstrate the effectiveness of our algorithms."
2626,Driving in Real Life with Inverse Reinforcement Learning,"In this paper, we introduce the first learning-based planner to drive a car
in dense, urban traffic using Inverse Reinforcement Learning (IRL). Our
planner, DriveIRL, generates a diverse set of trajectory proposals, filters
these trajectories with a lightweight and interpretable safety filter, and then
uses a learned model to score each remaining trajectory. The best trajectory is
then tracked by the low-level controller of our self-driving vehicle. We train
our trajectory scoring model on a 500+ hour real-world dataset of expert
driving demonstrations in Las Vegas within the maximum entropy IRL framework.
DriveIRL's benefits include: a simple design due to only learning the
trajectory scoring function, relatively interpretable features, and strong
real-world performance. We validated DriveIRL on the Las Vegas Strip and
demonstrated fully autonomous driving in heavy traffic, including scenarios
involving cut-ins, abrupt braking by the lead vehicle, and hotel pickup/dropoff
zones. Our dataset will be made public to help further research in this area."
2627,Distributionally Invariant Learning: Rationalization and Practical Algorithms,"The invariance property across environments is at the heart of invariant
learning methods for the Out-of-Distribution (OOD) Generalization problem.
Although intuitively reasonable, strong assumptions on the availability and
quality of environments have to be made for the learnability of the strict
invariance property. Recently, to relax the requirements for environments
empirically, some works propose to learn pseudo-environments for invariant
learning. However, it could be misleading when pursuing strict invariance under
latent heterogeneity, since the underlying invariance could have been violated
during the pseudo-environment learning procedure. To this end, we come up with
the distributional invariance property as a relaxed alternative to the strict
invariance, which considers the invariance only among sub-populations down to a
prescribed scale and allows a certain degree of variation. We reformulate the
invariant learning problem under latent heterogeneity into a relaxed form that
pursues the distributional invariance, based on which we propose our novel
Distributionally Invariant Learning (DIL) framework as well as two
implementations named DIL-MMD and DIL-KL. Theoretically, we provide the
guarantees for the distributional invariance as well as bounds of the
generalization error gap. Extensive experimental results validate the
effectiveness of our proposed algorithms."
2628,DynaMaR: Dynamic Prompt with Mask Token Representation,"Recent research has shown that large language models pretrained using
unsupervised approaches can achieve significant performance improvement on many
downstream tasks. Typically when adapting these language models to downstream
tasks, like a classification or regression task, we employ a fine-tuning
paradigm in which the sentence representation from the language model is input
to a task-specific head; the model is then fine-tuned end-to-end. However, with
the emergence of models like GPT-3, prompt-based fine-tuning has been proven to
be a successful approach for few-shot tasks. Inspired by this work, we study
discrete prompt technologies in practice. There are two issues that arise with
the standard prompt approach. First, it can overfit on the prompt template.
Second, it requires manual effort to formulate the downstream task as a
language model problem. In this paper, we propose an improvement to
prompt-based fine-tuning that addresses these two issues. We refer to our
approach as DynaMaR -- Dynamic Prompt with Mask Token Representation. Results
show that DynaMaR can achieve an average improvement of 10% in few-shot
settings and improvement of 3.7% in data-rich settings over the standard
fine-tuning approach on four e-commerce applications."
2629,DETR++: Taming Your Multi-Scale Detection Transformer,"Convolutional Neural Networks (CNN) have dominated the field of detection
ever since the success of AlexNet in ImageNet classification [12]. With the
sweeping reform of Transformers [27] in natural language processing, Carion et
al. [2] introduce the Transformer-based detection method, i.e., DETR. However,
due to the quadratic complexity in the self-attention mechanism in the
Transformer, DETR is never able to incorporate multi-scale features as
performed in existing CNN-based detectors, leading to inferior results in small
object detection. To mitigate this issue and further improve performance of
DETR, in this work, we investigate different methods to incorporate multi-scale
features and find that a Bi-directional Feature Pyramid (BiFPN) works best with
DETR in further raising the detection precision. With this discovery, we
propose DETR++, a new architecture that improves detection results by 1.9% AP
on MS COCO 2017, 11.5% AP on RICO icon detection, and 9.1% AP on RICO layout
extraction over existing baselines."
2630,Recall Distortion in Neural Network Pruning and the Undecayed Pruning Algorithm,"Pruning techniques have been successfully used in neural networks to trade
accuracy for sparsity. However, the impact of network pruning is not uniform:
prior work has shown that the recall for underrepresented classes in a dataset
may be more negatively affected. In this work, we study such relative
distortions in recall by hypothesizing an intensification effect that is
inherent to the model. Namely, that pruning makes recall relatively worse for a
class with recall below accuracy and, conversely, that it makes recall
relatively better for a class with recall above accuracy. In addition, we
propose a new pruning algorithm aimed at attenuating such effect. Through
statistical analysis, we have observed that intensification is less severe with
our algorithm but nevertheless more pronounced with relatively more difficult
tasks, less complex models, and higher pruning ratios. More surprisingly, we
conversely observe a de-intensification effect with lower pruning ratios."
2631,Decomposed Linear Dynamical Systems (dLDS) for learning the latent components of neural dynamics,"Learning interpretable representations of neural dynamics at a population
level is a crucial first step to understanding how neural activity relates to
perception and behavior. Models of neural dynamics often focus on either
low-dimensional projections of neural activity, or on learning dynamical
systems that explicitly relate to the neural state over time. We discuss how
these two approaches are interrelated by considering dynamical systems as
representative of flows on a low-dimensional manifold. Building on this
concept, we propose a new decomposed dynamical system model that represents
complex non-stationary and nonlinear dynamics of time-series data as a sparse
combination of simpler, more interpretable components. The decomposed nature of
the dynamics generalizes over previous switched approaches and enables modeling
of overlapping and non-stationary drifts in the dynamics. We further present a
dictionary learning-driven approach to model fitting, where we leverage recent
results in tracking sparse vectors over time. We demonstrate that our model can
learn efficient representations and smooth transitions between dynamical modes
in both continuous-time and discrete-time examples. We show results on
low-dimensional linear and nonlinear attractors to demonstrate that our
decomposed dynamical systems model can well approximate nonlinear dynamics.
Additionally, we apply our model to C. elegans data, illustrating a diversity
of dynamics that is obscured when classified into discrete states."
2632,A Simple and Optimal Policy Design with Safety against Heavy-tailed Risk for Multi-armed Bandits,"We design new policies that ensure both worst-case optimality for expected
regret and light-tailed risk for regret distribution in the stochastic
multi-armed bandit problem. Recently, arXiv:2109.13595 showed that
information-theoretically optimized bandit algorithms suffer from some serious
heavy-tailed risk; that is, the worst-case probability of incurring a linear
regret slowly decays at a polynomial rate of $1/T$, as $T$ (the time horizon)
increases. Inspired by their results, we further show that widely used policies
(e.g., Upper Confidence Bound, Thompson Sampling) also incur heavy-tailed risk;
and this heavy-tailed risk actually exists for all ""instance-dependent
consistent"" policies. With the aim to ensure safety against such heavy-tailed
risk, starting from the two-armed bandit setting, we provide a simple policy
design that (i) has the worst-case optimality for the expected regret at order
$\tilde O(\sqrt{T})$ and (ii) has the worst-case tail probability of incurring
a linear regret decay at an optimal exponential rate $\exp(-\Omega(\sqrt{T}))$.
Next, we improve the policy design and analysis to the general $K$-armed bandit
setting. We provide explicit tail probability bound for any regret threshold
under our policy design. Specifically, the worst-case probability of incurring
a regret larger than $x$ is upper bounded by $\exp(-\Omega(x/\sqrt{KT}))$. We
also enhance the policy design to accommodate the ""any-time"" setting where $T$
is not known a priori, and prove equivalently desired policy performances as
compared to the ""fixed-time"" setting with known $T$. A brief account of
numerical experiments is conducted to illustrate the theoretical findings. Our
results reveal insights on the incompatibility between consistency and
light-tailed risk, whereas indicate that worst-case optimality on expected
regret and light-tailed risk on regret distribution are compatible."
2633,Improving Knowledge Graph Embedding via Iterative Self-Semantic Knowledge Distillation,"Knowledge graph embedding (KGE) has been intensively investigated for link
prediction by projecting entities and relations into continuous vector spaces.
Current popular high-dimensional KGE methods obtain quite slight performance
gains while require enormous computation and memory costs. In contrast to
high-dimensional KGE models, training low-dimensional models is more efficient
and worthwhile for better deployments to practical intelligent systems.
However, the model expressiveness of semantic information in knowledge graphs
(KGs) is highly limited in the low dimension parameter space. In this paper, we
propose iterative self-semantic knowledge distillation strategy to improve the
KGE model expressiveness in the low dimension space. KGE model combined with
our proposed strategy plays the teacher and student roles alternatively during
the whole training process. Specifically, at a certain iteration, the model is
regarded as a teacher to provide semantic information for the student. At next
iteration, the model is regard as a student to incorporate the semantic
information transferred from the teacher. We also design a novel semantic
extraction block to extract iteration-based semantic information for the
training model self-distillation. Iteratively incorporating and accumulating
iteration-based semantic information enables the low-dimensional model to be
more expressive for better link prediction in KGs. There is only one model
during the whole training, which alleviates the increase of computational
expensiveness and memory requirements. Furthermore, the proposed strategy is
model-agnostic and can be seamlessly combined with other KGE models. Consistent
and significant performance gains in experimental evaluations on four standard
datasets demonstrate the effectiveness of the proposed self-distillation
strategy."
2634,Confounder Analysis in Measuring Representation in Product Funnels,"This paper discusses an application of Shapley values in the causal inference
field, specifically on how to select the top confounder variables for coarsened
exact matching method in a scalable way. We use a dataset from an observational
experiment involving LinkedIn members as a use case to test its applicability,
and show that Shapley values are highly informational and can be leveraged for
its robust importance-ranking capability."
2635,Beyond Faithfulness: A Framework to Characterize and Compare Saliency Methods,"Saliency methods calculate how important each input feature is to a machine
learning model's prediction, and are commonly used to understand model
reasoning. ""Faithfulness"", or how fully and accurately the saliency output
reflects the underlying model, is an oft-cited desideratum for these methods.
However, explanation methods must necessarily sacrifice certain information in
service of user-oriented goals such as simplicity. To that end, and akin to
performance metrics, we frame saliency methods as abstractions: individual
tools that provide insight into specific aspects of model behavior and entail
tradeoffs. Using this framing, we describe a framework of nine dimensions to
characterize and compare the properties of saliency methods. We group these
dimensions into three categories that map to different phases of the
interpretation process: methodology, or how the saliency is calculated;
sensitivity, or relationships between the saliency result and the underlying
model or input; and, perceptibility, or how a user interprets the result. As we
show, these dimensions give us a granular vocabulary for describing and
comparing saliency methods -- for instance, allowing us to develop ""saliency
cards"" as a form of documentation, or helping downstream users understand
tradeoffs and choose a method for a particular use case. Moreover, by situating
existing saliency methods within this framework, we identify opportunities for
future work, including filling gaps in the landscape and developing new
evaluation metrics."
2636,GRETEL: A unified framework for Graph Counterfactual Explanation Evaluation,"Machine Learning (ML) systems are a building part of the modern tools which
impact our daily life in several application domains. Due to their black-box
nature, those systems are hardly adopted in application domains (e.g. health,
finance) where understanding the decision process is of paramount importance.
Explanation methods were developed to explain how the ML model has taken a
specific decision for a given case/instance. Graph Counterfactual Explanations
(GCE) is one of the explanation techniques adopted in the Graph Learning
domain. The existing works of Graph Counterfactual Explanations diverge mostly
in the problem definition, application domain, test data, and evaluation
metrics, and most existing works do not compare exhaustively against other
counterfactual explanation techniques present in the literature. We present
GRETEL, a unified framework to develop and test GCE methods in several
settings. GRETEL is a highly extensible evaluation framework which promotes the
Open Science and the evaluations reproducibility by providing a set of
well-defined mechanisms to integrate and manage easily: both real and synthetic
datasets, ML models, state-of-the-art explanation techniques, and evaluation
measures. To present GRETEL, we show the experiments conducted to integrate and
test several synthetic and real datasets with several existing explanation
techniques and base ML models."
2637,Learning to Efficiently Propagate for Reasoning on Knowledge Graphs,"Path-based methods are more appealing solutions than embedding methods for
knowledge graph reasoning, due to their interpretability and generalization
ability to unseen graphs. However, path-based methods usually suffer from the
problem of scalability, as the time complexity grows exponentially w.r.t. the
length of paths. While recent methods compute reasoning paths with the
Bellman-Ford algorithm in polynomial time, the time and memory cost remains
very high, as they need to propagate through all the nodes and edges in the
graph. In this paper, we propose A*Net, an efficient model for path-based
reasoning on knowledge graphs. Inspired by the classical A* algorithm for
shortest path problems, our A*Net prioritizes important nodes and edges at each
propagation step, to reduce the time and memory footprint. Unlike the classical
A* algorithm that uses a heuristic function, we propose to learn the priority
function for each node to capture the complex semantics in knowledge graphs.
The priority function and the propagation steps are jointly optimized through
backpropagation. Experiments on both transductive and inductive knowledge graph
reasoning benchmarks show that A*Net achieves competitive performance with
existing state-of-the-art path-based methods, and meanwhile reduces the number
of messages, the time and the memory cost up to 7.2$\times$, 3.4$\times$ and
4.9$\times$ respectively."
2638,Robust Time Series Dissimilarity Measure for Outlier Detection and Periodicity Detection,"Dynamic time warping (DTW) is an effective dissimilarity measure in many time
series applications. Despite its popularity, it is prone to noises and
outliers, which leads to singularity problem and bias in the measurement. The
time complexity of DTW is quadratic to the length of time series, making it
inapplicable in real-time applications. In this paper, we propose a novel time
series dissimilarity measure named RobustDTW to reduce the effects of noises
and outliers. Specifically, the RobustDTW estimates the trend and optimizes the
time warp in an alternating manner by utilizing our designed temporal graph
trend filtering. To improve efficiency, we propose a multi-level framework that
estimates the trend and the warp function at a lower resolution, and then
repeatedly refines them at a higher resolution. Based on the proposed
RobustDTW, we further extend it to periodicity detection and outlier time
series detection. Experiments on real-world datasets demonstrate the superior
performance of RobustDTW compared to DTW variants in both outlier time series
detection and periodicity detection."
2639,Sampling without Replacement Leads to Faster Rates in Finite-Sum Minimax Optimization,"We analyze the convergence rates of stochastic gradient algorithms for smooth
finite-sum minimax optimization and show that, for many such algorithms,
sampling the data points without replacement leads to faster convergence
compared to sampling with replacement. For the smooth and strongly
convex-strongly concave setting, we consider gradient descent ascent and the
proximal point method, and present a unified analysis of two popular
without-replacement sampling strategies, namely Random Reshuffling (RR), which
shuffles the data every epoch, and Single Shuffling or Shuffle Once (SO), which
shuffles only at the beginning. We obtain tight convergence rates for RR and SO
and demonstrate that these strategies lead to faster convergence than uniform
sampling. Moving beyond convexity, we obtain similar results for smooth
nonconvex-nonconcave objectives satisfying a two-sided Polyak-{\L}ojasiewicz
inequality. Finally, we demonstrate that our techniques are general enough to
analyze the effect of data-ordering attacks, where an adversary manipulates the
order in which data points are supplied to the optimizer. Our analysis also
recovers tight rates for the incremental gradient method, where the data points
are not shuffled at all."
2640,On the Convergence of Optimizing Persistent-Homology-Based Losses,"Topological loss based on persistent homology has shown promise in various
applications. A topological loss enforces the model to achieve certain desired
topological property. Despite its empirical success, less is known about the
optimization behavior of the loss. In fact, the topological loss involves
combinatorial configurations that may oscillate during optimization. In this
paper, we introduce a general purpose regularized topology-aware loss. We
propose a novel regularization term and also modify existing topological loss.
These contributions lead to a new loss function that not only enforces the
model to have desired topological behavior, but also achieves satisfying
convergence behavior. Our main theoretical result guarantees that the loss can
be optimized efficiently, under mild assumptions."
2641,Predicting Electricity Infrastructure Induced Wildfire Risk in California,"This paper examines the use of risk models to predict the timing and location
of wildfires caused by electricity infrastructure. Our data include historical
ignition and wire-down points triggered by grid infrastructure collected
between 2015 to 2019 in Pacific Gas & Electricity territory along with various
weather, vegetation, and very high resolution data on grid infrastructure
including location, age, materials. With these data we explore a range of
machine learning methods and strategies to manage training data imbalance. The
best area under the receiver operating characteristic we obtain is 0.776 for
distribution feeder ignitions and 0.824 for transmission line wire-down events,
both using the histogram-based gradient boosting tree algorithm (HGB) with
under-sampling. We then use these models to identify which information provides
the most predictive value. After line length, we find that weather and
vegetation features dominate the list of top important features for ignition or
wire-down risk. Distribution ignition models show more dependence on
slow-varying vegetation variables such as burn index, energy release content,
and tree height, whereas transmission wire-down models rely more on primary
weather variables such as wind speed and precipitation. These results point to
the importance of improved vegetation modeling for feeder ignition risk models,
and improved weather forecasting for transmission wire-down models. We observe
that infrastructure features make small but meaningful improvements to risk
model predictive power."
2642,Neuro-Symbolic Causal Language Planning with Commonsense Prompting,"Language planning aims to implement complex high-level goals by decomposition
into sequential simpler low-level steps. Such procedural reasoning ability is
essential for applications such as household robots and virtual assistants.
Although language planning is a basic skill set for humans in daily life, it
remains a challenge for large language models (LLMs) that lack deep-level
commonsense knowledge in the real world. Previous methods require either manual
exemplars or annotated programs to acquire such ability from LLMs. In contrast,
this paper proposes Neuro-Symbolic Causal Language Planner (CLAP) that elicits
procedural knowledge from the LLMs with commonsense-infused prompting.
Pre-trained knowledge in LLMs is essentially an unobserved confounder that
causes spurious correlations between tasks and action plans. Through the lens
of a Structural Causal Model (SCM), we propose an effective strategy in CLAP to
construct prompts as a causal intervention toward our SCM. Using graph sampling
techniques and symbolic program executors, our strategy formalizes the
structured causal prompts from commonsense knowledge bases. CLAP obtains
state-of-the-art performance on WikiHow and RobotHow, achieving a relative
improvement of 5.28% in human evaluations under the counterfactual setting.
This indicates the superiority of CLAP in causal language planning semantically
and sequentially."
2643,Spectral Bias Outside the Training Set for Deep Networks in the Kernel Regime,"We provide quantitative bounds measuring the $L^2$ difference in function
space between the trajectory of a finite-width network trained on finitely many
samples from the idealized kernel dynamics of infinite width and infinite data.
An implication of the bounds is that the network is biased to learn the top
eigenfunctions of the Neural Tangent Kernel not just on the training set but
over the entire input space. This bias depends on the model architecture and
input distribution alone and thus does not depend on the target function which
does not need to be in the RKHS of the kernel. The result is valid for deep
architectures with fully connected, convolutional, and residual layers.
Furthermore the width does not need to grow polynomially with the number of
samples in order to obtain high probability bounds up to a stopping time. The
proof exploits the low-effective-rank property of the Fisher Information Matrix
at initialization, which implies a low effective dimension of the model (far
smaller than the number of parameters). We conclude that local capacity control
from the low effective rank of the Fisher Information Matrix is still
underexplored theoretically."
2644,Tight basis cycle representatives for persistent homology of large data sets,"Persistent homology (PH) is a popular tool for topological data analysis that
has found applications across diverse areas of research. It provides a rigorous
method to compute robust topological features in discrete experimental
observations that often contain various sources of uncertainties. Although
powerful in theory, PH suffers from high computation cost that precludes its
application to large data sets. Additionally, most analyses using PH are
limited to computing the existence of nontrivial features. Precise localization
of these features is not generally attempted because, by definition, localized
representations are not unique and because of even higher computation cost. For
scientific applications, such a precise location is a sine qua non for
determining functional significance. Here, we provide a strategy and algorithms
to compute tight representative boundaries around nontrivial robust features in
large data sets. To showcase the efficiency of our algorithms and the precision
of computed boundaries, we analyze three data sets from different scientific
fields. In the human genome, we found an unexpected effect on loops through
chromosome 13 and the sex chromosomes, upon impairment of chromatin loop
formation. In a distribution of galaxies in the universe, we found
statistically significant voids. In protein homologs with significantly
different topology, we found voids attributable to ligand-interaction,
mutation, and differences between species."
2645,Stable and memory-efficient image recovery using monotone operator learning (MOL),"We introduce a monotone deep equilibrium learning framework for large-scale
inverse problems in imaging. The proposed algorithm relies on forward-backward
splitting, where each iteration consists of a gradient descent involving the
score function and a conjugate gradient algorithm to encourage data
consistency. The score function is modeled as a monotone convolutional neural
network. The use of a monotone operator offers several benefits, including
guaranteed convergence, uniqueness of fixed point, and robustness to input
perturbations, similar to the use of convex priors in compressive sensing. In
addition, the proposed formulation is significantly more memory-efficient than
unrolled methods, which allows us to apply it to 3D problems that current
unrolled algorithms cannot handle. Experiments show that the proposed scheme
can offer improved performance in 3D settings while being stable in the
presence of input perturbations."
2646,Schema-Guided Event Graph Completion,"We tackle a new task, event graph completion, which aims to predict missing
event nodes for event graphs. Existing link prediction or graph completion
methods have difficulty dealing with event graphs because they are usually
designed for a single large graph such as a social network or a knowledge
graph, rather than multiple small dynamic event graphs. Moreover, they can only
predict missing edges rather than missing nodes. In this work, we propose to
utilize event schema, a template that describes the stereotypical structure of
event graphs, to address the above issues. Our schema-guided event graph
completion approach first maps an instance event graph to a subgraph of the
schema graph by a heuristic subgraph matching algorithm. Then it predicts
whether a candidate event node in the schema graph should be added to the
instantiated schema subgraph by characterizing two types of local topology of
the schema graph: neighbors of the candidate node and the subgraph, and paths
that connect the candidate node and the subgraph. These two modules are later
combined together for the final prediction. We also propose a self-supervised
strategy to construct training samples, as well as an inference algorithm that
is specifically designed to complete event graphs. Extensive experimental
results on four datasets demonstrate that our proposed method achieves
state-of-the-art performance, with 4.3% to 19.4% absolute F1 gains over the
best baseline method on the four datasets."
2647,Remember the Past: Distilling Datasets into Addressable Memories for Neural Networks,"We propose an algorithm that compresses the critical information of a large
dataset into compact addressable memories. These memories can then be recalled
to quickly re-train a neural network and recover the performance (instead of
storing and re-training on the full original dataset).
Building upon the dataset distillation framework, we make a key observation
that a shared common representation allows for more efficient and effective
distillation. Concretely, we learn a set of bases (aka ""memories"") which are
shared between classes and combined through learned flexible addressing
functions to generate a diverse set of training examples. This leads to several
benefits: 1) the size of compressed data does not necessarily grow linearly
with the number of classes; 2) an overall higher compression rate with more
effective distillation is achieved; and 3) more generalized queries are allowed
beyond recalling the original classes.
We demonstrate state-of-the-art results on the dataset distillation task
across five benchmarks, including up to 16.5% and 9.7% in retained accuracy
improvement when distilling CIFAR10 and CIFAR100 respectively. We then leverage
our framework to perform continual learning, achieving state-of-the-art results
on four benchmarks, with 23.2% accuracy improvement on MANY."
2648,Training Subset Selection for Weak Supervision,"Existing weak supervision approaches use all the data covered by weak signals
to train a classifier. We show both theoretically and empirically that this is
not always optimal. Intuitively, there is a tradeoff between the amount of
weakly-labeled data and the precision of the weak labels. We explore this
tradeoff by combining pretrained data representations with the cut statistic
(Muhlenbach et al., 2004) to select (hopefully) high-quality subsets of the
weakly-labeled training data. Subset selection applies to any label model and
classifier and is very simple to plug in to existing weak supervision
pipelines, requiring just a few lines of code. We show our subset selection
method improves the performance of weak supervision for a wide range of label
models, classifiers, and datasets. Using less weakly-labeled data improves the
accuracy of weak supervision pipelines by up to 19% (absolute) on benchmark
tasks."
2649,8-bit Numerical Formats for Deep Neural Networks,"Given the current trend of increasing size and complexity of machine learning
architectures, it has become of critical importance to identify new approaches
to improve the computational efficiency of model training. In this context, we
address the advantages of floating-point over fixed-point representation, and
present an in-depth study on the use of 8-bit floating-point number formats for
activations, weights, and gradients for both training and inference. We explore
the effect of different bit-widths for exponents and significands and different
exponent biases. The experimental results demonstrate that a suitable choice of
these low-precision formats enables faster training and reduced power
consumption without any degradation in accuracy for a range of deep learning
models for image classification and language processing."
2650,Boundary informed inverse PDE problems on discrete Riemann surfaces,"We employ neural networks to tackle inverse partial differential equations on
discretized Riemann surfaces with boundary. To this end, we introduce the
concept of a graph with boundary which models these surfaces in a natural way.
Our method uses a message passing technique to keep track of an unknown
differential operator while using neural ODE solvers through the method of
lines to capture the evolution in time. As training data, we use noisy and
incomplete observations of sheaves on graphs at various timestamps. The novelty
of this approach is in working with manifolds with nontrivial topology and
utilizing the data on the graph boundary through a teacher forcing technique.
Despite the increasing interest in learning dynamical systems from finite
observations, many current methods are limited in two general ways: first, they
work with topologically trivial spaces, and second, they fail to handle the
boundary data on the ground space in a systematic way. The present work is an
attempt at addressing these limitations. We run experiments with synthetic data
of linear and nonlinear diffusion systems on orientable surfaces with positive
genus and boundary, and moreover, provide evidences for improvements upon the
existing paradigms."
2651,"Self-supervised Learning for Human Activity Recognition Using 700,000 Person-days of Wearable Data","Advances in deep learning for human activity recognition have been relatively
limited due to the lack of large labelled datasets. In this study, we leverage
self-supervised learning techniques on the UK-Biobank activity tracker
dataset--the largest of its kind to date--containing more than 700,000
person-days of unlabelled wearable sensor data. Our resulting activity
recognition model consistently outperformed strong baselines across seven
benchmark datasets, with an F1 relative improvement of 2.5%-100% (median
18.4%), the largest improvements occurring in the smaller datasets. In contrast
to previous studies, our results generalise across external datasets, devices,
and environments. Our open-source model will help researchers and developers to
build customisable and generalisable activity classifiers with high
performance."
2652,Goal-Space Planning with Subgoal Models,"This paper investigates a new approach to model-based reinforcement learning
using background planning: mixing (approximate) dynamic programming updates and
model-free updates, similar to the Dyna architecture. Background planning with
learned models is often worse than model-free alternatives, such as Double DQN,
even though the former uses significantly more memory and computation. The
fundamental problem is that learned models can be inaccurate and often generate
invalid states, especially when iterated many steps. In this paper, we avoid
this limitation by constraining background planning to a set of (abstract)
subgoals and learning only local, subgoal-conditioned models. This goal-space
planning (GSP) approach is more computationally efficient, naturally
incorporates temporal abstraction for faster long-horizon planning and avoids
learning the transition dynamics entirely. We show that our GSP algorithm can
learn significantly faster than a Double DQN baseline in a variety of
situations."
2653,"Distributive Justice as the Foundational Premise of Fair ML: Unification, Extension, and Interpretation of Group Fairness Metrics","Group fairness metrics are an established way of assessing the fairness of
prediction-based decision-making systems. However, these metrics are still
insufficiently linked to philosophical theories, and their moral meaning is
often unclear. We propose a general framework for analyzing the fairness of
decision systems based on theories of distributive justice, encompassing
different established ""patterns of justice"" that correspond to different
normative positions. We show that the most popular group fairness metrics can
be interpreted as special cases of our approach. Thus, we provide a unifying
and interpretative framework for group fairness metrics that reveals the
normative choices associated with each of them and that allows understanding
their moral substance. At the same time, we provide an extension of the space
of possible fairness metrics beyond the ones currently discussed in the fair ML
literature. Our framework also allows overcoming several limitations of group
fairness metrics that have been criticized in the literature, most notably (1)
that they are parity-based, i.e., that they demand some form of equality
between groups, which may sometimes be harmful to marginalized groups, (2) that
they only compare decisions across groups, but not the resulting consequences
for these groups, and (3) that the full breadth of the distributive justice
literature is not sufficiently represented."
2654,A Justice-Based Framework for the Analysis of Algorithmic Fairness-Utility Trade-Offs,"In prediction-based decision-making systems, different perspectives can be at
odds: The short-term business goals of the decision makers are often in
conflict with the decision subjects' wish to be treated fairly. Balancing these
two perspectives is a question of values. We provide a framework to make these
value-laden choices clearly visible. For this, we assume that we are given a
trained model and want to find decision rules that balance the perspective of
the decision maker and of the decision subjects. We provide an approach to
formalize both perspectives, i.e., to assess the utility of the decision maker
and the fairness towards the decision subjects. In both cases, the idea is to
elicit values from decision makers and decision subjects that are then turned
into something measurable. For the fairness evaluation, we build on the
literature on welfare-based fairness and ask what a fair distribution of
utility (or welfare) looks like. In this step, we build on well-known theories
of distributive justice. This allows us to derive a fairness score that we then
compare to the decision maker's utility for many different decision rules. This
way, we provide an approach for balancing the utility of the decision maker and
the fairness towards the decision subjects for a prediction-based
decision-making system."
2655,Conditional Seq2Seq model for the time-dependent two-level system,"We apply the deep learning neural network architecture to the two-level
system in quantum optics to solve the time-dependent Schrodinger equation. By
carefully designing the network structure and tuning parameters, above 90
percent accuracy in super long-term predictions can be achieved in the case of
random electric fields, which indicates a promising new method to solve the
time-dependent equation for two-level systems. By slightly modifying this
network, we think that this method can solve the two- or three-dimensional
time-dependent Schrodinger equation more efficiently than traditional
approaches."
2656,Sample Complexity of Nonparametric Off-Policy Evaluation on Low-Dimensional Manifolds using Deep Networks,"We consider the off-policy evaluation problem of reinforcement learning using
deep neural networks. We analyze the deep fitted Q-evaluation method for
estimating the expected cumulative reward of a target policy, when the data are
generated from an unknown behavior policy. We show that, by choosing network
size appropriately, one can leverage the low-dimensional manifold structure in
the Markov decision process and obtain a sample-efficient estimator without
suffering from the curse of high representation dimensionality. Specifically,
we establish a sharp error bound for the fitted Q-evaluation that depends on
the intrinsic low dimension, the smoothness of the state-action space, and a
function class-restricted $\chi^2$-divergence. It is noteworthy that the
restricted $\chi^2$-divergence measures the behavior and target policies' {\it
mismatch in the function space}, which can be small even if the two policies
are not close to each other in their tabular forms. Numerical experiments are
provided to support our theoretical analysis."
2657,Graph Rationalization with Environment-based Augmentations,"Rationale is defined as a subset of input features that best explains or
supports the prediction by machine learning models. Rationale identification
has improved the generalizability and interpretability of neural networks on
vision and language data. In graph applications such as molecule and polymer
property prediction, identifying representative subgraph structures named as
graph rationales plays an essential role in the performance of graph neural
networks. Existing graph pooling and/or distribution intervention methods
suffer from lack of examples to learn to identify optimal graph rationales. In
this work, we introduce a new augmentation operation called environment
replacement that automatically creates virtual data examples to improve
rationale identification. We propose an efficient framework that performs
rationale-environment separation and representation learning on the real and
augmented examples in latent spaces to avoid the high complexity of explicit
graph decoding and encoding. Comparing against recent techniques, experiments
on seven molecular and four polymer real datasets demonstrate the effectiveness
and efficiency of the proposed augmentation-based graph rationalization
framework."
2658,A Human-Centric Take on Model Monitoring,"Predictive models are increasingly used to make various consequential
decisions in high-stakes domains such as healthcare, finance, and policy. It
becomes critical to ensure that these models make accurate predictions, are
robust to shifts in the data, do not rely on spurious features, and do not
unduly discriminate against minority groups. To this end, several approaches
spanning various areas such as explainability, fairness, and robustness have
been proposed in recent literature. Such approaches need to be human-centered
as they cater to the understanding of the models to their users. However, there
is a research gap in understanding the human-centric needs and challenges of
monitoring machine learning (ML) models once they are deployed. To fill this
gap, we conducted an interview study with 13 practitioners who have experience
at the intersection of deploying ML models and engaging with customers spanning
domains such as financial services, healthcare, hiring, online retail,
computational advertising, and conversational assistants. We identified various
human-centric challenges and requirements for model monitoring in real-world
applications. Specifically, we found the need and the challenge for the model
monitoring systems to clarify the impact of the monitoring observations on
outcomes. Further, such insights must be actionable, robust, customizable for
domain-specific use cases, and cognitively considerate to avoid information
overload."
2659,Efficient entity-based reinforcement learning,"Recent deep reinforcement learning (DRL) successes rely on end-to-end
learning from fixed-size observational inputs (e.g. image, state-variables).
However, many challenging and interesting problems in decision making involve
observations or intermediary representations which are best described as a set
of entities: either the image-based approach would miss small but important
details in the observations (e.g. ojects on a radar, vehicles on satellite
images, etc.), the number of sensed objects is not fixed (e.g. robotic
manipulation), or the problem simply cannot be represented in a meaningful way
as an image (e.g. power grid control, or logistics). This type of structured
representations is not directly compatible with current DRL architectures,
however, there has been an increase in machine learning techniques directly
targeting structured information, potentially addressing this issue. We propose
to combine recent advances in set representations with slot attention and graph
neural networks to process structured data, broadening the range of
applications of DRL algorithms. This approach allows to address entity-based
problems in an efficient and scalable way. We show that it can improve training
time and robustness significantly, and demonstrate their potential to handle
structured as well as purely visual domains, on multiple environments from the
Atari Learning Environment and Simple Playgrounds."
2660,A Bird's-Eye Tutorial of Graph Attention Architectures,"Graph Neural Networks (GNNs) have shown tremendous strides in performance for
graph-structured problems especially in the domains of natural language
processing, computer vision and recommender systems. Inspired by the success of
the transformer architecture, there has been an ever-growing body of work on
attention variants of GNNs attempting to advance the state of the art in many
of these problems. Incorporating ""attention"" into graph mining has been viewed
as a way to overcome the noisiness, heterogenity and complexity associated with
graph-structured data as well as to encode soft-inductive bias. It is hence
crucial and advantageous to study these variants from a bird's-eye view to
assess their strengths and weaknesses. We provide a systematic and focused
tutorial centered around attention based GNNs in a hope to benefit researchers
dealing with graph-structured problems. Our tutorial looks at GNN variants from
the point of view of the attention function and iteratively builds the reader's
understanding of different graph attention variants."
2661,On Efficient Approximate Queries over Machine Learning Models,"The question of answering queries over ML predictions has been gaining
attention in the database community. This question is challenging because the
cost of finding high quality answers corresponds to invoking an oracle such as
a human expert or an expensive deep neural network model on every single item
in the DB and then applying the query. We develop a novel unified framework for
approximate query answering by leveraging a proxy to minimize the oracle usage
of finding high quality answers for both Precision-Target (PT) and
Recall-Target (RT) queries. Our framework uses a judicious combination of
invoking the expensive oracle on data samples and applying the cheap proxy on
the objects in the DB. It relies on two assumptions. Under the Proxy Quality
assumption, proxy quality can be quantified in a probabilistic manner w.r.t.
the oracle. This allows us to develop two algorithms: PQA that efficiently
finds high quality answers with high probability and no oracle calls, and PQE,
a heuristic extension that achieves empirically good performance with a small
number of oracle calls. Alternatively, under the Core Set Closure assumption,
we develop two algorithms: CSC that efficiently returns high quality answers
with high probability and minimal oracle usage, and CSE, which extends it to
more general settings. Our extensive experiments on five real-world datasets on
both query types, PT and RT, demonstrate that our algorithms outperform the
state-of-the-art and achieve high result quality with provable statistical
guarantees."
2662,Invertible Sharpening Network for MRI Reconstruction Enhancement,"High-quality MRI reconstruction plays a critical role in clinical
applications. Deep learning-based methods have achieved promising results on
MRI reconstruction. However, most state-of-the-art methods were designed to
optimize the evaluation metrics commonly used for natural images, such as PSNR
and SSIM, whereas the visual quality is not primarily pursued. Compared to the
fully-sampled images, the reconstructed images are often blurry, where
high-frequency features might not be sharp enough for confident clinical
diagnosis. To this end, we propose an invertible sharpening network
(InvSharpNet) to improve the visual quality of MRI reconstructions. During
training, unlike the traditional methods that learn to map the input data to
the ground truth, InvSharpNet adapts a backward training strategy that learns a
blurring transform from the ground truth (fully-sampled image) to the input
data (blurry reconstruction). During inference, the learned blurring transform
can be inverted to a sharpening transform leveraging the network's
invertibility. The experiments on various MRI datasets demonstrate that
InvSharpNet can improve reconstruction sharpness with few artifacts. The
results were also evaluated by radiologists, indicating better visual quality
and diagnostic confidence of our proposed method."
2663,Collaborative Linear Bandits with Adversarial Agents: Near-Optimal Regret Bounds,"We consider a linear stochastic bandit problem involving $M$ agents that can
collaborate via a central server to minimize regret. A fraction $\alpha$ of
these agents are adversarial and can act arbitrarily, leading to the following
tension: while collaboration can potentially reduce regret, it can also disrupt
the process of learning due to adversaries. In this work, we provide a
fundamental understanding of this tension by designing new algorithms that
balance the exploration-exploitation trade-off via carefully constructed robust
confidence intervals. We also complement our algorithms with tight analyses.
First, we develop a robust collaborative phased elimination algorithm that
achieves $\tilde{O}\left(\alpha+ 1/\sqrt{M}\right) \sqrt{dT}$ regret for each
good agent; here, $d$ is the model-dimension and $T$ is the horizon. For small
$\alpha$, our result thus reveals a clear benefit of collaboration despite
adversaries. Using an information-theoretic argument, we then prove a matching
lower bound, thereby providing the first set of tight, near-optimal regret
bounds for collaborative linear bandits with adversaries. Furthermore, by
leveraging recent advances in high-dimensional robust statistics, we
significantly extend our algorithmic ideas and results to (i) the generalized
linear bandit model that allows for non-linear observation maps; and (ii) the
contextual bandit setting that allows for time-varying feature vectors."
2664,RORL: Robust Offline Reinforcement Learning via Conservative Smoothing,"Offline reinforcement learning (RL) provides a promising direction to exploit
the massive amount of offline data for complex decision-making tasks. Due to
the distribution shift issue, current offline RL algorithms are generally
designed to be conservative for value estimation and action selection. However,
such conservatism impairs the robustness of learned policies, leading to a
significant change even for a small perturbation on observations. To trade off
robustness and conservatism, we propose Robust Offline Reinforcement Learning
(RORL) with a novel conservative smoothing technique. In RORL, we explicitly
introduce regularization on the policy and the value function for states near
the dataset and additional conservative value estimation on these OOD states.
Theoretically, we show RORL enjoys a tighter suboptimality bound than recent
theoretical results in linear MDPs. We demonstrate that RORL can achieve the
state-of-the-art performance on the general offline RL benchmark and is
considerably robust to adversarial observation perturbation."
2665,Deep Learning Models of the Discrete Component of the Galactic Interstellar Gamma-Ray Emission,"A significant point-like component from the small scale (or discrete)
structure in the H2 interstellar gas might be present in the Fermi-LAT data,
but modeling this emission relies on observations of rare gas tracers only
available in limited regions of the sky. Identifying this contribution is
important to discriminate gamma-ray point sources from interstellar gas, and to
better characterize extended gamma-ray sources. We design and train
convolutional neural networks to predict this emission where observations of
these rare tracers do not exist and discuss the impact of this component on the
analysis of the Fermi-LAT data. In particular, we evaluate prospects to exploit
this methodology in the characterization of the Fermi-LAT Galactic center
excess through accurate modeling of point-like structures in the data to help
distinguish between a point-like or smooth nature for the excess. We show that
deep learning may be effectively employed to model the gamma-ray emission
traced by these rare H2 proxies within statistical significance in data-rich
regions, supporting prospects to employ these methods in yet unobserved
regions."
2666,Quantum Neural Network Classifiers: A Tutorial,"Machine learning has achieved dramatic success over the past decade, with
applications ranging from face recognition to natural language processing.
Meanwhile, rapid progress has been made in the field of quantum computation
including developing both powerful quantum algorithms and advanced quantum
devices. The interplay between machine learning and quantum physics holds the
intriguing potential for bringing practical applications to the modern society.
Here, we focus on quantum neural networks in the form of parameterized quantum
circuits. We will mainly discuss different structures and encoding strategies
of quantum neural networks for supervised learning tasks, and benchmark their
performance utilizing Yao.jl, a quantum simulation package written in Julia
Language. The codes are efficient, aiming to provide convenience for beginners
in scientific works such as developing powerful variational quantum learning
models and assisting the corresponding experimental demonstrations."
2667,GenSDF: Two-Stage Learning of Generalizable Signed Distance Functions,"We investigate the generalization capabilities of neural signed distance
functions (SDFs) for learning 3D object representations for unseen and
unlabeled point clouds. Existing methods can fit SDFs to a handful of object
classes and boast fine detail or fast inference speeds, but do not generalize
well to unseen shapes. We introduce a two-stage semi-supervised meta-learning
approach that transfers shape priors from labeled to unlabeled data to
reconstruct unseen object categories. The first stage uses an episodic training
scheme to simulate training on unlabeled data and meta-learns initial shape
priors. The second stage then introduces unlabeled data with disjoint classes
in a semi-supervised scheme to diversify these priors and achieve
generalization. We assess our method on both synthetic data and real collected
point clouds. Experimental results and analysis validate that our approach
outperforms existing neural SDF methods and is capable of robust zero-shot
inference on 100+ unseen classes. Code can be found at
https://github.com/princeton-computational-imaging/gensdf."
2668,Blended Latent Diffusion,"The tremendous progress in neural image generation, coupled with the
emergence of seemingly omnipotent vision-language models has finally enabled
text-based interfaces for creating and editing images. Handling generic images
requires a diverse underlying generative model, hence the latest works utilize
diffusion models, which were shown to surpass GANs in terms of diversity. One
major drawback of diffusion models, however, is their relatively slow inference
time. In this paper, we present an accelerated solution to the task of local
text-driven editing of generic images, where the desired edits are confined to
a user-provided mask. Our solution leverages a recent text-to-image Latent
Diffusion Model (LDM), which speeds up diffusion by operating in a
lower-dimensional latent space. We first convert the LDM into a local image
editor by incorporating Blended Diffusion into it. Next we propose an
optimization-based solution for the inherent inability of this LDM to
accurately reconstruct images. Finally, we address the scenario of performing
local edits using thin masks. We evaluate our method against the available
baselines both qualitatively and quantitatively and demonstrate that in
addition to being faster, our method achieves better precision than the
baselines while mitigating some of their artifacts. Project page is available
at https://omriavrahami.com/blended-latent-diffusion-page/"
2669,Neuro CROSS exchange: Learning to CROSS exchange to solve realistic vehicle routing problems,"CROSS exchange (CE), a meta-heuristic that solves various vehicle routing
problems (VRPs), improves the solutions of VRPs by swapping the sub-tours of
the vehicles. Inspired by CE, we propose Neuro CE (NCE), a fundamental operator
of learned meta-heuristic, to solve various VRPs while overcoming the
limitations of CE (i.e., the expensive $\mathcal{O}(n^4)$ search cost). NCE
employs a graph neural network to predict the cost-decrements (i.e., results of
CE searches) and utilizes the predicted cost-decrements as guidance for search
to decrease the search cost to $\mathcal{O}(n^2)$. As the learning objective of
NCE is to predict the cost-decrement, the training can be simply done in a
supervised fashion, whose training samples can be prepared effortlessly.
Despite the simplicity of NCE, numerical results show that the NCE trained with
flexible multi-depot VRP (FMDVRP) outperforms the meta-heuristic baselines.
More importantly, it significantly outperforms the neural baselines when
solving distinctive special cases of FMDVRP (e.g., MDVRP, mTSP, CVRP) without
additional training."
2670,The Neural Covariance SDE: Shaped Infinite Depth-and-Width Networks at Initialization,"The logit outputs of a feedforward neural network at initialization are
conditionally Gaussian, given a random covariance matrix defined by the
penultimate layer. In this work, we study the distribution of this random
matrix. Recent work has shown that shaping the activation function as network
depth grows large is necessary for this covariance matrix to be non-degenerate.
However, the current infinite-width-style understanding of this shaping method
is unsatisfactory for large depth: infinite-width analyses ignore the
microscopic fluctuations from layer to layer, but these fluctuations accumulate
over many layers.
To overcome this shortcoming, we study the random covariance matrix in the
shaped infinite-depth-and-width limit. We identify the precise scaling of the
activation function necessary to arrive at a non-trivial limit, and show that
the random covariance matrix is governed by a stochastic differential equation
(SDE) that we call the Neural Covariance SDE. Using simulations, we show that
the SDE closely matches the distribution of the random covariance matrix of
finite networks. Additionally, we recover an if-and-only-if condition for
exploding and vanishing norms of large shaped networks based on the activation
function."
2671,"Communication-constrained hypothesis testing: Optimality, robustness, and reverse data processing inequalities","We study hypothesis testing under communication constraints, where each
sample is quantized before being revealed to a statistician. Without
communication constraints, it is well known that the sample complexity of
simple binary hypothesis testing is characterized by the Hellinger distance
between the distributions. We show that the sample complexity of simple binary
hypothesis testing under communication constraints is at most a logarithmic
factor larger than in the unconstrained setting and this bound is tight. We
develop a polynomial-time algorithm that achieves the aforementioned sample
complexity. Our framework extends to robust hypothesis testing, where the
distributions are corrupted in the total variation distance. Our proofs rely on
a new reverse data processing inequality and a reverse Markov inequality, which
may be of independent interest. For simple $M$-ary hypothesis testing, the
sample complexity in the absence of communication constraints has a logarithmic
dependence on $M$. We show that communication constraints can cause an
exponential blow-up leading to $\Omega(M)$ sample complexity even for adaptive
algorithms."
2672,Dual Decomposition of Convex Optimization Layers for Consistent Attention in Medical Images,"A key concern in integrating machine learning models in medicine is the
ability to interpret their reasoning. Popular explainability methods have
demonstrated satisfactory results in natural image recognition, yet in medical
image analysis, many of these approaches provide partial and noisy
explanations. Recently, attention mechanisms have shown compelling results both
in their predictive performance and in their interpretable qualities. A
fundamental trait of attention is that it leverages salient parts of the input
which contribute to the model's prediction. To this end, our work focuses on
the explanatory value of attention weight distributions. We propose a
multi-layer attention mechanism that enforces consistent interpretations
between attended convolutional layers using convex optimization. We apply
duality to decompose the consistency constraints between the layers by
reparameterizing their attention probability distributions. We further suggest
learning the dual witness by optimizing with respect to our objective; thus,
our implementation uses standard back-propagation, hence it is highly
efficient. While preserving predictive performance, our proposed method
leverages weakly annotated medical imaging data and provides complete and
faithful explanations to the model's prediction."
2673,Robust Calibration with Multi-domain Temperature Scaling,"Uncertainty quantification is essential for the reliable deployment of
machine learning models to high-stakes application domains. Uncertainty
quantification is all the more challenging when training distribution and test
distribution are different, even the distribution shifts are mild. Despite the
ubiquity of distribution shifts in real-world applications, existing
uncertainty quantification approaches mainly study the in-distribution setting
where the train and test distributions are the same. In this paper, we develop
a systematic calibration model to handle distribution shifts by leveraging data
from multiple domains. Our proposed method -- multi-domain temperature scaling
-- uses the heterogeneity in the domains to improve calibration robustness
under distribution shift. Through experiments on three benchmark data sets, we
find our proposed method outperforms existing methods as measured on both
in-distribution and out-of-distribution test sets."
2674,Predicting and Understanding Human Action Decisions during Skillful Joint-Action via Machine Learning and Explainable-AI,"This study uses supervised machine learning (SML) and explainable artificial
intelligence (AI) to model, predict and understand human decision-making during
skillful joint-action. Long short-term memory networks were trained to predict
the target selection decisions of expert and novice actors completing a dyadic
herding task. Results revealed that the trained models were expertise specific
and could not only accurately predict the target selection decisions of expert
and novice herders but could do so at timescales that preceded an actor's
conscious intent. To understand what differentiated the target selection
decisions of expert and novice actors, we then employed the explainable-AI
technique, SHapley Additive exPlanation, to identify the importance of
informational features (variables) on model predictions. This analysis revealed
that experts were more influenced by information about the state of their
co-herders compared to novices. The utility of employing SML and explainable-AI
techniques for investigating human decision-making is discussed."
2675,Global Mixup: Eliminating Ambiguity with Clustering,"Data augmentation with \textbf{Mixup} has been proven an effective method to
regularize the current deep neural networks. Mixup generates virtual samples
and corresponding labels at once through linear interpolation. However, this
one-stage generation paradigm and the use of linear interpolation have the
following two defects: (1) The label of the generated sample is directly
combined from the labels of the original sample pairs without reasonable
judgment, which makes the labels likely to be ambiguous. (2) linear combination
significantly limits the sampling space for generating samples. To tackle these
problems, we propose a novel and effective augmentation method based on global
clustering relationships named \textbf{Global Mixup}. Specifically, we
transform the previous one-stage augmentation process into two-stage,
decoupling the process of generating virtual samples from the labeling. And for
the labels of the generated samples, relabeling is performed based on
clustering by calculating the global relationships of the generated samples. In
addition, we are no longer limited to linear relationships but generate more
reliable virtual samples in a larger sampling space. Extensive experiments for
\textbf{CNN}, \textbf{LSTM}, and \textbf{BERT} on five tasks show that Global
Mixup significantly outperforms previous state-of-the-art baselines. Further
experiments also demonstrate the advantage of Global Mixup in low-resource
scenarios."
2676,Robust and Fast Data-Driven Power System State Estimator Using Graph Neural Networks,"The power system state estimation (SE) algorithm estimates the complex bus
voltages based on the available set of measurements. Because phasor measurement
units (PMUs) are becoming more widely employed in transmission power systems, a
fast SE solver capable of exploiting PMUs' high sample rates is required. To
accomplish this, we present a method for training a model based on graph neural
networks (GNNs) to learn estimates from PMU voltage and current measurements,
which, once it is trained, has a linear computational complexity with respect
to the number of nodes in the power system. We propose an original GNN
implementation over the power system's factor graph to simplify the
incorporation of various types and numbers of measurements both on power system
buses and branches. Furthermore, we augment the factor graph to improve the
robustness of GNN predictions. Training and test examples were generated by
randomly sampling sets of power system measurements and annotated with the
exact solutions of linear SE with PMUs. The numerical results demonstrate that
the GNN model provides an accurate approximation of the SE solutions.
Additionally, errors caused by PMU malfunctions or the communication failures
that make the SE problem unobservable have a local effect and do not
deteriorate the results in the rest of the power system."
2677,Neuro-Nav: A Library for Neurally-Plausible Reinforcement Learning,"In this work we propose Neuro-Nav, an open-source library for neurally
plausible reinforcement learning (RL). RL is among the most common modeling
frameworks for studying decision making, learning, and navigation in biological
organisms. In utilizing RL, cognitive scientists often handcraft environments
and agents to meet the needs of their particular studies. On the other hand,
artificial intelligence researchers often struggle to find benchmarks for
neurally and biologically plausible representation and behavior (e.g., in
decision making or navigation). In order to streamline this process across both
fields with transparency and reproducibility, Neuro-Nav offers a set of
standardized environments and RL algorithms drawn from canonical behavioral and
neural studies in rodents and humans. We demonstrate that the toolkit
replicates relevant findings from a number of studies across both cognitive
science and RL literatures. We furthermore describe ways in which the library
can be extended with novel algorithms (including deep RL) and environments to
address future research needs of the field."
2678,Revisiting Realistic Test-Time Training: Sequential Inference and Adaptation by Anchored Clustering,"Deploying models on target domain data subject to distribution shift requires
adaptation. Test-time training (TTT) emerges as a solution to this adaptation
under a realistic scenario where access to full source domain data is not
available and instant inference on target domain is required. Despite many
efforts into TTT, there is a confusion over the experimental settings, thus
leading to unfair comparisons. In this work, we first revisit TTT assumptions
and categorize TTT protocols by two key factors. Among the multiple protocols,
we adopt a realistic sequential test-time training (sTTT) protocol, under which
we further develop a test-time anchored clustering (TTAC) approach to enable
stronger test-time feature learning. TTAC discovers clusters in both source and
target domain and match the target clusters to the source ones to improve
generalization. Pseudo label filtering and iterative updating are developed to
improve the effectiveness and efficiency of anchored clustering. We demonstrate
that under all TTT protocols TTAC consistently outperforms the state-of-the-art
methods on five TTT datasets. We hope this work will provide a fair
benchmarking of TTT methods and future research should be compared within
respective protocols. A demo code is available at
https://github.com/Gorilla-Lab-SCUT/TTAC."
2679,FedNST: Federated Noisy Student Training for Automatic Speech Recognition,"Federated Learning (FL) enables training state-of-the-art Automatic Speech
Recognition (ASR) models on user devices (clients) in distributed systems,
hence preventing transmission of raw user data to a central server. A key
challenge facing practical adoption of FL for ASR is obtaining ground-truth
labels on the clients. Existing approaches rely on clients to manually
transcribe their speech, which is impractical for obtaining large training
corpora. A promising alternative is using semi-/self-supervised learning
approaches to leverage unlabelled user data. To this end, we propose a new
Federated ASR method called FedNST for noisy student training of distributed
ASR models with private unlabelled user data. We explore various facets of
FedNST , such as training models with different proportions of unlabelled and
labelled data, and evaluate the proposed approach on 1173 simulated clients.
Evaluating FedNST on LibriSpeech, where 960 hours of speech data is split
equally into server (labelled) and client (unlabelled) data, showed a 22.5%
relative word error rate reduction (WERR) over a supervised baseline trained
only on server data."
2680,FuSS: Fusing Superpixels for Improved Segmentation Consistency,"In this work, we propose two different approaches to improve the semantic
consistency of Open Set Semantic Segmentation. First, we propose a method
called OpenGMM that extends the OpenPCS framework using a Gaussian Mixture of
Models to model the distribution of pixels for each class in a multimodal
manner. The second approach is a post-processing which uses superpixels to
enforce highly homogeneous regions to behave equally, rectifying erroneous
classified pixels within these regions, we also proposed a novel superpixel
method called FuSS. All tests were performed on ISPRS Vaihingen and Potsdam
datasets, and both methods were capable to improve quantitative and qualitative
results for both datasets. Besides that, the post-process with FuSS achieved
state-of-the-art results for both datasets. The official implementation is
available at: \url{https://github.com/iannunes/FuSS}."
2681,Is a Modular Architecture Enough?,"Inspired from human cognition, machine learning systems are gradually
revealing advantages of sparser and more modular architectures. Recent work
demonstrates that not only do some modular architectures generalize well, but
they also lead to better out-of-distribution generalization, scaling
properties, learning speed, and interpretability. A key intuition behind the
success of such systems is that the data generating system for most real-world
settings is considered to consist of sparsely interacting parts, and endowing
models with similar inductive biases will be helpful. However, the field has
been lacking in a rigorous quantitative assessment of such systems because
these real-world data distributions are complex and unknown. In this work, we
provide a thorough assessment of common modular architectures, through the lens
of simple and known modular data distributions. We highlight the benefits of
modularity and sparsity and reveal insights on the challenges faced while
optimizing modular systems. In doing so, we propose evaluation metrics that
highlight the benefits of modularity, the regimes in which these benefits are
substantial, as well as the sub-optimality of current end-to-end learned
modular systems as opposed to their claimed potential."
2682,Specification-Guided Learning of Nash Equilibria with High Social Welfare,"Reinforcement learning has been shown to be an effective strategy for
automatically training policies for challenging control problems. Focusing on
non-cooperative multi-agent systems, we propose a novel reinforcement learning
framework for training joint policies that form a Nash equilibrium. In our
approach, rather than providing low-level reward functions, the user provides
high-level specifications that encode the objective of each agent. Then, guided
by the structure of the specifications, our algorithm searches over policies to
identify one that provably forms an $\epsilon$-Nash equilibrium (with high
probability). Importantly, it prioritizes policies in a way that maximizes
social welfare across all agents. Our empirical evaluation demonstrates that
our algorithm computes equilibrium policies with high social welfare, whereas
state-of-the-art baselines either fail to compute Nash equilibria or compute
ones with comparatively lower social welfare."
2683,Perturbation Learning Based Anomaly Detection,"This paper presents a simple yet effective method for anomaly detection. The
main idea is to learn small perturbations to perturb normal data and learn a
classifier to classify the normal data and the perturbed data into two
different classes. The perturbator and classifier are jointly learned using
deep neural networks. Importantly, the perturbations should be as small as
possible but the classifier is still able to recognize the perturbed data from
unperturbed data. Therefore, the perturbed data are regarded as abnormal data
and the classifier provides a decision boundary between the normal data and
abnormal data, although the training data do not include any abnormal data.
Compared with the state-of-the-art of anomaly detection, our method does not
require any assumption about the shape (e.g. hypersphere) of the decision
boundary and has fewer hyper-parameters to determine. Empirical studies on
benchmark datasets verify the effectiveness and superiority of our method."
2684,Stochastic Variance-Reduced Newton: Accelerating Finite-Sum Minimization with Large Batches,"Stochastic variance reduction has proven effective at accelerating
first-order algorithms for solving convex finite-sum optimization tasks such as
empirical risk minimization. Incorporating additional second-order information
has proven helpful in further improving the performance of these first-order
methods. However, comparatively little is known about the benefits of using
variance reduction to accelerate popular stochastic second-order methods such
as Subsampled Newton. To address this, we propose Stochastic Variance-Reduced
Newton (SVRN), a finite-sum minimization algorithm which enjoys all the
benefits of second-order methods: simple unit step size, easily parallelizable
large-batch operations, and fast local convergence, while at the same time
taking advantage of variance reduction to achieve improved convergence rates
(per data pass) for smooth and strongly convex problems. We show that SVRN can
accelerate many stochastic second-order methods (such as Subsampled Newton) as
well as iterative least squares solvers (such as Iterative Hessian Sketch), and
it compares favorably to popular first-order methods with variance reduction."
2685,Multi-Behavior Sequential Recommendation with Temporal Graph Transformer,"Modeling time-evolving preferences of users with their sequential item
interactions, has attracted increasing attention in many online applications.
Hence, sequential recommender systems have been developed to learn the dynamic
user interests from the historical interactions for suggesting items. However,
the interaction pattern encoding functions in most existing sequential
recommender systems have focused on single type of user-item interactions. In
many real-life online platforms, user-item interactive behaviors are often
multi-typed (e.g., click, add-to-favorite, purchase) with complex cross-type
behavior inter-dependencies. Learning from informative representations of users
and items based on their multi-typed interaction data, is of great importance
to accurately characterize the time-evolving user preference. In this work, we
tackle the dynamic user-item relation learning with the awareness of
multi-behavior interactive patterns. Towards this end, we propose a new
Temporal Graph Transformer (TGT) recommendation framework to jointly capture
dynamic short-term and long-range user-item interactive patterns, by exploring
the evolving correlations across different types of behaviors. The new TGT
method endows the sequential recommendation architecture to distill dedicated
knowledge for type-specific behavior relational context and the implicit
behavior dependencies. Experiments on the real-world datasets indicate that our
method TGT consistently outperforms various state-of-the-art recommendation
methods. Our model implementation codes are available at
https://github.com/akaxlh/TGT."
2686,Separable Self-attention for Mobile Vision Transformers,"Mobile vision transformers (MobileViT) can achieve state-of-the-art
performance across several mobile vision tasks, including classification and
detection. Though these models have fewer parameters, they have high latency as
compared to convolutional neural network-based models. The main efficiency
bottleneck in MobileViT is the multi-headed self-attention (MHA) in
transformers, which requires $O(k^2)$ time complexity with respect to the
number of tokens (or patches) $k$. Moreover, MHA requires costly operations
(e.g., batch-wise matrix multiplication) for computing self-attention,
impacting latency on resource-constrained devices. This paper introduces a
separable self-attention method with linear complexity, i.e. $O(k)$. A simple
yet effective characteristic of the proposed method is that it uses
element-wise operations for computing self-attention, making it a good choice
for resource-constrained devices. The improved model, MobileViTv2, is
state-of-the-art on several mobile vision tasks, including ImageNet object
classification and MS-COCO object detection. With about three million
parameters, MobileViTv2 achieves a top-1 accuracy of 75.6% on the ImageNet
dataset, outperforming MobileViT by about 1% while running $3.2\times$ faster
on a mobile device.
Our source code is available at: \url{https://github.com/apple/ml-cvnets}"
2687,Risk-Sensitive Reinforcement Learning: Iterated CVaR and the Worst Path,"In this paper, we study a novel episodic risk-sensitive Reinforcement
Learning (RL) problem, named Iterated CVaR RL, where the objective is to
maximize the tail of the reward-to-go at each step. Different from existing
risk-aware RL formulations, Iterated CVaR RL focuses on safety-at-all-time, by
enabling the agent to tightly control the risk of getting into catastrophic
situations at each stage, and is applicable to important risk-sensitive tasks
that demand strong safety guarantees throughout the decision process, such as
autonomous driving, clinical treatment planning and robotics. We investigate
Iterated CVaR RL with two performance metrics, i.e., Regret Minimization and
Best Policy Identification. For both metrics, we design efficient algorithms
ICVaR-RM and ICVaR-BPI, respectively, and provide matching upper and lower
bounds with respect to the number of episodes $K$. We also investigate an
interesting limiting case of Iterated CVaR RL, called Worst Path RL, where the
objective becomes to maximize the minimum possible cumulative reward, and
propose an efficient algorithm with constant upper and lower bounds. Finally,
the techniques we develop for bounding the change of CVaR due to the value
function shift and decomposing the regret via a distorted visitation
distribution are novel and can find applications in other risk-sensitive online
learning problems."
2688,Enhancing Safe Exploration Using Safety State Augmentation,"Safe exploration is a challenging and important problem in model-free
reinforcement learning (RL). Often the safety cost is sparse and unknown, which
unavoidably leads to constraint violations -- a phenomenon ideally to be
avoided in safety-critical applications. We tackle this problem by augmenting
the state-space with a safety state, which is nonnegative if and only if the
constraint is satisfied. The value of this state also serves as a distance
toward constraint violation, while its initial value indicates the available
safety budget. This idea allows us to derive policies for scheduling the safety
budget during training. We call our approach Simmer (Safe policy IMproveMEnt
for RL) to reflect the careful nature of these schedules. We apply this idea to
two safe RL problems: RL with constraints imposed on an average cost, and RL
with constraints imposed on a cost with probability one. Our experiments
suggest that simmering a safe algorithm can improve safety during training for
both settings. We further show that Simmer can stabilize training and improve
the performance of safe RL with average constraints."
2689,Robust Adversarial Attacks Detection based on Explainable Deep Reinforcement Learning For UAV Guidance and Planning,"The danger of adversarial attacks to unprotected Uncrewed Aerial Vehicle
(UAV) agents operating in public is growing. Adopting AI-based techniques and
more specifically Deep Learning (DL) approaches to control and guide these UAVs
can be beneficial in terms of performance but add more concerns regarding the
safety of those techniques and their vulnerability against adversarial attacks
causing the chances of collisions going up as the agent becomes confused. This
paper proposes an innovative approach based on the explainability of DL methods
to build an efficient detector that will protect these DL schemes and thus the
UAVs adopting them from potential attacks. The agent is adopting a Deep
Reinforcement Learning (DRL) scheme for guidance and planning. It is formed and
trained with a Deep Deterministic Policy Gradient (DDPG) with Prioritised
Experience Replay (PER) DRL scheme that utilises Artificial Potential Field
(APF) to improve training times and obstacle avoidance performance. The
adversarial attacks are generated by Fast Gradient Sign Method (FGSM) and Basic
Iterative Method (BIM) algorithms and reduced obstacle course completion rates
from 80\% to 35\%. A Realistic Synthetic environment for UAV explainable DRL
based planning and guidance including obstacles and adversarial attacks is
built. Two adversarial attack detectors are proposed. The first one adopts a
Convolutional Neural Network (CNN) architecture and achieves an accuracy in
detection of 80\%. The second detector is developed based on a Long Short Term
Memory (LSTM) network and achieves an accuracy of 91\% with much faster
computing times when compared to the CNN based detector."
2690,Multi-learner risk reduction under endogenous participation dynamics,"Prediction systems face exogenous and endogenous distribution shift -- the
world constantly changes, and the predictions the system makes change the
environment in which it operates. For example, a music recommender observes
exogeneous changes in the user distribution as different communities have
increased access to high speed internet. If users under the age of 18 enjoy
their recommendations, the proportion of the user base comprised of those under
18 may endogeneously increase. Most of the study of endogenous shifts has
focused on the single decision-maker setting, where there is one learner that
users either choose to use or not.
This paper studies participation dynamics between sub-populations and
possibly many learners. We study the behavior of systems with
\emph{risk-reducing} learners and sub-populations. A risk-reducing learner
updates their decision upon observing a mixture distribution of the
sub-populations $\mathcal{D}$ in such a way that it decreases the risk of the
learner on that mixture. A risk reducing sub-population updates its
apportionment amongst learners in a way which reduces its overall loss.
Previous work on the single learner case shows that myopic risk minimization
can result in high overall loss~\citep{perdomo2020performative,
miller2021outside} and representation disparity~\citep{hashimoto2018fairness,
zhang2019group}. Our work analyzes the outcomes of multiple myopic learners and
market forces, often leading to better global loss and less representation
disparity."
2691,Robust Pareto Set Identification with Contaminated Bandit Feedback,"We consider the Pareto set identification (PSI) problem in multi-objective
multi-armed bandits (MO-MAB) with contaminated reward observations. At each arm
pull, with some probability, the true reward samples are replaced with the
samples from an arbitrary contamination distribution chosen by the adversary.
We propose a median-based MO-MAB algorithm for robust PSI that abides by the
accuracy requirements set by the user via an accuracy parameter. We prove that
the sample complexity of this algorithm depends on the accuracy parameter
inverse squarely. We compare the proposed algorithm with a mean-based method
from MO-MAB literature on Gaussian reward distributions. Our numerical results
verify our theoretical expectations and show the necessity for robust algorithm
design in the adversarial setting."
2692,Learning with Capsules: A Survey,"Capsule networks were proposed as an alternative approach to Convolutional
Neural Networks (CNNs) for learning object-centric representations, which can
be leveraged for improved generalization and sample complexity. Unlike CNNs,
capsule networks are designed to explicitly model part-whole hierarchical
relationships by using groups of neurons to encode visual entities, and learn
the relationships between those entities. Promising early results achieved by
capsule networks have motivated the deep learning community to continue trying
to improve their performance and scalability across several application areas.
However, a major hurdle for capsule network research has been the lack of a
reliable point of reference for understanding their foundational ideas and
motivations. The aim of this survey is to provide a comprehensive overview of
the capsule network research landscape, which will serve as a valuable resource
for the community going forward. To that end, we start with an introduction to
the fundamental concepts and motivations behind capsule networks, such as
equivariant inference in computer vision. We then cover the technical advances
in the capsule routing mechanisms and the various formulations of capsule
networks, e.g. generative and geometric. Additionally, we provide a detailed
explanation of how capsule networks relate to the popular attention mechanism
in Transformers, and highlight non-trivial conceptual similarities between them
in the context of representation learning. Afterwards, we explore the extensive
applications of capsule networks in computer vision, video and motion, graph
representation learning, natural language processing, medical imaging and many
others. To conclude, we provide an in-depth discussion regarding the main
hurdles in capsule network research, and highlight promising research
directions for future work."
2693,TransBO: Hyperparameter Optimization via Two-Phase Transfer Learning,"With the extensive applications of machine learning models, automatic
hyperparameter optimization (HPO) has become increasingly important. Motivated
by the tuning behaviors of human experts, it is intuitive to leverage auxiliary
knowledge from past HPO tasks to accelerate the current HPO task. In this
paper, we propose TransBO, a novel two-phase transfer learning framework for
HPO, which can deal with the complementary nature among source tasks and
dynamics during knowledge aggregation issues simultaneously. This framework
extracts and aggregates source and target knowledge jointly and adaptively,
where the weights can be learned in a principled manner. The extensive
experiments, including static and dynamic transfer learning settings and neural
architecture search, demonstrate the superiority of TransBO over the
state-of-the-arts."
2694,Port-Hamiltonian Neural Networks with State Dependent Ports,"Hybrid machine learning based on Hamiltonian formulations has recently been
successfully demonstrated for simple mechanical systems. In this work, we
stress-test the method on both simple mass-spring systems and more complex and
realistic systems with several internal and external forces, including a system
with multiple connected tanks. We quantify performance under various conditions
and show that imposing different assumptions greatly affect the performance
during training presenting advantages and limitations of the method. We
demonstrate that port-Hamiltonian neural networks can be extended to larger
dimensions with state-dependent ports. We consider learning on systems with
known and unknown external forces and show how it can be used to detect
deviations in a system and still provide a valid model when the deviations are
removed. Finally, we propose a symmetric high-order integrator for improved
training on sparse and noisy data."
2695,Robust Fine-Tuning of Deep Neural Networks with Hessian-based Generalization Guarantees,"We consider transfer learning approaches that fine-tune a pretrained deep
neural network on a target task. We investigate generalization properties of
fine-tuning to understand the problem of overfitting, which often happens in
practice. Previous works have shown that constraining the distance from the
initialization of fine-tuning improves generalization. Using a PAC-Bayesian
analysis, we observe that besides distance from initialization, Hessians affect
generalization through the noise stability of deep neural networks against
noise injections. Motivated by the observation, we develop Hessian
distance-based generalization bounds for a wide range of fine-tuning methods.
Next, we investigate the robustness of fine-tuning with noisy labels. We design
an algorithm that incorporates consistent losses and distance-based
regularization for fine-tuning. Additionally, we prove a generalization error
bound of our algorithm under class conditional independent noise in the
training dataset labels. We perform a detailed empirical study of our algorithm
on various noisy environments and architectures. For example, on six image
classification tasks whose training labels are generated with programmatic
labeling, we show a 3.26% accuracy improvement over prior methods. Meanwhile,
the Hessian distance measure of the fine-tuned network using our algorithm
decreases by six times more than existing approaches."
2696,A Regret-Variance Trade-Off in Online Learning,"We consider prediction with expert advice for strongly convex and bounded
losses, and investigate trade-offs between regret and ""variance"" (i.e., squared
difference of learner's predictions and best expert predictions). With $K$
experts, the Exponentially Weighted Average (EWA) algorithm is known to achieve
$O(\log K)$ regret. We prove that a variant of EWA either achieves a negative
regret (i.e., the algorithm outperforms the best expert), or guarantees a
$O(\log K)$ bound on both variance and regret. Building on this result, we show
several examples of how variance of predictions can be exploited in learning.
In the online to batch analysis, we show that a large empirical variance allows
to stop the online to batch conversion early and outperform the risk of the
best predictor in the class. We also recover the optimal rate of model
selection aggregation when we do not consider early stopping. In online
prediction with corrupted losses, we show that the effect of corruption on the
regret can be compensated by a large variance. In online selective sampling, we
design an algorithm that samples less when the variance is large, while
guaranteeing the optimal regret bound in expectation. In online learning with
abstention, we use a similar term as the variance to derive the first
high-probability $O(\log K)$ regret bound in this setting. Finally, we extend
our results to the setting of online linear regression."
2697,Crust Macrofracturing as the Evidence of the Last Deglaciation,"Machine learning methods were applied to reconsider the results of several
passive seismic experiments in Finland. We created datasets from different
stages of the receiver function technique and processed them with one of basic
machine learning algorithms. All the results were obtained uniformly with the
$k$-nearest neighbors algorithm. The first result is the Moho depth map of the
region. Another result is the delineation of the near-surface low $S$-wave
velocity layer. There are three such areas in the Northern, Southern, and
central parts of the region. The low $S$-wave velocity in the Northern and
Southern areas can be linked to the geological structure. However, we attribute
the central low $S$-wave velocity area to a large number of water-saturated
cracks in the upper 1-5 km. Analysis of the structure of this area leads us to
the conclusion that macrofracturing was caused by the last deglaciation."
2698,Mixed Graph Contrastive Network for Semi-Supervised Node Classification,"Graph Neural Networks (GNNs) have achieved promising performance in
semi-supervised node classification in recent years. However, the problem of
insufficient supervision, together with representation collapse, largely limits
the performance of the GNNs in this field. To alleviate the collapse of node
representations in semi-supervised scenario, we propose a novel graph
contrastive learning method, termed Mixed Graph Contrastive Network (MGCN). In
our method, we improve the discriminative capability of the latent feature by
enlarging the margin of decision boundaries and improving the cross-view
consistency of the latent representation. Specifically, we first adopt an
interpolation-based strategy to conduct data augmentation in the latent space
and then force the prediction model to change linearly between samples. Second,
we enable the learned network to tell apart samples across two
interpolation-perturbed views through forcing the correlation matrix across
views to approximate an identity matrix. By combining the two settings, we
extract rich supervision information from both the abundant unlabeled nodes and
the rare yet valuable labeled nodes for discriminative representation learning.
Extensive experimental results on six datasets demonstrate the effectiveness
and the generality of MGCN compared to the existing state-of-the-art methods."
2699,Policy Optimization for Markov Games: Unified Framework and Faster Convergence,"This paper studies policy optimization algorithms for multi-agent
reinforcement learning. We begin by proposing an algorithm framework for
two-player zero-sum Markov Games in the full-information setting, where each
iteration consists of a policy update step at each state using a certain matrix
game algorithm, and a value update step with a certain learning rate. This
framework unifies many existing and new policy optimization algorithms. We show
that the state-wise average policy of this algorithm converges to an
approximate Nash equilibrium (NE) of the game, as long as the matrix game
algorithms achieve low weighted regret at each state, with respect to weights
determined by the speed of the value updates. Next, we show that this framework
instantiated with the Optimistic Follow-The-Regularized-Leader (OFTRL)
algorithm at each state (and smooth value updates) can find an
$\mathcal{\widetilde{O}}(T^{-5/6})$ approximate NE in $T$ iterations, which
improves over the current best $\mathcal{\widetilde{O}}(T^{-1/2})$ rate of
symmetric policy optimization type algorithms. We also extend this algorithm to
multi-player general-sum Markov Games and show an
$\mathcal{\widetilde{O}}(T^{-3/4})$ convergence rate to Coarse Correlated
Equilibria (CCE). Finally, we provide a numerical example to verify our theory
and investigate the importance of smooth value updates, and find that using
""eager"" value updates instead (equivalent to the independent natural policy
gradient algorithm) may significantly slow down the convergence, even on a
simple game with $H=2$ layers."
2700,Learning Generalized Wireless MAC Communication Protocols via Abstraction,"To tackle the heterogeneous requirements of beyond 5G (B5G) and future 6G
wireless networks, conventional medium access control (MAC) procedures need to
evolve to enable base stations (BSs) and user equipments (UEs) to automatically
learn innovative MAC protocols catering to extremely diverse services. This
topic has received significant attention, and several reinforcement learning
(RL) algorithms, in which BSs and UEs are cast as agents, are available with
the aim of learning a communication policy based on agents' local observations.
However, current approaches are typically overfitted to the environment they
are trained in, and lack robustness against unseen conditions, failing to
generalize in different environments. To overcome this problem, in this work,
instead of learning a policy in the high dimensional and redundant observation
space, we leverage the concept of observation abstraction (OA) rooted in
extracting useful information from the environment. This in turn allows
learning communication protocols that are more robust and with much better
generalization capabilities than current baselines. To learn the abstracted
information from observations, we propose an architecture based on autoencoder
(AE) and imbue it into a multi-agent proximal policy optimization (MAPPO)
framework. Simulation results corroborate the effectiveness of leveraging
abstraction when learning protocols by generalizing across environments, in
terms of number of UEs, number of data packets to transmit, and channel
conditions."
2701,Hardware-accelerated Mars Sample Localization via deep transfer learning from photorealistic simulations,"The goal of the Mars Sample Return campaign is to collect soil samples from
the surface of Mars and return them to Earth for further study. The samples
will be acquired and stored in metal tubes by the Perseverance rover and
deposited on the Martian surface. As part of this campaign, it is expected the
Sample Fetch Rover will be in charge of localizing and gathering up to 35
sample tubes over 150 Martian sols. Autonomous capabilities are critical for
the success of the overall campaign and for the Sample Fetch Rover in
particular. This work proposes a novel approach for the autonomous detection
and pose estimation of the sample tubes. For the detection stage, a Deep Neural
Network and transfer learning from a synthetic dataset are proposed. The
dataset is created from photorealistic 3D simulations of Martian scenarios.
Additionally, Computer Vision techniques are used to estimate the detected
sample tubes poses. Finally, laboratory tests of the Sample Localization
procedure are performed using the ExoMars Testing Rover on a Mars-like testbed.
These tests validate the proposed approach in different hardware architectures,
providing promising results related to the sample detection and pose
estimation."
2702,Generalized Federated Learning via Sharpness Aware Minimization,"Federated Learning (FL) is a promising framework for performing
privacy-preserving, distributed learning with a set of clients. However, the
data distribution among clients often exhibits non-IID, i.e., distribution
shift, which makes efficient optimization difficult. To tackle this problem,
many FL algorithms focus on mitigating the effects of data heterogeneity across
clients by increasing the performance of the global model. However, almost all
algorithms leverage Empirical Risk Minimization (ERM) to be the local
optimizer, which is easy to make the global model fall into a sharp valley and
increase a large deviation of parts of local clients. Therefore, in this paper,
we revisit the solutions to the distribution shift problem in FL with a focus
on local learning generality. To this end, we propose a general, effective
algorithm, \texttt{FedSAM}, based on Sharpness Aware Minimization (SAM) local
optimizer, and develop a momentum FL algorithm to bridge local and global
models, \texttt{MoFedSAM}. Theoretically, we show the convergence analysis of
these two algorithms and demonstrate the generalization bound of
\texttt{FedSAM}. Empirically, our proposed algorithms substantially outperform
existing FL studies and significantly decrease the learning deviation."
2703,Per-Instance Privacy Accounting for Differentially Private Stochastic Gradient Descent,"Differentially private stochastic gradient descent (DP-SGD) is the workhorse
algorithm for recent advances in private deep learning. It provides a single
privacy guarantee to all datapoints in the dataset. We propose an efficient
algorithm to compute per-instance privacy guarantees for individual examples
when running DP-SGD. We use our algorithm to investigate per-instance privacy
losses across a number of datasets. We find that most examples enjoy stronger
privacy guarantees than the worst-case bounds. We further discover that the
loss and the privacy loss on an example are well-correlated. This implies
groups that are underserved in terms of model utility are simultaneously
underserved in terms of privacy loss. For example, on CIFAR-10, the average
$\epsilon$ of the class with the highest loss (Cat) is 32% higher than that of
the class with the lowest loss (Ship). We also run membership inference attacks
to show this reflects disparate empirical privacy risks."
2704,Real-World Image Super-Resolution by Exclusionary Dual-Learning,"Real-world image super-resolution is a practical image restoration problem
that aims to obtain high-quality images from in-the-wild input, has recently
received considerable attention with regard to its tremendous application
potentials. Although deep learning-based methods have achieved promising
restoration quality on real-world image super-resolution datasets, they ignore
the relationship between L1- and perceptual- minimization and roughly adopt
auxiliary large-scale datasets for pre-training. In this paper, we discuss the
image types within a corrupted image and the property of perceptual- and
Euclidean- based evaluation protocols. Then we propose a method, Real-World
image Super-Resolution by Exclusionary Dual-Learning (RWSR-EDL) to address the
feature diversity in perceptual- and L1- based cooperative learning. Moreover,
a noise-guidance data collection strategy is developed to address the training
time consumption in multiple datasets optimization. When an auxiliary dataset
is incorporated, RWSR-EDL achieves promising results and repulses any training
time increment by adopting the noise-guidance data collection strategy.
Extensive experiments show that RWSR-EDL achieves competitive performance over
state-of-the-art methods on four in-the-wild image super-resolution datasets."
2705,CROM: Continuous Reduced-Order Modeling of PDEs Using Implicit Neural Representations,"The excessive runtime of high-fidelity partial differential equation (PDE)
solvers makes them unsuitable for time-critical applications. We propose to
accelerate PDE solvers using reduced-order modeling (ROM). Whereas prior ROM
approaches reduce the dimensionality of discretized vector fields, our
continuous reduced-order modeling (CROM) approach builds a smooth,
low-dimensional manifold of the continuous vector fields themselves, not their
discretization. We represent this reduced manifold using neural fields, relying
on their continuous and differentiable nature to efficiently solve the PDEs.
CROM may train on any and all available numerical solutions of the continuous
system, even when they are obtained using diverse methods or discretizations.
After the low-dimensional manifolds are built, solving PDEs requires
significantly less computational resources. Since CROM is
discretization-agnostic, CROM-based PDE solvers may optimally adapt
discretization resolution over time to economize computation. We validate our
approach on an extensive range of PDEs with training data from voxel grids,
meshes, and point clouds. Large-scale experiments demonstrate that our approach
obtains speed, memory, and accuracy advantages over prior ROM approaches while
gaining 109$\times$ wall-clock speedup over full-order models on CPUs and
89$\times$ speedup on GPUs."
2706,Rate-Distortion Theoretic Bounds on Generalization Error for Distributed Learning,"In this paper, we use tools from rate-distortion theory to establish new
upper bounds on the generalization error of statistical distributed learning
algorithms. Specifically, there are $K$ clients whose individually chosen
models are aggregated by a central server. The bounds depend on the
compressibility of each client's algorithm while keeping other clients'
algorithms un-compressed, and leverage the fact that small changes in each
local model change the aggregated model by a factor of only $1/K$. Adopting a
recently proposed approach by Sefidgaran et al., and extending it suitably to
the distributed setting, this enables smaller rate-distortion terms which are
shown to translate into tighter generalization bounds. The bounds are then
applied to the distributed support vector machines (SVM), suggesting that the
generalization error of the distributed setting decays faster than that of the
centralized one with a factor of $\mathcal{O}(\log(K)/\sqrt{K})$. This finding
is validated also experimentally. A similar conclusion is obtained for a
multiple-round federated learning setup where each client uses stochastic
gradient Langevin dynamics (SGLD)."
2707,[Reproducibility Report] Explainable Deep One-Class Classification,"Fully Convolutional Data Description (FCDD), an explainable version of the
Hypersphere Classifier (HSC), directly addresses image anomaly detection (AD)
and pixel-wise AD without any post-hoc explainer methods. The authors claim
that FCDD achieves results comparable with the state-of-the-art in sample-wise
AD on Fashion-MNIST and CIFAR-10 and exceeds the state-of-the-art on the
pixel-wise task on MVTec-AD. We reproduced the main results of the paper using
the author's code with minor changes and provide runtime requirements to
achieve if (CPU memory, GPU memory, and training time). We propose another
analysis methodology using a critical difference diagram, and further
investigate the test performance of the model during the training phase."
2708,Pessimistic Off-Policy Optimization for Learning to Rank,"Off-policy learning is a framework for optimizing policies without deploying
them, using data collected by another policy. In recommender systems, this is
especially challenging due to the imbalance in logged data: some items are
recommended and thus logged much more frequently than others. This is further
perpetuated when recommending a list of items, as the action space is
combinatorial. To address this challenge, we study pessimistic off-policy
optimization for learning to rank. The key idea is to compute lower confidence
bounds on parameters of click models and then return the list with the highest
pessimistic estimate of its value. This approach is computationally efficient
and we analyze it. We study its Bayesian and frequentist variants, and overcome
the limitation of unknown prior by incorporating empirical Bayes. To show the
empirical effectiveness of our approach, we compare it to off-policy optimizers
that use inverse propensity scores or neglect uncertainty. Our approach
outperforms all baselines, is robust, and is also general."
2709,Certified Robustness in Federated Learning,"Federated learning has recently gained significant attention and popularity
due to its effectiveness in training machine learning models on distributed
data privately. However, as in the single-node supervised learning setup,
models trained in federated learning suffer from vulnerability to imperceptible
input transformations known as adversarial attacks, questioning their
deployment in security-related applications. In this work, we study the
interplay between federated training, personalization, and certified
robustness. In particular, we deploy randomized smoothing, a widely-used and
scalable certification method, to certify deep networks trained on a federated
setup against input perturbations and transformations. We find that the simple
federated averaging technique is effective in building not only more accurate,
but also more certifiably-robust models, compared to training solely on local
data. We further analyze personalization, a popular technique in federated
training that increases the model's bias towards local data, on robustness. We
show several advantages of personalization over both~(that is, only training on
local data and federated training) in building more robust models with faster
training. Finally, we explore the robustness of mixtures of global and
local~(\ie personalized) models, and find that the robustness of local models
degrades as they diverge from the global model"
2710,Sparse Bayesian Learning for Complex-Valued Rational Approximations,"Surrogate models are used to alleviate the computational burden in
engineering tasks, which require the repeated evaluation of computationally
demanding models of physical systems, such as the efficient propagation of
uncertainties. For models that show a strongly non-linear dependence on their
input parameters, standard surrogate techniques, such as polynomial chaos
expansion, are not sufficient to obtain an accurate representation of the
original model response. Through applying a rational approximation instead, the
approximation error can be efficiently reduced for models whose non-linearity
is accurately described through a rational function. Specifically, our aim is
to approximate complex-valued models. A common approach to obtain the
coefficients in the surrogate is to minimize the sample-based error between
model and surrogate in the least-square sense. In order to obtain an accurate
representation of the original model and to avoid overfitting, the sample set
has be two to three times the number of polynomial terms in the expansion. For
models that require a high polynomial degree or are high-dimensional in terms
of their input parameters, this number often exceeds the affordable
computational cost. To overcome this issue, we apply a sparse Bayesian learning
approach to the rational approximation. Through a specific prior distribution
structure, sparsity is induced in the coefficients of the surrogate model. The
denominator polynomial coefficients as well as the hyperparameters of the
problem are determined through a type-II-maximum likelihood approach. We apply
a quasi-Newton gradient-descent algorithm in order to find the optimal
denominator coefficients and derive the required gradients through application
of $\mathbb{CR}$-calculus."
2711,Forecasting COVID- 19 cases using Statistical Models and Ontology-based Semantic Modelling: A real time data analytics approach,"SARS-COV-19 is the most prominent issue which many countries face today. The
frequent changes in infections, recovered and deaths represents the dynamic
nature of this pandemic. It is very crucial to predict the spreading rate of
this virus for accurate decision making against fighting with the situation of
getting infected through the virus, tracking and controlling the virus
transmission in the community. We develop a prediction model using statistical
time series models such as SARIMA and FBProphet to monitor the daily active,
recovered and death cases of COVID-19 accurately. Then with the help of various
details across each individual patient (like height, weight, gender etc.), we
designed a set of rules using Semantic Web Rule Language and some mathematical
models for dealing with COVID19 infected cases on an individual basis. After
combining all the models, a COVID-19 Ontology is developed and performs various
queries using SPARQL query on designed Ontology which accumulate the risk
factors, provide appropriate diagnosis, precautions and preventive suggestions
for COVID Patients. After comparing the performance of SARIMA and FBProphet, it
is observed that the SARIMA model performs better in forecasting of COVID
cases. On individual basis COVID case prediction, approx. 497 individual
samples have been tested and classified into five different levels of COVID
classes such as Having COVID, No COVID, High Risk COVID case, Medium to High
Risk case, and Control needed case."
2712,UTTS: Unsupervised TTS with Conditional Disentangled Sequential Variational Auto-encoder,"In this paper, we propose a novel unsupervised text-to-speech (UTTS)
framework which does not require text-audio pairs for the TTS acoustic modeling
(AM). UTTS is a multi-speaker speech synthesizer developed from the perspective
of disentangled speech representation learning. The framework offers a flexible
choice of a speaker's duration model, timbre feature (identity) and content for
TTS inference. We leverage recent advancements in self-supervised speech
representation learning as well as speech synthesis front-end techniques for
the system development. Specifically, we utilize a lexicon to map input text to
the phoneme sequence, which is expanded to the frame-level forced alignment
(FA) with a speaker-dependent duration model. Then, we develop an alignment
mapping module that converts the FA to the unsupervised alignment (UA).
Finally, a Conditional Disentangled Sequential Variational Auto-encoder
(C-DSVAE), serving as the self-supervised TTS AM, takes the predicted UA and a
target speaker embedding to generate the mel spectrogram, which is ultimately
converted to waveform with a neural vocoder. We show how our method enables
speech synthesis without using a paired TTS corpus. Experiments demonstrate
that UTTS can synthesize speech of high naturalness and intelligibility
measured by human and objective evaluations."
2713,Transfer Learning based Search Space Design for Hyperparameter Tuning,"The tuning of hyperparameters becomes increasingly important as machine
learning (ML) models have been extensively applied in data mining applications.
Among various approaches, Bayesian optimization (BO) is a successful
methodology to tune hyper-parameters automatically. While traditional methods
optimize each tuning task in isolation, there has been recent interest in
speeding up BO by transferring knowledge across previous tasks. In this work,
we introduce an automatic method to design the BO search space with the aid of
tuning history from past tasks. This simple yet effective approach can be used
to endow many existing BO methods with transfer learning capabilities. In
addition, it enjoys the three advantages: universality, generality, and
safeness. The extensive experiments show that our approach considerably boosts
BO by designing a promising and compact search space instead of using the
entire space, and outperforms the state-of-the-arts on a wide range of
benchmarks, including machine learning and deep learning tuning tasks, and
neural architecture search."
2714,Learning to Control under Time-Varying Environment,"This paper investigates the problem of regret minimization in linear
time-varying (LTV) dynamical systems. Due to the simultaneous presence of
uncertainty and non-stationarity, designing online control algorithms for
unknown LTV systems remains a challenging task. At a cost of NP-hard offline
planning, prior works have introduced online convex optimization algorithms,
although they suffer from nonparametric rate of regret.
In this paper, we propose the first computationally tractable online
algorithm with regret guarantees that avoids offline planning over the state
linear feedback policies. Our algorithm is based on the optimism in the face of
uncertainty (OFU) principle in which we optimistically select the best model in
a high confidence region. Our algorithm is then more explorative when compared
to previous approaches. To overcome non-stationarity, we propose either a
restarting strategy (R-OFU) or a sliding window (SW-OFU) strategy. With proper
configuration, our algorithm is attains sublinear regret $O(T^{2/3})$. These
algorithms utilize data from the current phase for tracking variations on the
system dynamics. We corroborate our theoretical findings with numerical
experiments, which highlight the effectiveness of our methods. To the best of
our knowledge, our study establishes the first model-based online algorithm
with regret guarantees under LTV dynamical systems."
2715,An Optimal Transport Approach to Personalized Federated Learning,"Federated learning is a distributed machine learning paradigm, which aims to
train a model using the local data of many distributed clients. A key challenge
in federated learning is that the data samples across the clients may not be
identically distributed. To address this challenge, personalized federated
learning with the goal of tailoring the learned model to the data distribution
of every individual client has been proposed. In this paper, we focus on this
problem and propose a novel personalized Federated Learning scheme based on
Optimal Transport (FedOT) as a learning algorithm that learns the optimal
transport maps for transferring data points to a common distribution as well as
the prediction model under the applied transport map. To formulate the FedOT
problem, we extend the standard optimal transport task between two probability
distributions to multi-marginal optimal transport problems with the goal of
transporting samples from multiple distributions to a common probability
domain. We then leverage the results on multi-marginal optimal transport
problems to formulate FedOT as a min-max optimization problem and analyze its
generalization and optimization properties. We discuss the results of several
numerical experiments to evaluate the performance of FedOT under heterogeneous
data distributions in federated learning problems."
2716,Virtual Homogeneity Learning: Defending against Data Heterogeneity in Federated Learning,"In federated learning (FL), model performance typically suffers from client
drift induced by data heterogeneity, and mainstream works focus on correcting
client drift. We propose a different approach named virtual homogeneity
learning (VHL) to directly ""rectify"" the data heterogeneity. In particular, VHL
conducts FL with a virtual homogeneous dataset crafted to satisfy two
conditions: containing no private information and being separable. The virtual
dataset can be generated from pure noise shared across clients, aiming to
calibrate the features from the heterogeneous clients. Theoretically, we prove
that VHL can achieve provable generalization performance on the natural
distribution. Empirically, we demonstrate that VHL endows FL with drastically
improved convergence speed and generalization performance. VHL is the first
attempt towards using a virtual dataset to address data heterogeneity, offering
new and effective means to FL."
2717,Mean Estimation in High-Dimensional Binary Markov Gaussian Mixture Models,"We consider a high-dimensional mean estimation problem over a binary hidden
Markov model, which illuminates the interplay between memory in data, sample
size, dimension, and signal strength in statistical inference. In this model,
an estimator observes $n$ samples of a $d$-dimensional parameter vector
$\theta_{*}\in\mathbb{R}^{d}$, multiplied by a random sign $ S_i $ ($1\le i\le
n$), and corrupted by isotropic standard Gaussian noise. The sequence of signs
$\{S_{i}\}_{i\in[n]}\in\{-1,1\}^{n}$ is drawn from a stationary homogeneous
Markov chain with flip probability $\delta\in[0,1/2]$. As $\delta$ varies, this
model smoothly interpolates two well-studied models: the Gaussian Location
Model for which $\delta=0$ and the Gaussian Mixture Model for which
$\delta=1/2$. Assuming that the estimator knows $\delta$, we establish a nearly
minimax optimal (up to logarithmic factors) estimation error rate, as a
function of $\|\theta_{*}\|,\delta,d,n$. We then provide an upper bound to the
case of estimating $\delta$, assuming a (possibly inaccurate) knowledge of
$\theta_{*}$. The bound is proved to be tight when $\theta_{*}$ is an
accurately known constant. These results are then combined to an algorithm
which estimates $\theta_{*}$ with $\delta$ unknown a priori, and theoretical
guarantees on its error are stated."
2718,Optimization-based Block Coordinate Gradient Coding for Mitigating Partial Stragglers in Distributed Learning,"Gradient coding schemes effectively mitigate full stragglers in distributed
learning by introducing identical redundancy in coded local partial derivatives
corresponding to all model parameters. However, they are no longer effective
for partial stragglers as they cannot utilize incomplete computation results
from partial stragglers. This paper aims to design a new gradient coding scheme
for mitigating partial stragglers in distributed learning. Specifically, we
consider a distributed system consisting of one master and N workers,
characterized by a general partial straggler model and focuses on solving a
general large-scale machine learning problem with L model parameters using
gradient coding. First, we propose a coordinate gradient coding scheme with L
coding parameters representing L possibly different diversities for the L
coordinates, which generates most gradient coding schemes. Then, we consider
the minimization of the expected overall runtime and the maximization of the
completion probability with respect to the L coding parameters for coordinates,
which are challenging discrete optimization problems. To reduce computational
complexity, we first transform each to an equivalent but much simpler discrete
problem with N\llL variables representing the partition of the L coordinates
into N blocks, each with identical redundancy. This indicates an equivalent but
more easily implemented block coordinate gradient coding scheme with N coding
parameters for blocks. Then, we adopt continuous relaxation to further reduce
computational complexity. For the resulting minimization of expected overall
runtime, we develop an iterative algorithm of computational complexity O(N^2)
to obtain an optimal solution and derive two closed-form approximate solutions
both with computational complexity O(N). For the resultant maximization of the
completion probability, we develop an iterative algorithm of..."
2719,Class Prior Estimation under Covariate Shift -- no Problem?,"We show that in the context of classification the property of source and
target distributions to be related by covariate shift may break down when the
information content captured in the covariates is reduced, for instance by
discretization of the covariates, dropping some of them, or by any
transformation of the covariates even if it is domain-invariant. The
consequences of this observation for class prior estimation under covariate
shift are discussed. A probing algorithm as alternative approach to class prior
estimation under covariate shift is proposed."
2720,Spam Detection Using BERT,"Emails and SMSs are the most popular tools in today communications, and as
the increase of emails and SMSs users are increase, the number of spams is also
increases. Spam is any kind of unwanted, unsolicited digital communication that
gets sent out in bulk, spam emails and SMSs are causing major resource wastage
by unnecessarily flooding the network links. Although most spam mail originate
with advertisers looking to push their products, some are much more malicious
in their intent like phishing emails that aims to trick victims into giving up
sensitive information like website logins or credit card information this type
of cybercrime is known as phishing. To countermeasure spams, many researches
and efforts are done to build spam detectors that are able to filter out
messages and emails as spam or ham. In this research we build a spam detector
using BERT pre-trained model that classifies emails and messages by
understanding to their context, and we trained our spam detector model using
multiple corpuses like SMS collection corpus, Enron corpus, SpamAssassin
corpus, Ling-Spam corpus and SMS spam collection corpus, our spam detector
performance was 98.62%, 97.83%, 99.13% and 99.28% respectively. Keywords: Spam
Detector, BERT, Machine learning, NLP, Transformer, Enron Corpus, SpamAssassin
Corpus, SMS Spam Detection Corpus, Ling-Spam Corpus."
2721,Information-theoretic Inducing Point Placement for High-throughput Bayesian Optimisation,"Sparse Gaussian Processes are a key component of high-throughput Bayesian
optimisation (BO) loops -- an increasingly common setting where evaluation
budgets are large and highly parallelised. By using representative subsets of
the available data to build approximate posteriors, sparse models dramatically
reduce the computational costs of surrogate modelling by relying on a small set
of pseudo-observations, the so-called inducing points, in lieu of the full data
set. However, current approaches to design inducing points are not appropriate
within BO loops as they seek to reduce global uncertainty in the objective
function. Thus, the high-fidelity modelling of promising and data-dense regions
required for precise optimisation is sacrificed and computational resources are
instead wasted on modelling areas of the space already known to be sub-optimal.
Inspired by entropy-based BO methods, we propose a novel inducing point design
that uses a principled information-theoretic criterion to select inducing
points. By choosing inducing points to maximally reduce both global uncertainty
and uncertainty in the maximum value of the objective function, we build
surrogate models able to support high-precision high-throughput BO."
2722,Detecting Interlocutor Confusion in Situated Human-Avatar Dialogue: A Pilot Study,"In order to enhance levels of engagement with conversational systems, our
long term research goal seeks to monitor the confusion state of a user and
adapt dialogue policies in response to such user confusion states. To this end,
in this paper, we present our initial research centred on a user-avatar
dialogue scenario that we have developed to study the manifestation of
confusion and in the long term its mitigation. We present a new definition of
confusion that is particularly tailored to the requirements of intelligent
conversational system development for task-oriented dialogue. We also present
the details of our Wizard-of-Oz based data collection scenario wherein users
interacted with a conversational avatar and were presented with stimuli that
were in some cases designed to invoke a confused state in the user. Post study
analysis of this data is also presented. Here, three pre-trained deep learning
models were deployed to estimate base emotion, head pose and eye gaze. Despite
a small pilot study group, our analysis demonstrates a significant relationship
between these indicators and confusion states. We understand this as a useful
step forward in the automated analysis of the pragmatics of dialogue."
2723,Tackling covariate shift with node-based Bayesian neural networks,"Bayesian neural networks (BNNs) promise improved generalization under
covariate shift by providing principled probabilistic representations of
epistemic uncertainty. However, weight-based BNNs often struggle with high
computational complexity of large-scale architectures and datasets. Node-based
BNNs have recently been introduced as scalable alternatives, which induce
epistemic uncertainty by multiplying each hidden node with latent random
variables, while learning a point-estimate of the weights. In this paper, we
interpret these latent noise variables as implicit representations of simple
and domain-agnostic data perturbations during training, producing BNNs that
perform well under covariate shift due to input corruptions. We observe that
the diversity of the implicit corruptions depends on the entropy of the latent
variables, and propose a straightforward approach to increase the entropy of
these variables during training. We evaluate the method on out-of-distribution
image classification benchmarks, and show improved uncertainty estimation of
node-based BNNs under covariate shift due to input perturbations. As a side
effect, the method also provides robustness against noisy training labels."
2724,Continuous and Distribution-free Probabilistic Wind Power Forecasting: A Conditional Normalizing Flow Approach,"We present a data-driven approach for probabilistic wind power forecasting
based on conditional normalizing flow (CNF). In contrast with the existing,
this approach is distribution-free (as for non-parametric and quantile-based
approaches) and can directly yield continuous probability densities, hence
avoiding quantile crossing. It relies on a base distribution and a set of
bijective mappings. Both the shape parameters of the base distribution and the
bijective mappings are approximated with neural networks. Spline-based
conditional normalizing flow is considered owing to its non-affine
characteristics. Over the training phase, the model sequentially maps input
examples onto samples of base distribution, given the conditional contexts,
where parameters are estimated through maximum likelihood. To issue
probabilistic forecasts, one eventually maps samples of the base distribution
into samples of a desired distribution. Case studies based on open datasets
validate the effectiveness of the proposed model, and allows us to discuss its
advantages and caveats with respect to the state of the art."
2725,"Balancing Profit, Risk, and Sustainability for Portfolio Management","Stock portfolio optimization is the process of continuous reallocation of
funds to a selection of stocks. This is a particularly well-suited problem for
reinforcement learning, as daily rewards are compounding and objective
functions may include more than just profit, e.g., risk and sustainability. We
developed a novel utility function with the Sharpe ratio representing risk and
the environmental, social, and governance score (ESG) representing
sustainability. We show that a state-of-the-art policy gradient method -
multi-agent deep deterministic policy gradients (MADDPG) - fails to find the
optimum policy due to flat policy gradients and we therefore replaced gradient
descent with a genetic algorithm for parameter optimization. We show that our
system outperforms MADDPG while improving on deep Q-learning approaches by
allowing for continuous action spaces. Crucially, by incorporating risk and
sustainability criteria in the utility function, we improve on the
state-of-the-art in reinforcement learning for portfolio optimization; risk and
sustainability are essential in any modern trading strategy and we propose a
system that does not merely report these metrics, but that actively optimizes
the portfolio to improve on them."
2726,Evaluating the Predictive Performance of Positive-Unlabelled Classifiers: a brief critical review and practical recommendations for improvement,"Positive-Unlabelled (PU) learning is a growing area of machine learning that
aims to learn classifiers from data consisting of labelled positive and
unlabelled instances. Whilst much work has been done proposing methods for PU
learning, little has been written on the subject of evaluating these methods.
Many popular standard classification metrics cannot be precisely calculated due
to the absence of fully labelled data, so alternative approaches must be taken.
This short commentary paper critically reviews the main PU learning evaluation
approaches and the choice of predictive accuracy measures in 51 articles
proposing PU classifiers and provides practical recommendations for
improvements in this area."
2727,Towards Responsible AI for Financial Transactions,"The application of AI in finance is increasingly dependent on the principles
of responsible AI. These principles - explainability, fairness, privacy,
accountability, transparency and soundness form the basis for trust in future
AI systems. In this study, we address the first principle by providing an
explanation for a deep neural network that is trained on a mixture of
numerical, categorical and textual inputs for financial transaction
classification. The explanation is achieved through (1) a feature importance
analysis using Shapley additive explanations (SHAP) and (2) a hybrid approach
of text clustering and decision tree classifiers. We then test the robustness
of the model by exposing it to a targeted evasion attack, leveraging the
knowledge we gained about the model through the extracted explanation."
2728,Towards Practical Differential Privacy in Data Analysis: Understanding the Effect of Epsilon on Utility in Private ERM,"In this paper, we focus our attention on private Empirical Risk Minimization
(ERM), which is one of the most commonly used data analysis method. We take the
first step towards solving the above problem by theoretically exploring the
effect of epsilon (the parameter of differential privacy that determines the
strength of privacy guarantee) on utility of the learning model. We trace the
change of utility with modification of epsilon and reveal an established
relationship between epsilon and utility. We then formalize this relationship
and propose a practical approach for estimating the utility under an arbitrary
value of epsilon. Both theoretical analysis and experimental results
demonstrate high estimation accuracy and broad applicability of our approach in
practical applications. As providing algorithms with strong utility guarantees
that also give privacy when possible becomes more and more accepted, our
approach would have high practical value and may be likely to be adopted by
companies and organizations that would like to preserve privacy but are
unwilling to compromise on utility."
2729,Fast Adversarial Training with Adaptive Step Size,"While adversarial training and its variants have shown to be the most
effective algorithms to defend against adversarial attacks, their extremely
slow training process makes it hard to scale to large datasets like ImageNet.
The key idea of recent works to accelerate adversarial training is to
substitute multi-step attacks (e.g., PGD) with single-step attacks (e.g.,
FGSM). However, these single-step methods suffer from catastrophic overfitting,
where the accuracy against PGD attack suddenly drops to nearly 0% during
training, destroying the robustness of the networks. In this work, we study the
phenomenon from the perspective of training instances. We show that
catastrophic overfitting is instance-dependent and fitting instances with
larger gradient norm is more likely to cause catastrophic overfitting. Based on
our findings, we propose a simple but effective method, Adversarial Training
with Adaptive Step size (ATAS). ATAS learns an instancewise adaptive step size
that is inversely proportional to its gradient norm. The theoretical analysis
shows that ATAS converges faster than the commonly adopted non-adaptive
counterparts. Empirically, ATAS consistently mitigates catastrophic overfitting
and achieves higher robust accuracy on CIFAR10, CIFAR100 and ImageNet when
evaluated on various adversarial budgets."
2730,Embrace the Gap: VAEs Perform Independent Mechanism Analysis,"Variational autoencoders (VAEs) are a popular framework for modeling complex
data distributions; they can be efficiently trained via variational inference
by maximizing the evidence lower bound (ELBO), at the expense of a gap to the
exact (log-)marginal likelihood. While VAEs are commonly used for
representation learning, it is unclear why ELBO maximization would yield useful
representations, since unregularized maximum likelihood estimation cannot
invert the data-generating process. Yet, VAEs often succeed at this task. We
seek to elucidate this apparent paradox by studying nonlinear VAEs in the limit
of near-deterministic decoders. We first prove that, in this regime, the
optimal encoder approximately inverts the decoder -- a commonly used but
unproven conjecture -- which we refer to as {\em self-consistency}. Leveraging
self-consistency, we show that the ELBO converges to a regularized
log-likelihood. This allows VAEs to perform what has recently been termed
independent mechanism analysis (IMA): it adds an inductive bias towards
decoders with column-orthogonal Jacobians, which helps recovering the true
latent factors. The gap between ELBO and log-likelihood is therefore welcome,
since it bears unanticipated benefits for nonlinear representation learning. In
experiments on synthetic and image data, we show that VAEs uncover the true
latent factors when the data generating process satisfies the IMA assumption."
2731,Is More Data All You Need? A Causal Exploration,"Curating a large scale medical imaging dataset for machine learning
applications is both time consuming and expensive. Balancing the workload
between model development, data collection and annotations is difficult for
machine learning practitioners, especially under time constraints. Causal
analysis is often used in medicine and economics to gain insights about the
effects of actions and policies. In this paper we explore the effect of dataset
interventions on the output of image classification models. Through a causal
approach we investigate the effects of the quantity and type of data we need to
incorporate in a dataset to achieve better performance for specific subtasks.
The main goal of this paper is to highlight the potential of causal analysis as
a tool for resource optimization for developing medical imaging ML
applications. We explore this concept with a synthetic dataset and an exemplary
use-case for Diabetic Retinopathy image analysis."
2732,A Simple yet Effective Method for Graph Classification,"In deep neural networks, better results can often be obtained by increasing
the complexity of previously developed basic models. However, it is unclear
whether there is a way to boost performance by decreasing the complexity of
such models. Intuitively, given a problem, a simpler data structure comes with
a simpler algorithm. Here, we investigate the feasibility of improving graph
classification performance while simplifying the learning process. Inspired by
structural entropy on graphs, we transform the data sample from graphs to
coding trees, which is a simpler but essential structure for graph data.
Furthermore, we propose a novel message passing scheme, termed hierarchical
reporting, in which features are transferred from leaf nodes to root nodes by
following the hierarchical structure of coding trees. We then present a tree
kernel and a convolutional network to implement our scheme for graph
classification. With the designed message passing scheme, the tree kernel and
convolutional network have a lower runtime complexity of $O(n)$ than
Weisfeiler-Lehman subtree kernel and other graph neural networks of at least
$O(hm)$. We empirically validate our methods with several graph classification
benchmarks and demonstrate that they achieve better performance and lower
computational consumption than competing approaches."
2733,Interference Management for Over-the-Air Federated Learning in Multi-Cell Wireless Networks,"Federated learning (FL) over resource-constrained wireless networks has
recently attracted much attention. However, most existing studies consider one
FL task in single-cell wireless networks and ignore the impact of
downlink/uplink inter-cell interference on the learning performance. In this
paper, we investigate FL over a multi-cell wireless network, where each cell
performs a different FL task and over-the-air computation (AirComp) is adopted
to enable fast uplink gradient aggregation. We conduct convergence analysis of
AirComp-assisted FL systems, taking into account the inter-cell interference in
both the downlink and uplink model/gradient transmissions, which reveals that
the distorted model/gradient exchanges induce a gap to hinder the convergence
of FL. We characterize the Pareto boundary of the error-induced gap region to
quantify the learning performance trade-off among different FL tasks, based on
which we formulate an optimization problem to minimize the sum of error-induced
gaps in all cells. To tackle the coupling between the downlink and uplink
transmissions as well as the coupling among multiple cells, we propose a
cooperative multi-cell FL optimization framework to achieve efficient
interference management for downlink and uplink transmission design. Results
demonstrate that our proposed algorithm achieves much better average learning
performance over multiple cells than non-cooperative baseline schemes."
2734,Semi-Supervised Segmentation of Mitochondria from Electron Microscopy Images Using Spatial Continuity,"Morphology of mitochondria plays critical roles in mediating their
physiological functions. Accurate segmentation of mitochondria from 3D electron
microscopy (EM) images is essential to quantitative characterization of their
morphology at the nanometer scale. Fully supervised deep learning models
developed for this task achieve excellent performance but require substantial
amounts of annotated data for training. However, manual annotation of EM images
is laborious and time-consuming because of their large volumes, limited
contrast, and low signal-to-noise ratios (SNRs). To overcome this challenge, we
propose a semi-supervised deep learning model that segments mitochondria by
leveraging the spatial continuity of their structural, morphological, and
contextual information in both labeled and unlabeled images. We use random
piecewise affine transformation to synthesize comprehensive and realistic
mitochondrial morphology for augmentation of training data. Experiments on the
EPFL dataset show that our model achieves performance similar as that of
state-of-the-art fully supervised models but requires only ~20% of their
annotated training data. Our semi-supervised model is versatile and can also
accurately segment other spatially continuous structures from EM images. Data
and code of this study are openly accessible at
https://github.com/cbmi-group/MPP."
2735,Automated Circuit Sizing with Multi-objective Optimization based on Differential Evolution and Bayesian Inference,"With the ever increasing complexity of specifications, manual sizing for
analog circuits recently became very challenging. Especially for innovative,
large-scale circuits designs, with tens of design variables, operating
conditions and conflicting objectives to be optimized, design engineers spend
many weeks, running time-consuming simulations, in their attempt at finding the
right configuration. Recent years brought machine learning and optimization
techniques to the field of analog circuits design, with evolutionary algorithms
and Bayesian models showing good results for circuit sizing. In this context,
we introduce a design optimization method based on Generalized Differential
Evolution 3 (GDE3) and Gaussian Processes (GPs). The proposed method is able to
perform sizing for complex circuits with a large number of design variables and
many conflicting objectives to be optimized. While state-of-the-art methods
reduce multi-objective problems to single-objective optimization and
potentially induce a prior bias, we search directly over the multi-objective
space using Pareto dominance and ensure that diverse solutions are provided to
the designers to choose from. To the best of our knowledge, the proposed method
is the first to specifically address the diversity of the solutions, while also
focusing on minimizing the number of simulations required to reach feasible
configurations. We evaluate the introduced method on two voltage regulators
showing different levels of complexity and we highlight that the proposed
innovative candidate selection method and survival policy leads to obtaining
feasible solutions, with a high degree of diversity, much faster than with GDE3
or Bayesian Optimization-based algorithms."
2736,Restructuring Graph for Higher Homophily via Learnable Spectral Clustering,"While a growing body of literature has been studying new Graph Neural
Networks (GNNs) that work on both homophilic and heterophilic graphs, little
work has been done on adapting classical GNNs to less-homophilic graphs.
Although lacking the ability to work with less-homophilic graphs, classical
GNNs still stand out in some properties such as efficiency, simplicity and
explainability. We propose a novel graph restructuring method to maximize the
benefit of prevalent GNNs with the homophilic assumption. Our contribution is
threefold: a) learning the weight of pseudo-eigenvectors for an adaptive
spectral clustering that aligns well with known node labels, b) proposing a new
homophilic metric that measures how two nodes with the same label are likely to
be connected, and c) reconstructing the adjacency matrix based on the result of
adaptive spectral clustering to maximize the homophilic scores. The
experimental results show that our graph restructuring method can significantly
boost the performance of six classical GNNs by an average of 25% on
less-homophilic graphs. The boosted performance is comparable to
state-of-the-art methods."
2737,Efficient Minimax Optimal Global Optimization of Lipschitz Continuous Multivariate Functions,"In this work, we propose an efficient minimax optimal global optimization
algorithm for multivariate Lipschitz continuous functions. To evaluate the
performance of our approach, we utilize the average regret instead of the
traditional simple regret, which, as we show, is not suitable for use in the
multivariate non-convex optimization because of the inherent hardness of the
problem itself. Since we study the average regret of the algorithm, our results
directly imply a bound for the simple regret as well. Instead of constructing
lower bounding proxy functions, our method utilizes a predetermined query
creation rule, which makes it computationally superior to the Piyavskii-Shubert
variants. We show that our algorithm achieves an average regret bound of
$O(L\sqrt{n}T^{-\frac{1}{n}})$ for the optimization of an $n$-dimensional
$L$-Lipschitz continuous objective in a time horizon $T$, which we show to be
minimax optimal."
2738,Adaptive Rollout Length for Model-Based RL Using Model-Free Deep RL,"Model-based reinforcement learning promises to learn an optimal policy from
fewer interactions with the environment compared to model-free reinforcement
learning by learning an intermediate model of the environment in order to
predict future interactions. When predicting a sequence of interactions, the
rollout length, which limits the prediction horizon, is a critical
hyperparameter as accuracy of the predictions diminishes in the regions that
are further away from real experience. As a result, with a longer rollout
length, an overall worse policy is learned in the long run. Thus, the
hyperparameter provides a trade-off between quality and efficiency. In this
work, we frame the problem of tuning the rollout length as a meta-level
sequential decision-making problem that optimizes the final policy learned by
model-based reinforcement learning given a fixed budget of environment
interactions by adapting the hyperparameter dynamically based on feedback from
the learning process, such as accuracy of the model and the remaining budget of
interactions. We use model-free deep reinforcement learning to solve the
meta-level decision problem and demonstrate that our approach outperforms
common heuristic baselines on two well-known reinforcement learning
environments."
2739,Exploring Chemical Space with Score-based Out-of-distribution Generation,"A well-known limitation of existing works on molecule generation is that the
generated molecules highly resemble those in the training set. To generate
truly novel molecules with completely different structures that may have even
better properties than known molecules for de novo drug discovery, more
powerful exploration in the chemical space is necessary. To this end, we
propose Molecular Out-Of-distribution Diffusion (MOOD), a novel score-based
diffusion scheme that incorporates out-of-distribution (OOD) control in the
generative stochastic differential equation (SDE) with simple control of a
hyperparameter, thus requires no additional computational costs unlike existing
methods (e.g., RL-based methods). However, some novel molecules may be
chemically implausible, or may not meet the basic requirements of real-world
drugs. Thus, MOOD performs conditional generation by utilizing the gradients
from a property prediction network that guides the reverse-time diffusion to
high-scoring regions according to multiple target properties such as
protein-ligand interactions, drug-likeness, and synthesizability. This allows
MOOD to search for novel and meaningful molecules rather than generating unseen
yet trivial ones. We experimentally validate that MOOD is able to explore the
chemical space beyond the training distribution, generating molecules that
outscore ones found with existing methods, and even the top 0.01% of the
original training pool."
2740,Machine learning models for determination of weldbead shape parameters for gas metal arc welded T-joints -- A comparative study,"The shape of a weld bead is critical in assessing the quality of the welded
joint. In particular, this has a major impact in the accuracy of the results
obtained from a numerical analysis. This study focuses on the statistical
design techniques and the artificial neural networks, to predict the weld bead
shape parameters of shielded Gas Metal Arc Welded (GMAW) fillet joints.
Extensive testing was carried out on low carbon mild steel plates of
thicknesses ranging from 3mm to 10mm. Welding voltage, welding current, and
moving heat source speed were considered as the welding parameters. Three types
of multiple linear regression models (MLR) were created to establish an
empirical equation for defining GMAW bead shape parameters considering
interactive and higher order terms. Additionally, artificial neural network
(ANN) models were created based on similar scheme, and the relevance of
specific features was investigated using SHapley Additive exPlanations (SHAP).
The results reveal that MLR-based approach performs better than the ANN based
models in terms of predictability and error assessment. This study shows the
usefulness of the predictive tools to aid numerical analysis of welding."
2741,Markovian Interference in Experiments,"We consider experiments in dynamical systems where interventions on some
experimental units impact other units through a limiting constraint (such as a
limited inventory). Despite outsize practical importance, the best estimators
for this `Markovian' interference problem are largely heuristic in nature, and
their bias is not well understood. We formalize the problem of inference in
such experiments as one of policy evaluation. Off-policy estimators, while
unbiased, apparently incur a large penalty in variance relative to
state-of-the-art heuristics. We introduce an on-policy estimator: the
Differences-In-Q's (DQ) estimator. We show that the DQ estimator can in general
have exponentially smaller variance than off-policy evaluation. At the same
time, its bias is second order in the impact of the intervention. This yields a
striking bias-variance tradeoff so that the DQ estimator effectively dominates
state-of-the-art alternatives. From a theoretical perspective, we introduce
three separate novel techniques that are of independent interest in the theory
of Reinforcement Learning (RL). Our empirical evaluation includes a set of
experiments on a city-scale ride-hailing simulator."
2742,Bi-SimCut: A Simple Strategy for Boosting Neural Machine Translation,"We introduce Bi-SimCut: a simple but effective training strategy to boost
neural machine translation (NMT) performance. It consists of two procedures:
bidirectional pretraining and unidirectional finetuning. Both procedures
utilize SimCut, a simple regularization method that forces the consistency
between the output distributions of the original and the cutoff sentence pairs.
Without leveraging extra dataset via back-translation or integrating
large-scale pretrained model, Bi-SimCut achieves strong translation performance
across five translation benchmarks (data sizes range from 160K to 20.2M): BLEU
scores of 31.16 for en -> de and 38.37 for de -> en on the IWSLT14 dataset,
30.78 for en -> de and 35.15 for de -> en on the WMT14 dataset, and 27.17 for
zh -> en on the WMT17 dataset. SimCut is not a new method, but a version of
Cutoff (Shen et al., 2020) simplified and adapted for NMT, and it could be
considered as a perturbation-based method. Given the universality and
simplicity of SimCut and Bi-SimCut, we believe they can serve as strong
baselines for future NMT research."
2743,Beyond Just Vision: A Review on Self-Supervised Representation Learning on Multimodal and Temporal Data,"Recently, Self-Supervised Representation Learning (SSRL) has attracted much
attention in the field of computer vision, speech, natural language processing
(NLP), and recently, with other types of modalities, including time series from
sensors. The popularity of self-supervised learning is driven by the fact that
traditional models typically require a huge amount of well-annotated data for
training. Acquiring annotated data can be a difficult and costly process.
Self-supervised methods have been introduced to improve the efficiency of
training data through discriminative pre-training of models using supervisory
signals that have been freely obtained from the raw data. Unlike existing
reviews of SSRL that have pre-dominately focused upon methods in the fields of
CV or NLP for a single modality, we aim to provide the first comprehensive
review of multimodal self-supervised learning methods for temporal data. To
this end, we 1) provide a comprehensive categorization of existing SSRL
methods, 2) introduce a generic pipeline by defining the key components of a
SSRL framework, 3) compare existing models in terms of their objective
function, network architecture and potential applications, and 4) review
existing multimodal techniques in each category and various modalities.
Finally, we present existing weaknesses and future opportunities. We believe
our work develops a perspective on the requirements of SSRL in domains that
utilise multimodal and/or temporal data"
2744,FIFA: Making Fairness More Generalizable in Classifiers Trained on Imbalanced Data,"Algorithmic fairness plays an important role in machine learning and imposing
fairness constraints during learning is a common approach. However, many
datasets are imbalanced in certain label classes (e.g. ""healthy"") and sensitive
subgroups (e.g. ""older patients""). Empirically, this imbalance leads to a lack
of generalizability not only of classification, but also of fairness
properties, especially in over-parameterized models. For example,
fairness-aware training may ensure equalized odds (EO) on the training data,
but EO is far from being satisfied on new users. In this paper, we propose a
theoretically-principled, yet Flexible approach that is
Imbalance-Fairness-Aware (FIFA). Specifically, FIFA encourages both
classification and fairness generalization and can be flexibly combined with
many existing fair learning methods with logits-based losses. While our main
focus is on EO, FIFA can be directly applied to achieve equalized opportunity
(EqOpt); and under certain conditions, it can also be applied to other fairness
notions. We demonstrate the power of FIFA by combining it with a popular fair
classification algorithm, and the resulting algorithm achieves significantly
better fairness generalization on several real-world datasets."
2745,Finite-Sample Maximum Likelihood Estimation of Location,"We consider 1-dimensional location estimation, where we estimate a parameter
$\lambda$ from $n$ samples $\lambda + \eta_i$, with each $\eta_i$ drawn i.i.d.
from a known distribution $f$. For fixed $f$ the maximum-likelihood estimate
(MLE) is well-known to be optimal in the limit as $n \to \infty$: it is
asymptotically normal with variance matching the Cram\'er-Rao lower bound of
$\frac{1}{n\mathcal{I}}$, where $\mathcal{I}$ is the Fisher information of $f$.
However, this bound does not hold for finite $n$, or when $f$ varies with $n$.
We show for arbitrary $f$ and $n$ that one can recover a similar theory based
on the Fisher information of a smoothed version of $f$, where the smoothing
radius decays with $n$."
2746,Convergence and sample complexity of natural policy gradient primal-dual methods for constrained MDPs,"We study sequential decision making problems aimed at maximizing the expected
total reward while satisfying a constraint on the expected total utility. We
employ the natural policy gradient method to solve the discounted
infinite-horizon optimal control problem for Constrained Markov Decision
Processes (constrained MDPs). Specifically, we propose a new Natural Policy
Gradient Primal-Dual (NPG-PD) method that updates the primal variable via
natural policy gradient ascent and the dual variable via projected sub-gradient
descent. Although the underlying maximization involves a nonconcave objective
function and a nonconvex constraint set, under the softmax policy
parametrization we prove that our method achieves global convergence with
sublinear rates regarding both the optimality gap and the constraint violation.
Such convergence is independent of the size of the state-action space, i.e., it
is~dimension-free. Furthermore, for log-linear and general smooth policy
parametrizations, we establish sublinear convergence rates up to a function
approximation error caused by restricted policy parametrization. We also
provide convergence and finite-sample complexity guarantees for two
sample-based NPG-PD algorithms. Finally, we use computational experiments to
showcase the merits and the effectiveness of our approach."
2747,Instance-Dependent Label-Noise Learning with Manifold-Regularized Transition Matrix Estimation,"In label-noise learning, estimating the transition matrix has attracted more
and more attention as the matrix plays an important role in building
statistically consistent classifiers. However, it is very challenging to
estimate the transition matrix T(x), where x denotes the instance, because it
is unidentifiable under the instance-dependent noise(IDN). To address this
problem, we have noticed that, there are psychological and physiological
evidences showing that we humans are more likely to annotate instances of
similar appearances to the same classes, and thus poor-quality or ambiguous
instances of similar appearances are easier to be mislabeled to the correlated
or same noisy classes. Therefore, we propose assumption on the geometry of T(x)
that ""the closer two instances are, the more similar their corresponding
transition matrices should be"". More specifically, we formulate above
assumption into the manifold embedding, to effectively reduce the degree of
freedom of T(x) and make it stably estimable in practice. The proposed
manifold-regularized technique works by directly reducing the estimation error
without hurting the approximation error about the estimation problem of T(x).
Experimental evaluations on four synthetic and two real-world datasets
demonstrate that our method is superior to state-of-the-art approaches for
label-noise learning under the challenging IDN."
2748,"Decentralized, Communication- and Coordination-free Learning in Structured Matching Markets","We study the problem of online learning in competitive settings in the
context of two-sided matching markets. In particular, one side of the market,
the agents, must learn about their preferences over the other side, the firms,
through repeated interaction while competing with other agents for successful
matches. We propose a class of decentralized, communication- and
coordination-free algorithms that agents can use to reach to their stable match
in structured matching markets. In contrast to prior works, the proposed
algorithms make decisions based solely on an agent's own history of play and
requires no foreknowledge of the firms' preferences. Our algorithms are
constructed by splitting up the statistical problem of learning one's
preferences, from noisy observations, from the problem of competing for firms.
We show that under realistic structural assumptions on the underlying
preferences of the agents and firms, the proposed algorithms incur a regret
which grows at most logarithmically in the time horizon. Our results show that,
in the case of matching markets, competition need not drastically affect the
performance of decentralized, communication and coordination free online
learning algorithms."
2749,Improving Model Understanding and Trust with Counterfactual Explanations of Model Confidence,"In this paper, we show that counterfactual explanations of confidence scores
help users better understand and better trust an AI model's prediction in
human-subject studies. Showing confidence scores in human-agent interaction
systems can help build trust between humans and AI systems. However, most
existing research only used the confidence score as a form of communication,
and we still lack ways to explain why the algorithm is confident. This paper
also presents two methods for understanding model confidence using
counterfactual explanation: (1) based on counterfactual examples; and (2) based
on visualisation of the counterfactual space."
2750,Complex Locomotion Skill Learning via Differentiable Physics,"Differentiable physics enables efficient gradient-based optimizations of
neural network (NN) controllers. However, existing work typically only delivers
NN controllers with limited capability and generalizability. We present a
practical learning framework that outputs unified NN controllers capable of
tasks with significantly improved complexity and diversity. To systematically
improve training robustness and efficiency, we investigated a suite of
improvements over the baseline approach, including periodic activation
functions, and tailored loss functions. In addition, we find our adoption of
batching and an Adam optimizer effective in training complex locomotion tasks.
We evaluate our framework on differentiable mass-spring and material point
method (MPM) simulations, with challenging locomotion tasks and multiple robot
designs. Experiments show that our learning framework, based on differentiable
physics, delivers better results than reinforcement learning and converges much
faster. We demonstrate that users can interactively control soft robot
locomotion and switch among multiple goals with specified velocity, height, and
direction instructions using a unified NN controller trained in our system."
2751,Early Abnormal Detection of Sewage Pipe Network: Bagging of Various Abnormal Detection Algorithms,"Abnormalities of the sewage pipe network will affect the normal operation of
the whole city. Therefore, it is important to detect the abnormalities early.
This paper propose an early abnormal-detection method. The abnormalities are
detected by using the conventional algorithms, such as isolation forest
algorithm, two innovations are given: (1) The current and historical data
measured by the sensors placed in the sewage pipe network (such as ultrasonic
Doppler flowmeter) are taken as the overall dataset, and then the general
dataset is detected by using the conventional anomaly detection method to
diagnose the anomaly of the data. The anomaly refers to the sample different
from the others samples in the whole dataset. Because the definition of anomaly
is not through the algorithm, but the whole dataset, the construction of the
whole dataset is the key to propose the early abnormal-detection algorithms.
(2) A bagging strategy for a variety of conventional anomaly detection
algorithms is proposed to achieve the early detection of anomalies with the
high precision and recall. The results show that this method can achieve the
early anomaly detection with the highest precision of 98.21%, the recall rate
63.58% and F1-score of 0.774."
2752,Hashing Learning with Hyper-Class Representation,"Existing unsupervised hash learning is a kind of attribute-centered
calculation. It may not accurately preserve the similarity between data. This
leads to low down the performance of hash function learning. In this paper, a
hash algorithm is proposed with a hyper-class representation. It is a two-steps
approach. The first step finds potential decision features and establish
hyper-class. The second step constructs hash learning based on the hyper-class
information in the first step, so that the hash codes of the data within the
hyper-class are as similar as possible, as well as the hash codes of the data
between the hyper-classes are as different as possible. To evaluate the
efficiency, a series of experiments are conducted on four public datasets. The
experimental results show that the proposed hash algorithm is more efficient
than the compared algorithms, in terms of mean average precision (MAP), average
precision (AP) and Hamming radius 2 (HAM2)"
2753,JigsawHSI: a network for Hyperspectral Image classification,"This article describes Jigsaw, a convolutional neural network (CNN) used in
geosciences and based on Inception but tailored for geoscientific analyses.
Introduces JigsawHSI (based on Jigsaw) and uses it on the land-use land-cover
(LULC) classification problem with the Indian Pines, Pavia University and
Salinas hyperspectral image data sets. The network is compared against
HybridSN, a spectral-spatial 3D-CNN followed by 2D-CNN that achieves
state-of-the-art results on the datasets. This short article proves that
JigsawHSI is able to meet or exceed HybridSN's performance in all three cases.
Additionally, the use of jigsaw in geosciences is highlighted, while the code
and toolkit are made available."
2754,Asymptotic Instance-Optimal Algorithms for Interactive Decision Making,"Past research on interactive decision making problems (bandits, reinforcement
learning, etc.) mostly focuses on the minimax regret that measures the
algorithm's performance on the hardest instance. However, an ideal algorithm
should adapt to the complexity of a particular problem instance and incur
smaller regrets on easy instances than worst-case instances. In this paper, we
design the first asymptotic instance-optimal algorithm for general interactive
decision making problems with finite number of decisions under mild conditions.
On \textit{every} instance $f$, our algorithm outperforms \emph{all} consistent
algorithms (those achieving non-trivial regrets on all instances), and has
asymptotic regret $\mathcal{C}(f) \ln n$, where $\mathcal{C}(f)$ is an exact
characterization of the complexity of $f$. The key step of the algorithm
involves hypothesis testing with active data collection. It computes the most
economical decisions with which the algorithm collects observations to test
whether an estimated instance is indeed correct; thus, the complexity
$\mathcal{C}(f)$ is the minimum cost to test the instance $f$ against other
instances. Our results, instantiated on concrete problems, recover the
classical gap-dependent bounds for multi-armed bandits [Lai and Robbins, 1985]
and prior works on linear bandits [Lattimore and Szepesvari, 2017], and improve
upon the previous best instance-dependent upper bound [Xu et al., 2021] for
reinforcement learning."
2755,"Efficient Machine Learning, Compilers, and Optimizations for Embedded Systems","Deep Neural Networks (DNNs) have achieved great success in a massive number
of artificial intelligence (AI) applications by delivering high-quality
computer vision, natural language processing, and virtual reality applications.
However, these emerging AI applications also come with increasing computation
and memory demands, which are challenging to handle especially for the embedded
systems where limited computation/memory resources, tight power budgets, and
small form factors are demanded. Challenges also come from the diverse
application-specific requirements, including real-time responses,
high-throughput performance, and reliable inference accuracy. To address these
challenges, we will introduce a series of effective design methods in this book
chapter to enable efficient algorithms, compilers, and various optimizations
for embedded systems."
2756,Bootstrapping Semi-supervised Medical Image Segmentation with Anatomical-aware Contrastive Distillation,"Contrastive learning has shown great promise over annotation scarcity
problems in the context of medical image segmentation. Existing approaches
typically assume a balanced class distribution for both labeled and unlabeled
medical images. However, medical image data in reality is commonly imbalanced
(i.e., multi-class label imbalance), which naturally yields blurry contours and
usually incorrectly labels rare objects. Moreover, it remains unclear whether
all negative samples are equally negative. In this work, we present ACTION, an
Anatomical-aware ConTrastive dIstillatiON framework, for semi-supervised
medical image segmentation. Specifically, we first develop an iterative
contrastive distillation algorithm by softly labeling the negatives rather than
binary supervision between positive and negative pairs. We also capture more
semantically similar features from the randomly chosen negative set compared to
the positives to enforce the diversity of the sampled data. Second, we raise a
more important question: Can we really handle imbalanced samples to yield
better performance? Hence, the key innovation in ACTION is to learn global
semantic relationship across the entire dataset and local anatomical features
among the neighbouring pixels with minimal additional memory footprint. During
the training, we introduce anatomical contrast by actively sampling a sparse
set of hard negative pixels, which can generate smoother segmentation
boundaries and more accurate predictions. Extensive experiments across two
benchmark datasets and different unlabeled settings show that ACTION performs
comparable or better than the current state-of-the-art supervised and
semi-supervised methods. Our code and models will be publicly available."
2757,Deep Learning-based FEA surrogate for sub-sea pressure vessel,"During the design process of an autonomous underwater vehicle (AUV), the
pressure vessel has a critical role. The pressure vessel contains dry
electronics, power sources, and other sensors that can not be flooded. A
traditional design approach for a pressure vessel design involves running
multiple Finite Element Analysis (FEA) based simulations and optimizing the
design to find the best suitable design which meets the requirement. Running
these FEAs are computationally very costly for any optimization process and it
becomes difficult to run even hundreds of evaluation. In such a case, a better
approach is the surrogate design with the goal of replacing FEA-based
prediction with some learning-based regressor. Once the surrogate is trained
for a class of problem, then the learned response surface can be used to
analyze the stress effect without running the FEA for that class of problem.
The challenge of creating a surrogate for a class of problems is data
generation. Since the process is computationally costly, it is not possible to
densely sample the design space and the learning response surface on sparse
data set becomes difficult. During experimentation, we observed that a Deep
Learning-based surrogate outperforms other regression models on such sparse
data. In the present work, we are utilizing the Deep Learning-based model to
replace the costly finite element analysis-based simulation process. By
creating the surrogate we speed up the prediction on the other design much
faster than direct Finite element Analysis. We also compared our DL-based
surrogate with other classical Machine Learning (ML) based regression models(
random forest and Gradient Boost regressor). We observed on the sparser data,
the DL-based surrogate performs much better than other regression models."
2758,Efficient and Accurate Physics-aware Multiplex Graph Neural Networks for 3D Small Molecules and Macromolecule Complexes,"Recent advances in applying Graph Neural Networks (GNNs) to molecular science
have showcased the power of learning three-dimensional (3D) structure
representations with GNNs. However, most existing GNNs suffer from the
limitations of insufficient modeling of diverse interactions, computational
expensive operations, and ignorance of vectorial values. Here, we tackle these
limitations by proposing a novel GNN model, Physics-aware Multiplex Graph
Neural Network (PaxNet), to efficiently and accurately learn the
representations of 3D molecules for both small organic compounds and
macromolecule complexes. PaxNet separates the modeling of local and non-local
interactions inspired by molecular mechanics, and reduces the expensive
angle-related computations. Besides scalar properties, PaxNet can also predict
vectorial properties by learning an associated vector for each atom. To
evaluate the performance of PaxNet, we compare it with state-of-the-art
baselines in two tasks. On small molecule dataset for predicting quantum
chemical properties, PaxNet reduces the prediction error by 15% and uses 73%
less memory than the best baseline. On macromolecule dataset for predicting
protein-ligand binding affinities, PaxNet outperforms the best baseline while
reducing the memory consumption by 33% and the inference time by 85%. Thus,
PaxNet provides a universal, robust and accurate method for large-scale machine
learning of molecules."
2759,AugLoss: A Learning Methodology for Real-World Dataset Corruption,"Deep Learning (DL) models achieve great successes in many domains. However,
DL models increasingly face safety and robustness concerns, including noisy
labeling in the training stage and feature distribution shifts in the testing
stage. Previous works made significant progress in addressing these problems,
but the focus has largely been on developing solutions for only one problem at
a time. For example, recent work has argued for the use of tunable robust loss
functions to mitigate label noise, and data augmentation (e.g., AugMix) to
combat distribution shifts. As a step towards addressing both problems
simultaneously, we introduce AugLoss, a simple but effective methodology that
achieves robustness against both train-time noisy labeling and test-time
feature distribution shifts by unifying data augmentation and robust loss
functions. We conduct comprehensive experiments in varied settings of
real-world dataset corruption to showcase the gains achieved by AugLoss
compared to previous state-of-the-art methods. Lastly, we hope this work will
open new directions for designing more robust and reliable DL models under
real-world corruptions."
2760,Accurate Virus Identification with Interpretable Raman Signatures by Machine Learning,"Rapid identification of newly emerging or circulating viruses is an important
first step toward managing the public health response to potential outbreaks. A
portable virus capture device coupled with label-free Raman Spectroscopy holds
the promise of fast detection by rapidly obtaining the Raman signature of a
virus followed by a machine learning approach applied to recognize the virus
based on its Raman spectrum, which is used as a fingerprint. We present such a
machine learning approach for analyzing Raman spectra of human and avian
viruses. A Convolutional Neural Network (CNN) classifier specifically designed
for spectral data achieves very high accuracy for a variety of virus type or
subtype identification tasks. In particular, it achieves 99% accuracy for
classifying influenza virus type A vs. type B, 96% accuracy for classifying
four subtypes of influenza A, 95% accuracy for differentiating enveloped and
non-enveloped viruses, and 99% accuracy for differentiating avian coronavirus
(infectious bronchitis virus, IBV) from other avian viruses. Furthermore,
interpretation of neural net responses in the trained CNN model using a
full-gradient algorithm highlights Raman spectral ranges that are most
important to virus identification. By correlating ML-selected salient Raman
ranges with the signature ranges of known biomolecules and chemical functional
groups (for example, amide, amino acid, carboxylic acid), we verify that our ML
model effectively recognizes the Raman signatures of proteins, lipids and other
vital functional groups present in different viruses and uses a weighted
combination of these signatures to identify viruses."
2761,Sharper Rates and Flexible Framework for Nonconvex SGD with Client and Data Sampling,"We revisit the classical problem of finding an approximately stationary point
of the average of $n$ smooth and possibly nonconvex functions. The optimal
complexity of stochastic first-order methods in terms of the number of gradient
evaluations of individual functions is $\mathcal{O}\left(n +
n^{1/2}\varepsilon^{-1}\right)$, attained by the optimal SGD methods
$\small\sf\color{green}{SPIDER}$(arXiv:1807.01695) and
$\small\sf\color{green}{PAGE}$(arXiv:2008.10898), for example, where
$\varepsilon$ is the error tolerance. However, i) the big-$\mathcal{O}$
notation hides crucial dependencies on the smoothness constants associated with
the functions, and ii) the rates and theory in these methods assume simplistic
sampling mechanisms that do not offer any flexibility. In this work we remedy
the situation. First, we generalize the $\small\sf\color{green}{PAGE}$
algorithm so that it can provably work with virtually any (unbiased) sampling
mechanism. This is particularly useful in federated learning, as it allows us
to construct and better understand the impact of various combinations of client
and data sampling strategies. Second, our analysis is sharper as we make
explicit use of certain novel inequalities that capture the intricate interplay
between the smoothness constants and the sampling procedure. Indeed, our
analysis is better even for the simple sampling procedure analyzed in the
$\small\sf\color{green}{PAGE}$ paper. However, this already improved bound can
be further sharpened by a different sampling scheme which we propose. In
summary, we provide the most general and most accurate analysis of optimal SGD
in the smooth nonconvex regime. Finally, our theoretical findings are supposed
with carefully designed experiments."
2762,"Information Threshold, Bayesian Inference and Decision-Making","We define the information threshold as the point of maximum curvature in the
prior vs. posterior Bayesian curve, both of which are described as a function
of the true positive and negative rates of the classification system in
question. The nature of the threshold is such that for sufficiently adequate
binary classification systems, retrieving excess information beyond the
threshold does not significantly alter the reliability of our classification
assessment. We hereby introduce the ""marital status thought experiment"" to
illustrate this idea and report a previously undefined mathematical
relationship between the Bayesian prior and posterior, which may have
significant philosophical and epistemological implications in decision theory.
Where the prior probability is a scalar between 0 and 1 given by $\phi$ and the
posterior is a scalar between 0 and 1 given by $\rho$, then at the information
threshold, $\phi_e$:
$\phi_e + \rho_e = 1$
Otherwise stated, given some degree of prior belief, we may assert its
persuasiveness when sufficient quality evidence yields a posterior so that
their combined sum equals 1. Retrieving further evidence beyond this point does
not significantly improve the posterior probability, and may serve as a
benchmark for confidence in decision-making."
2763,Diffusion-GAN: Training GANs with Diffusion,"For stable training of generative adversarial networks (GANs), injecting
instance noise into the input of the discriminator is considered as a
theoretically sound solution, which, however, has not yet delivered on its
promise in practice. This paper introduces Diffusion-GAN that employs a
Gaussian mixture distribution, defined over all the diffusion steps of a
forward diffusion chain, to inject instance noise. A random sample from the
mixture, which is diffused from an observed or generated data, is fed as the
input to the discriminator. The generator is updated by backpropagating its
gradient through the forward diffusion chain, whose length is adaptively
adjusted to control the maximum noise-to-data ratio allowed at each training
step. Theoretical analysis verifies the soundness of the proposed
Diffusion-GAN, which provides model- and domain-agnostic differentiable
augmentation. A rich set of experiments on diverse datasets show that
Diffusion-GAN can provide stable and data-efficient GAN training, bringing
consistent performance improvement over strong GAN baselines for synthesizing
photo-realistic images."
2764,Towards Individual Grevy's Zebra Identification via Deep 3D Fitting and Metric Learning,"This paper combines deep learning techniques for species detection, 3D model
fitting, and metric learning in one pipeline to perform individual animal
identification from photographs by exploiting unique coat patterns. This is the
first work to attempt this and, compared to traditional 2D bounding box or
segmentation based CNN identification pipelines, the approach provides
effective and explicit view-point normalisation and allows for a straight
forward visualisation of the learned biometric population space. Note that due
to the use of metric learning the pipeline is also readily applicable to open
set and zero shot re-identification scenarios. We apply the proposed approach
to individual Grevy's zebra (Equus grevyi) identification and show in a small
study on the SMALST dataset that the use of 3D model fitting can indeed benefit
performance. In particular, back-projected textures from 3D fitted models
improve identification accuracy from 48.0% to 56.8% compared to 2D bounding box
approaches for the dataset. Whilst the study is far too small accurately to
estimate the full performance potential achievable in larger-scale real-world
application settings and in comparisons against polished tools, our work lays
the conceptual and practical foundations for a next step in animal biometrics
towards deep metric learning driven, fully 3D-aware animal identification in
open population settings. We publish network weights and relevant facilitating
source code with this paper for full reproducibility and as inspiration for
further research."
2765,Use-Case-Grounded Simulations for Explanation Evaluation,"A growing body of research runs human subject evaluations to study whether
providing users with explanations of machine learning models can help them with
practical real-world use cases. However, running user studies is challenging
and costly, and consequently each study typically only evaluates a limited
number of different settings, e.g., studies often only evaluate a few
arbitrarily selected explanation methods. To address these challenges and aid
user study design, we introduce Use-Case-Grounded Simulated Evaluations
(SimEvals). SimEvals involve training algorithmic agents that take as input the
information content (such as model explanations) that would be presented to
each participant in a human subject study, to predict answers to the use case
of interest. The algorithmic agent's test set accuracy provides a measure of
the predictiveness of the information content for the downstream use case. We
run a comprehensive evaluation on three real-world use cases (forward
simulation, model debugging, and counterfactual reasoning) to demonstrate that
Simevals can effectively identify which explanation methods will help humans
for each use case. These results provide evidence that SimEvals can be used to
efficiently screen an important set of user study design decisions, e.g.
selecting which explanations should be presented to the user, before running a
potentially costly user study."
2766,Augmenting Netflix Search with In-Session Adapted Recommendations,"We motivate the need for recommendation systems that can cater to the members
in-the-moment intent by leveraging their interactions from the current session.
We provide an overview of an end-to-end in-session adaptive recommendations
system in the context of Netflix Search. We discuss the challenges and
potential solutions when developing such a system at production scale."
2767,Zero-Shot Voice Conditioning for Denoising Diffusion TTS Models,"We present a novel way of conditioning a pretrained denoising diffusion
speech model to produce speech in the voice of a novel person unseen during
training. The method requires a short (~3 seconds) sample from the target
person, and generation is steered at inference time, without any training
steps. At the heart of the method lies a sampling process that combines the
estimation of the denoising model with a low-pass version of the new speaker's
sample. The objective and subjective evaluations show that our sampling method
can generate a voice similar to that of the target speaker in terms of
frequency, with an accuracy comparable to state-of-the-art methods, and without
training."
2768,OntoMerger: An Ontology Integration Library for Deduplicating and Connecting Knowledge Graph Nodes,"Duplication of nodes is a common problem encountered when building knowledge
graphs (KGs) from heterogeneous datasets, where it is crucial to be able to
merge nodes having the same meaning. OntoMerger is a Python ontology
integration library whose functionality is to deduplicate KG nodes. Our
approach takes a set of KG nodes, mappings and disconnected hierarchies and
generates a set of merged nodes together with a connected hierarchy. In
addition, the library provides analytic and data testing functionalities that
can be used to fine-tune the inputs, further reducing duplication, and to
increase connectivity of the output graph. OntoMerger can be applied to a wide
variety of ontologies and KGs. In this paper we introduce OntoMerger and
illustrate its functionality on a real-world biomedical KG."
2769,Enforcing Group Fairness in Algorithmic Decision Making: Utility Maximization Under Sufficiency,"Binary decision making classifiers are not fair by default. Fairness
requirements are an additional element to the decision making rationale, which
is typically driven by maximizing some utility function. In that sense,
algorithmic fairness can be formulated as a constrained optimization problem.
This paper contributes to the discussion on how to implement fairness, focusing
on the fairness concepts of positive predictive value (PPV) parity, false
omission rate (FOR) parity, and sufficiency (which combines the former two). We
show that group-specific threshold rules are optimal for PPV parity and FOR
parity, similar to well-known results for other group fairness criteria.
However, depending on the underlying population distributions and the utility
function, we find that sometimes an upper-bound threshold rule for one group is
optimal: utility maximization under PPV parity (or FOR parity) might thus lead
to selecting the individuals with the smallest utility for one group, instead
of selecting the most promising individuals. This result is counter-intuitive
and in contrast to the analogous solutions for statistical parity and equality
of opportunity. We also provide a solution for the optimal decision rules
satisfying the fairness constraint sufficiency. We show that more complex
decision rules are required and that this leads to within-group unfairness for
all but one of the groups. We illustrate our findings based on simulated and
real data."
2770,Offline RL for Natural Language Generation with Implicit Language Q Learning,"Large language models distill broad knowledge from text corpora. However,
they can be inconsistent when it comes to completing user specified tasks. This
issue can be addressed by finetuning such models via supervised learning on
curated datasets, or via reinforcement learning. In this work, we propose a
novel offline RL motivated method, implicit language Q-learning (ILQL),
designed for use on language models, that combines both the flexible utility
optimization framework of traditional RL algorithms with supervised learning's
ability to leverage existing data and its simplicity and stability. Our method,
based on dynamic programming, employs a blend of value conservatism alongside
an implicit dataset support constraint in learning value functions, which are
then used to guide language model generations towards maximizing utility. In
addition to empirically validating ILQL, we present a detailed empirical
analysis of situations where offline RL can be useful in natural language
generation settings, demonstrating how it can be a more effective utility
optimizer than prior approaches for end-to-end dialogue, and how it can
effectively optimize high variance reward functions based on subjective
judgement, such as whether to label a comment as an example of toxic speech or
not."
2771,Models of human preference for learning reward functions,"The utility of reinforcement learning is limited by the alignment of reward
functions with the interests of human stakeholders. One promising method for
alignment is to learn the reward function from human-generated preferences
between pairs of trajectory segments. These human preferences are typically
assumed to be informed solely by partial return, the sum of rewards along each
segment. We find this assumption to be flawed and propose modeling preferences
instead as arising from a different statistic: each segment's regret, a measure
of a segment's deviation from optimal decision-making. Given infinitely many
preferences generated according to regret, we prove that we can identify a
reward function equivalent to the reward function that generated those
preferences. We also prove that the previous partial return model lacks this
identifiability property without preference noise that reveals rewards'
relative proportions, and we empirically show that our proposed regret
preference model outperforms it with finite training data in otherwise the same
setting. Additionally, our proposed regret preference model better predicts
real human preferences and also learns reward functions from these preferences
that lead to policies that are better human-aligned. Overall, this work
establishes that the choice of preference model is impactful, and our proposed
regret preference model provides an improvement upon a core assumption of
recent research."
2772,Efficient decentralized multi-agent learning in asymmetric queuing systems,"We study decentralized multi-agent learning in bipartite queuing systems, a
standard model for service systems. In particular, $N$ agents request service
from $K$ servers in a fully decentralized way, i.e, by running the same
algorithm without communication. Previous decentralized algorithms are
restricted to symmetric systems, have performance that is degrading
exponentially in the number of servers, require communication through shared
randomness and unique agent identities, and are computationally demanding. In
contrast, we provide a simple learning algorithm that, when run decentrally by
each agent, leads the queuing system to have efficient performance in general
asymmetric bipartite queuing systems while also having additional robustness
properties. Along the way, we provide the first UCB-based algorithm for the
centralized case of the problem, which resolves an open question by Krishnasamy
et al. (2016,2021)."
2773,U(1) Symmetry-breaking Observed in Generic CNN Bottleneck Layers,"We report on a significant discovery linking deep convolutional neural
networks (CNN) to biological vision and fundamental particle physics. A model
of information propagation in a CNN is proposed via an analogy to an optical
system, where bosonic particles (i.e. photons) are concentrated as the 2D
spatial resolution of the image collapses to a focal point $1\times 1=1$. A 3D
space $(x,y,t)$ is defined by $(x,y)$ coordinates in the image plane and CNN
layer $t$, where a principal ray $(0,0,t)$ runs in the direction of information
propagation through both the optical axis and the image center pixel located at
$(x,y)=(0,0)$, about which the sharpest possible spatial focus is limited to a
circle of confusion in the image plane. Our novel insight is to model the
principal optical ray $(0,0,t)$ as geometrically equivalent to the medial
vector in the positive orthant $I(x,y) \in R^{N+}$ of a $N$-channel activation
space, e.g. along the greyscale (or luminance) vector $(t,t,t)$ in $RGB$ colour
space. Information is thus concentrated into an energy potential
$E(x,y,t)=\|I(x,y,t)\|^2$, which, particularly for bottleneck layers $t$ of
generic CNNs, is highly concentrated and symmetric about the spatial origin
$(0,0,t)$ and exhibits the well-known ""Sombrero"" potential of the boson
particle. This symmetry is broken in classification, where bottleneck layers of
generic pre-trained CNN models exhibit a consistent class-specific bias towards
an angle $\theta \in U(1)$ defined simultaneously in the image plane and in
activation feature space. Initial observations validate our hypothesis from
generic pre-trained CNN activation maps and a bare-bones memory-based
classification scheme, with no training or tuning. Training from scratch using
a random $U(1)$ class label the leads to improved classification in all cases."
2774,Statistical Deep Learning for Spatial and Spatio-Temporal Data,"Deep neural network models have become ubiquitous in recent years, and have
been applied to nearly all areas of science, engineering, and industry. These
models are particularly useful for data that have strong dependencies in space
(e.g., images) and time (e.g., sequences). Indeed, deep models have also been
extensively used by the statistical community to model spatial and
spatio-temporal data through, for example, the use of multi-level Bayesian
hierarchical models and deep Gaussian processes. In this review, we first
present an overview of traditional statistical and machine learning
perspectives for modeling spatial and spatio-temporal data, and then focus on a
variety of hybrid models that have recently been developed for latent process,
data, and parameter specifications. These hybrid models integrate statistical
modeling ideas with deep neural network models in order to take advantage of
the strengths of each modeling paradigm. We conclude by giving an overview of
computational technologies that have proven useful for these hybrid models, and
with a brief discussion on future research directions."
2775,Variable-rate hierarchical CPC leads to acoustic unit discovery in speech,"The success of deep learning comes from its ability to capture the
hierarchical structure of data by learning high-level representations defined
in terms of low-level ones. In this paper we explore self-supervised learning
of hierarchical representations of speech by applying multiple levels of
Contrastive Predictive Coding (CPC). We observe that simply stacking two CPC
models does not yield significant improvements over single-level architectures.
Inspired by the fact that speech is often described as a sequence of discrete
units unevenly distributed in time, we propose a model in which the output of a
low-level CPC module is non-uniformly downsampled to directly minimize the loss
of a high-level CPC module. The latter is designed to also enforce a prior of
separability and discreteness in its representations by enforcing dissimilarity
of successive high-level representations through focused negative sampling, and
by quantization of the prediction targets. Accounting for the structure of the
speech signal improves upon single-level CPC features and enhances the
disentanglement of the learned representations, as measured by downstream
speech recognition tasks, while resulting in a meaningful segmentation of the
signal that closely resembles phone boundaries."
2776,Performance Comparison of Simple Transformer and Res-CNN-BiLSTM for Cyberbullying Classification,"The task of text classification using Bidirectional based LSTM architectures
is computationally expensive and time consuming to train. For this,
transformers were discovered which effectively give good performance as
compared to the traditional deep learning architectures. In this paper we
present a performance based comparison between simple transformer based network
and Res-CNN-BiLSTM based network for cyberbullying text classification problem.
The results obtained show that transformer we trained with 0.65 million
parameters has significantly being able to beat the performance of
Res-CNN-BiLSTM with 48.82 million parameters for faster training speeds and
more generalized metrics. The paper also compares the 1-dimensional character
level embedding network and 100-dimensional glove embedding network with
transformer."
2777,GridShift: A Faster Mode-seeking Algorithm for Image Segmentation and Object Tracking,"In machine learning and computer vision, mean shift (MS) qualifies as one of
the most popular mode-seeking algorithms used for clustering and image
segmentation. It iteratively moves each data point to the weighted mean of its
neighborhood data points. The computational cost required to find the neighbors
of each data point is quadratic to the number of data points. Consequently, the
vanilla MS appears to be very slow for large-scale datasets. To address this
issue, we propose a mode-seeking algorithm called GridShift, with significant
speedup and principally based on MS. To accelerate, GridShift employs a
grid-based approach for neighbor search, which is linear in the number of data
points. In addition, GridShift moves the active grid cells (grid cells
associated with at least one data point) in place of data points towards the
higher density, a step that provides more speedup. The runtime of GridShift is
linear in the number of active grid cells and exponential in the number of
features. Therefore, it is ideal for large-scale low-dimensional applications
such as object tracking and image segmentation. Through extensive experiments,
we showcase the superior performance of GridShift compared to other MS-based as
well as state-of-the-art algorithms in terms of accuracy and runtime on
benchmark datasets for image segmentation. Finally, we provide a new
object-tracking algorithm based on GridShift and show promising results for
object tracking compared to CamShift and meanshift++."
2778,Machine learning applications for electricity market agent-based models: A systematic literature review,"The electricity market has a vital role to play in the decarbonisation of the
energy system. However, the electricity market is made up of many different
variables and data inputs. These variables and data inputs behave in sometimes
unpredictable ways which can not be predicted a-priori. It has therefore been
suggested that agent-based simulations are used to better understand the
dynamics of the electricity market. Agent-based models provide the opportunity
to integrate machine learning and artificial intelligence to add intelligence,
make better forecasts and control the power market in better and more efficient
ways. In this systematic literature review, we review 55 papers published
between 2016 and 2021 which focus on machine learning applied to agent-based
electricity market models. We find that research clusters around popular
topics, such as bidding strategies. However, there exists a long-tail of
different research applications that could benefit from the high intensity
research from the more investigated applications."
2779,Functional Ensemble Distillation,"Bayesian models have many desirable properties, most notable is their ability
to generalize from limited data and to properly estimate the uncertainty in
their predictions. However, these benefits come at a steep computational cost
as Bayesian inference, in most cases, is computationally intractable. One
popular approach to alleviate this problem is using a Monte-Carlo estimation
with an ensemble of models sampled from the posterior. However, this approach
still comes at a significant computational cost, as one needs to store and run
multiple models at test time. In this work, we investigate how to best distill
an ensemble's predictions using an efficient model. First, we argue that
current approaches that simply return distribution over predictions cannot
compute important properties, such as the covariance between predictions, which
can be valuable for further processing. Second, in many limited data settings,
all ensemble members achieve nearly zero training loss, namely, they produce
near-identical predictions on the training set which results in sub-optimal
distilled models. To address both problems, we propose a novel and general
distillation approach, named Functional Ensemble Distillation (FED), and we
investigate how to best distill an ensemble in this setting. We find that
learning the distilled model via a simple augmentation scheme in the form of
mixup augmentation significantly boosts the performance. We evaluated our
method on several tasks and showed that it achieves superior results in both
accuracy and uncertainty estimation compared to current approaches."
2780,Factored Conditional Filtering: Tracking States and Estimating Parameters in High-Dimensional Spaces,"This paper introduces the factored conditional filter, a new filtering
algorithm for simultaneously tracking states and estimating parameters in
high-dimensional state spaces. The conditional nature of the algorithm is used
to estimate parameters and the factored nature is used to decompose the state
space into low-dimensional subspaces in such a way that filtering on these
subspaces gives distributions whose product is a good approximation to the
distribution on the entire state space. The conditions for successful
application of the algorithm are that observations be available at the subspace
level and that the transition model can be factored into local transition
models that are approximately confined to the subspaces; these conditions are
widely satisfied in computer science, engineering, and geophysical filtering
applications. We give experimental results on tracking epidemics and estimating
parameters in large contact networks that show the effectiveness of our
approach."
2781,A Survey on Deep Learning based Channel Estimation in Doubly Dispersive Environments,"Wireless communications systems are impacted by multi-path fading and Doppler
shift in dynamic environments, where the channel becomes doubly-dispersive and
its estimation becomes an arduous task. Only a few pilots are used for channel
estimation in conventional approaches to preserve high data rate transmission.
Consequently, such estimators experience a significant performance degradation
in high mobility scenarios. Recently, deep learning has been employed for
doubly-dispersive channel estimation due to its low-complexity, robustness, and
good generalization ability. Against this backdrop, the current paper presents
a comprehensive survey on channel estimation techniques based on deep learning
by deeply investigating different methods. The study also provides extensive
experimental simulations followed by a computational complexity analysis. After
considering different parameters such as modulation order, mobility, frame
length, and deep learning architecture, the performance of the studied
estimators is evaluated in several mobility scenarios. In addition, the source
codes are made available online in order to make the results reproducible."
2782,Estimating and Mitigating the Congestion Effect of Curbside Pick-ups and Drop-offs: A Causal Inference Approach,"Curb space is one of the busiest areas in urban road networks. Especially in
recent years, the rapid increase of ride-hailing trips and commercial
deliveries has induced massive pick-ups/drop-offs (PUDOs), which occupy the
limited curb space that was designed and built decades ago. These PUDOs could
jam curb utilization and disturb the mainline traffic flow, evidently leading
to significant societal externalities. However, there is a lack of an
analytical framework that rigorously quantifies and mitigates the congestion
effect of PUDOs in the system view, particularly with little data support and
involvement of confounding effects. In view of this, this paper develops a
rigorous causal inference approach to estimate the congestion effect of PUDOs
on general networks. A causal graph is set to represent the spatio-temporal
relationship between PUDOs and traffic speed, and a double and separated
machine learning (DSML) method is proposed to quantify how PUDOs affect traffic
congestion. Additionally, a re-routing formulation is developed and solved to
encourage passenger walking and traffic flow re-routing to achieve system
optimal. Numerical experiments are conducted using real-world data in the
Manhattan area. On average, 100 additional units of PUDOs in a region could
reduce the traffic speed by 3.70 and 4.54 mph on weekdays and weekends,
respectively. Re-routing trips with PUDOs on curbs could respectively reduce
the system-wide total travel time by 2.44\% and 2.12\% in Midtown and Central
Park on weekdays. Sensitivity analysis is also conducted to demonstrate the
effectiveness and robustness of the proposed framework."
2783,Vanilla Feature Distillation for Improving the Accuracy-Robustness Trade-Off in Adversarial Training,"Adversarial training has been widely explored for mitigating attacks against
deep models. However, most existing works are still trapped in the dilemma
between higher accuracy and stronger robustness since they tend to fit a model
towards robust features (not easily tampered with by adversaries) while
ignoring those non-robust but highly predictive features. To achieve a better
robustness-accuracy trade-off, we propose the Vanilla Feature Distillation
Adversarial Training (VFD-Adv), which conducts knowledge distillation from a
pre-trained model (optimized towards high accuracy) to guide adversarial
training towards higher accuracy, i.e., preserving those non-robust but
predictive features. More specifically, both adversarial examples and their
clean counterparts are forced to be aligned in the feature space by distilling
predictive representations from the pre-trained/clean model, while previous
works barely utilize predictive features from clean models. Therefore, the
adversarial training model is updated towards maximally preserving the accuracy
as gaining robustness. A key advantage of our method is that it can be
universally adapted to and boost existing works. Exhaustive experiments on
various datasets, classification models, and adversarial training algorithms
demonstrate the effectiveness of our proposed method."
2784,Never mind the metrics -- what about the uncertainty? Visualising confusion matrix metric distributions,"There are strong incentives to build models that demonstrate outstanding
predictive performance on various datasets and benchmarks. We believe these
incentives risk a narrow focus on models and on the performance metrics used to
evaluate and compare them -- resulting in a growing body of literature to
evaluate and compare metrics. This paper strives for a more balanced
perspective on classifier performance metrics by highlighting their
distributions under different models of uncertainty and showing how this
uncertainty can easily eclipse differences in the empirical performance of
classifiers. We begin by emphasising the fundamentally discrete nature of
empirical confusion matrices and show how binary matrices can be meaningfully
represented in a three dimensional compositional lattice, whose cross-sections
form the basis of the space of receiver operating characteristic (ROC) curves.
We develop equations, animations and interactive visualisations of the contours
of performance metrics within (and beyond) this ROC space, showing how some are
affected by class imbalance. We provide interactive visualisations that show
the discrete posterior predictive probability mass functions of true and false
positive rates in ROC space, and how these relate to uncertainty in performance
metrics such as Balanced Accuracy (BA) and the Matthews Correlation Coefficient
(MCC). Our hope is that these insights and visualisations will raise greater
awareness of the substantial uncertainty in performance metric estimates that
can arise when classifiers are evaluated on empirical datasets and benchmarks,
and that classification model performance claims should be tempered by this
understanding."
2785,Perspectives of Non-Expert Users on Cyber Security and Privacy: An Analysis of Online Discussions on Twitter,"Current research on users` perspectives of cyber security and privacy related
to traditional and smart devices at home is very active, but the focus is often
more on specific modern devices such as mobile and smart IoT devices in a home
context. In addition, most were based on smaller-scale empirical studies such
as online surveys and interviews. We endeavour to fill these research gaps by
conducting a larger-scale study based on a real-world dataset of 413,985 tweets
posted by non-expert users on Twitter in six months of three consecutive years
(January and February in 2019, 2020 and 2021). Two machine learning-based
classifiers were developed to identify the 413,985 tweets. We analysed this
dataset to understand non-expert users` cyber security and privacy
perspectives, including the yearly trend and the impact of the COVID-19
pandemic. We applied topic modelling, sentiment analysis and qualitative
analysis of selected tweets in the dataset, leading to various interesting
findings. For instance, we observed a 54% increase in non-expert users` tweets
on cyber security and/or privacy related topics in 2021, compared to before the
start of global COVID-19 lockdowns (January 2019 to February 2020). We also
observed an increased level of help-seeking tweets during the COVID-19
pandemic. Our analysis revealed a diverse range of topics discussed by
non-expert users across the three years, including VPNs, Wi-Fi, smartphones,
laptops, smart home devices, financial security, and security and privacy
issues involving different stakeholders. Overall negative sentiment was
observed across almost all topics non-expert users discussed on Twitter in all
the three years. Our results confirm the multi-faceted nature of non-expert
users` perspectives on cyber security and privacy and call for more holistic,
comprehensive and nuanced research on different facets of such perspectives."
2786,HPGNN: Using Hierarchical Graph Neural Networks for Outdoor Point Cloud Processing,"Inspired by recent improvements in point cloud processing for autonomous
navigation, we focus on using hierarchical graph neural networks for processing
and feature learning over large-scale outdoor LiDAR point clouds. We observe
that existing GNN based methods fail to overcome challenges of scale and
irregularity of points in outdoor datasets. Addressing the need to preserve
structural details while learning over a larger volume efficiently, we propose
Hierarchical Point Graph Neural Network (HPGNN). It learns node features at
various levels of graph coarseness to extract information. This enables to
learn over a large point cloud while retaining fine details that existing
point-level graph networks struggle to achieve. Connections between multiple
levels enable a point to learn features in multiple scales, in a few
iterations. We design HPGNN as a purely GNN-based approach, so that it offers
modular expandability as seen with other point-based and Graph network
baselines. To illustrate the improved processing capability, we compare
previous point based and GNN models for semantic segmentation with our HPGNN,
achieving a significant improvement for GNNs (+36.7 mIoU) on the SemanticKITTI
dataset."
2787,Which models are innately best at uncertainty estimation?,"Deep neural networks must be equipped with an uncertainty estimation
mechanism when deployed for risk-sensitive tasks. This paper studies the
relationship between deep architectures and their training regimes with their
corresponding selective prediction and uncertainty estimation performance. We
consider both in-distribution uncertainties and class-out-of-distribution ones.
Moreover, we consider some of the most popular estimation performance metrics
previously proposed including AUROC, ECE, AURC, and coverage for selective
accuracy constraint. We present a novel and comprehensive study of selective
prediction and the uncertainty estimation performance of 484 existing
pretrained deep ImageNet classifiers that are available at popular
repositories. We identify numerous and previously unknown factors that affect
uncertainty estimation and examine the relationships between the different
metrics. We find that distillation-based training regimes consistently yield
better uncertainty estimations than other training schemes such as vanilla
training, pretraining on a larger dataset and adversarial training. We also
provide strong empirical evidence showing that ViT is by far the most superior
architecture in terms of uncertainty estimation performance, judging by any
aspect, in both in-distribution and class-out-of-distribution scenarios."
2788,Early Stage Convergence and Global Convergence of Training Mildly Parameterized Neural Networks,"The convergence of GD and SGD when training mildly parameterized neural
networks starting from random initialization is studied. For a broad range of
models and loss functions, including the most commonly used square loss and
cross entropy loss, we prove an ``early stage convergence'' result. We show
that the loss is decreased by a significant amount in the early stage of the
training, and this decrease is fast. Furthurmore, for exponential type loss
functions, and under some assumptions on the training data, we show global
convergence of GD. Instead of relying on extreme over-parameterization, our
study is based on a microscopic analysis of the activation patterns for the
neurons, which helps us derive more powerful lower bounds for the gradient. The
results on activation patterns, which we call ``neuron partition'', help build
intuitions for understanding the behavior of neural networks' training
dynamics, and may be of independent interest."
2789,Federated Adversarial Training with Transformers,"Federated learning (FL) has emerged to enable global model training over
distributed clients' data while preserving its privacy. However, the global
trained model is vulnerable to the evasion attacks especially, the adversarial
examples (AEs), carefully crafted samples to yield false classification.
Adversarial training (AT) is found to be the most promising approach against
evasion attacks and it is widely studied for convolutional neural network
(CNN). Recently, vision transformers have been found to be effective in many
computer vision tasks. To the best of the authors' knowledge, there is no work
that studied the feasibility of AT in a FL process for vision transformers.
This paper investigates such feasibility with different federated model
aggregation methods and different vision transformer models with different
tokenization and classification head techniques. In order to improve the robust
accuracy of the models with the not independent and identically distributed
(Non-IID), we propose an extension to FedAvg aggregation method, called
FedWAvg. By measuring the similarities between the last layer of the global
model and the last layer of the client updates, FedWAvg calculates the weights
to aggregate the local models updates. The experiments show that FedWAvg
improves the robust accuracy when compared with other state-of-the-art
aggregation methods."
2790,DeeprETA: An ETA Post-processing System at Scale,"Estimated Time of Arrival (ETA) plays an important role in delivery and
ride-hailing platforms. For example, Uber uses ETAs to calculate fares,
estimate pickup times, match riders to drivers, plan deliveries, and more.
Commonly used route planning algorithms predict an ETA conditioned on the best
available route, but such ETA estimates can be unreliable when the actual route
taken is not known in advance. In this paper, we describe an ETA
post-processing system in which a deep residual ETA network (DeeprETA) refines
naive ETAs produced by a route planning algorithm. Offline experiments and
online tests demonstrate that post-processing by DeeprETA significantly
improves upon the accuracy of naive ETAs as measured by mean and median
absolute error. We further show that post-processing by DeeprETA attains lower
error than competitive baseline regression models."
2791,Learning Dynamics and Generalization in Reinforcement Learning,"Solving a reinforcement learning (RL) problem poses two competing challenges:
fitting a potentially discontinuous value function, and generalizing well to
new observations. In this paper, we analyze the learning dynamics of temporal
difference algorithms to gain novel insight into the tension between these two
objectives. We show theoretically that temporal difference learning encourages
agents to fit non-smooth components of the value function early in training,
and at the same time induces the second-order effect of discouraging
generalization. We corroborate these findings in deep RL agents trained on a
range of environments, finding that neural networks trained using temporal
difference algorithms on dense reward tasks exhibit weaker generalization
between states than randomly initialized networks and networks trained with
policy gradient methods. Finally, we investigate how post-training policy
distillation may avoid this pitfall, and show that this approach improves
generalization to novel environments in the ProcGen suite and improves
robustness to input perturbations."
2792,Impossibility of Collective Intelligence,"Democratization of AI involves training and deploying machine learning models
across heterogeneous and potentially massive environments. Diversity of data
opens up a number of possibilities to advance AI systems, but also introduces
pressing concerns such as privacy, security, and equity that require special
attention. This work shows that it is theoretically impossible to design a
rational learning algorithm that has the ability to successfully learn across
heterogeneous environments, which we decoratively call collective intelligence
(CI). By representing learning algorithms as choice correspondences over a
hypothesis space, we are able to axiomatize them with essential properties.
Unfortunately, the only feasible algorithm compatible with all of the axioms is
the standard empirical risk minimization (ERM) which learns arbitrarily from a
single environment. Our impossibility result reveals informational
incomparability between environments as one of the foremost obstacles for
researchers who design novel algorithms that learn from multiple environments,
which sheds light on prerequisites for success in critical areas of machine
learning such as out-of-distribution generalization, federated learning,
algorithmic fairness, and multi-modal learning."
2793,Searching Similarity Measure for Binarized Neural Networks,"Being a promising model to be deployed in resource-limited devices, Binarized
Neural Networks (BNNs) have drawn extensive attention from both academic and
industry. However, comparing to the full-precision deep neural networks (DNNs),
BNNs suffer from non-trivial accuracy degradation, limiting its applicability
in various domains. This is partially because existing network components, such
as the similarity measure, are specially designed for DNNs, and might be
sub-optimal for BNNs.
In this work, we focus on the key component of BNNs -- the similarity
measure, which quantifies the distance between input feature maps and filters,
and propose an automatic searching method, based on genetic algorithm, for
BNN-tailored similarity measure. Evaluation results on Cifar10 and Cifar100
using ResNet, NIN and VGG show that most of the identified similarty measure
can achieve considerable accuracy improvement (up to 3.39%) over the
commonly-used cross-correlation approach."
2794,Interpretable Mixture of Experts for Structured Data,"With the growth of machine learning for structured data, the need for
reliable model explanations is essential, especially in high-stakes
applications. We introduce a novel framework, Interpretable Mixture of Experts
(IME), that provides interpretability for structured data while preserving
accuracy. IME consists of an assignment module and a mixture of interpretable
experts such as linear models where each sample is assigned to a single
interpretable expert. This results in an inherently-interpretable architecture
where the explanations produced by IME are the exact descriptions of how the
prediction is computed. In addition to constituting a standalone
inherently-interpretable architecture, an additional IME capability is that it
can be integrated with existing Deep Neural Networks (DNNs) to offer
interpretability to a subset of samples while maintaining the accuracy of the
DNNs. Experiments on various structured datasets demonstrate that IME is more
accurate than a single interpretable model and performs comparably to existing
state-of-the-art deep learning models in terms of accuracy while providing
faithful explanations."
2795,GAAF: Searching Activation Functions for Binary Neural Networks through Genetic Algorithm,"Binary neural networks (BNNs) show promising utilization in cost and
power-restricted domains such as edge devices and mobile systems. This is due
to its significantly less computation and storage demand, but at the cost of
degraded performance. To close the accuracy gap, in this paper we propose to
add a complementary activation function (AF) ahead of the sign based
binarization, and rely on the genetic algorithm (GA) to automatically search
for the ideal AFs. These AFs can help extract extra information from the input
data in the forward pass, while allowing improved gradient approximation in the
backward pass. Fifteen novel AFs are identified through our GA-based search,
while most of them show improved performance (up to 2.54% on ImageNet) when
testing on different datasets and network models. Our method offers a novel
approach for designing general and application-specific BNN architecture. Our
code is available at http://github.com/flying-Yan/GAAF."
2796,AUTM Flow: Atomic Unrestricted Time Machine for Monotonic Normalizing Flows,"Nonlinear monotone transformations are used extensively in normalizing flows
to construct invertible triangular mappings from simple distributions to
complex ones. In existing literature, monotonicity is usually enforced by
restricting function classes or model parameters and the inverse transformation
is often approximated by root-finding algorithms as a closed-form inverse is
unavailable. In this paper, we introduce a new integral-based approach termed
""Atomic Unrestricted Time Machine (AUTM)"", equipped with unrestricted
integrands and easy-to-compute explicit inverse. AUTM offers a versatile and
efficient way to the design of normalizing flows with explicit inverse and
unrestricted function classes or parameters. Theoretically, we present a
constructive proof that AUTM is universal: all monotonic normalizing flows can
be viewed as limits of AUTM flows. We provide a concrete example to show how to
approximate any given monotonic normalizing flow using AUTM flows with
guaranteed convergence. The result implies that AUTM can be used to transform
an existing flow into a new one equipped with explicit inverse and unrestricted
parameters. The performance of the new approach is evaluated on high
dimensional density estimation, variational inference and image generation.
Experiments demonstrate superior speed and memory efficiency of AUTM."
2797,Search Space Adaptation for Differentiable Neural Architecture Search in Image Classification,"As deep neural networks achieve unprecedented performance in various tasks,
neural architecture search (NAS), a research field for designing neural network
architectures with automated processes, is actively underway. More recently,
differentiable NAS has a great impact by reducing the search cost to the level
of training a single network. Besides, the search space that defines candidate
architectures to be searched directly affects the performance of the final
architecture. In this paper, we propose an adaptation scheme of the search
space by introducing a search scope. The effectiveness of proposed method is
demonstrated with ProxylessNAS for the image classification task. Furthermore,
we visualize the trajectory of architecture parameter updates and provide
insights to improve the architecture search."
2798,PEER: A Comprehensive and Multi-Task Benchmark for Protein Sequence Understanding,"We are now witnessing significant progress of deep learning methods in a
variety of tasks (or datasets) of proteins. However, there is a lack of a
standard benchmark to evaluate the performance of different methods, which
hinders the progress of deep learning in this field. In this paper, we propose
such a benchmark called PEER, a comprehensive and multi-task benchmark for
Protein sEquence undERstanding. PEER provides a set of diverse protein
understanding tasks including protein function prediction, protein localization
prediction, protein structure prediction, protein-protein interaction
prediction, and protein-ligand interaction prediction. We evaluate different
types of sequence-based methods for each task including traditional feature
engineering approaches, different sequence encoding methods as well as
large-scale pre-trained protein language models. In addition, we also
investigate the performance of these methods under the multi-task learning
setting. Experimental results show that large-scale pre-trained protein
language models achieve the best performance for most individual tasks, and
jointly training multiple tasks further boosts the performance. The datasets
and source codes of this benchmark will be open-sourced soon."
2799,ARC -- Actor Residual Critic for Adversarial Imitation Learning,"Adversarial Imitation Learning (AIL) is a class of popular state-of-the-art
Imitation Learning algorithms where an artificial adversary's misclassification
is used as a reward signal and is optimized by any standard Reinforcement
Learning (RL) algorithm. Unlike most RL settings, the reward in AIL is
differentiable but model-free RL algorithms do not make use of this property to
train a policy. In contrast, we leverage the differentiability property of the
AIL reward function and formulate a class of Actor Residual Critic (ARC) RL
algorithms that draw a parallel to the standard Actor-Critic (AC) algorithms in
RL literature and uses a residual critic, C function (instead of the standard Q
function) to approximate only the discounted future return (excluding the
immediate reward). ARC algorithms have similar convergence properties as the
standard AC algorithms with the additional advantage that the gradient through
the immediate reward is exact. For the discrete (tabular) case with finite
states, actions, and known dynamics, we prove that policy iteration with $C$
function converges to an optimal policy. In the continuous case with function
approximation and unknown dynamics, we experimentally show that ARC aided AIL
outperforms standard AIL in simulated continuous-control and real robotic
manipulation tasks. ARC algorithms are simple to implement and can be
incorporated into any existing AIL implementation with an AC algorithm."
2800,Using Connectome Features to Constrain Echo State Networks,"We report an improvement to the conventional Echo State Network (ESN), which
already achieves competitive performance in one-dimensional time series
prediction of dynamical systems. Our model -- a 20$\%$-dense ESN with reservoir
weights derived from a fruit fly connectome (and from its bootstrapped
distribution) -- yields superior performance on a chaotic time series
prediction task, and furthermore alleviates the ESN's high-variance problem. We
also find that an arbitrary positioning of weights can degrade ESN performance
and variance; and that this can be remedied in particular by employing
connectome-derived weight positions. Herein we consider four connectome
features -- namely, the sparsity, positioning, distribution, and clustering of
weights -- and construct corresponding model classes (A, B, B${}_2$, C) from an
appropriate null model ESN; one with its reservoir layer replaced by a fruit
fly connectivity matrix. After tuning relevant hyperparameters and selecting
the best instance of each model class, we train and validate all models for
multi-step prediction on size-variants (50, 250, 500, and 750 training input
steps) of the Mackey-Glass chaotic time series; and compute their performance
(Mean-Squared Error) and variance across train-validate trials."
2801,Bandit Theory and Thompson Sampling-Guided Directed Evolution for Sequence Optimization,"Directed Evolution (DE), a landmark wet-lab method originated in 1960s,
enables discovery of novel protein designs via evolving a population of
candidate sequences. Recent advances in biotechnology has made it possible to
collect high-throughput data, allowing the use of machine learning to map out a
protein's sequence-to-function relation. There is a growing interest in machine
learning-assisted DE for accelerating protein optimization. Yet the theoretical
understanding of DE, as well as the use of machine learning in DE, remains
limited. In this paper, we connect DE with the bandit learning theory and make
a first attempt to study regret minimization in DE. We propose a Thompson
Sampling-guided Directed Evolution (TS-DE) framework for sequence optimization,
where the sequence-to-function mapping is unknown and querying a single value
is subject to costly and noisy measurements. TS-DE updates a posterior of the
function based on collected measurements. It uses a posterior-sampled function
estimate to guide the crossover recombination and mutation steps in DE. In the
case of a linear model, we show that TS-DE enjoys a Bayesian regret of order
$\tilde O(d^{2}\sqrt{MT})$, where $d$ is feature dimension, $M$ is population
size and $T$ is number of rounds. This regret bound is nearly optimal,
confirming that bandit learning can provably accelerate DE. It may have
implications for more general sequence optimization and evolutionary
algorithms."
2802,"Inference for Interpretable Machine Learning: Fast, Model-Agnostic Confidence Intervals for Feature Importance","In order to trust machine learning for high-stakes problems, we need models
to be both reliable and interpretable. Recently, there has been a growing body
of work on interpretable machine learning which generates human understandable
insights into data, models, or predictions. At the same time, there has been
increased interest in quantifying the reliability and uncertainty of machine
learning predictions, often in the form of confidence intervals for predictions
using conformal inference. Yet, there has been relatively little attention
given to the reliability and uncertainty of machine learning interpretations,
which is the focus of this paper. Our goal is to develop confidence intervals
for a widely-used form of machine learning interpretation: feature importance.
We specifically seek to develop universal model-agnostic and assumption-light
confidence intervals for feature importance that will be valid for any machine
learning model and for any regression or classification task. We do so by
leveraging a form of random observation and feature subsampling called
minipatch ensembles and show that our approach provides assumption-light
asymptotic coverage for the feature importance score of any model. Further, our
approach is fast as computations needed for inference come nearly for free as
part of the ensemble learning process. Finally, we also show that our same
procedure can be leveraged to provide valid confidence intervals for
predictions, hence providing fast, simultaneous quantification of the
uncertainty of both model predictions and interpretations. We validate our
intervals on a series of synthetic and real data examples, showing that our
approach detects the correct important features and exhibits many computational
and statistical advantages over existing methods."
2803,Demystifying the Global Convergence Puzzle of Learning Over-parameterized ReLU Nets in Very High Dimensions,"This theoretical paper is devoted to developing a rigorous theory for
demystifying the global convergence phenomenon in a challenging scenario:
learning over-parameterized Rectified Linear Unit (ReLU) nets for very high
dimensional dataset under very mild assumptions. A major ingredient of our
analysis is a fine-grained analysis of random activation matrices. The
essential virtue of dissecting activation matrices is that it bridges the
dynamics of optimization and angular distribution in high-dimensional data
space. This angle-based detailed analysis leads to asymptotic characterizations
of gradient norm and directional curvature of objective function at each
gradient descent iteration, revealing that the empirical loss function enjoys
nice geometrical properties in the overparameterized setting. Along the way, we
significantly improve existing theoretical bounds on both over-parameterization
condition and learning rate with very mild assumptions for learning very high
dimensional data. Moreover, we uncover the role of the geometrical and spectral
properties of the input data in determining desired over-parameterization size
and global convergence rate. All these clues allow us to discover a novel
geometric picture of nonconvex optimization in deep learning: angular
distribution in high-dimensional data space $\mapsto$ spectrums of
overparameterized activation matrices $\mapsto$ favorable geometrical
properties of empirical loss landscape $\mapsto$ global convergence phenomenon.
Furthremore, our theoretical results imply that gradient-based nonconvex
optimization algorithms have much stronger statistical guarantees with much
milder over-parameterization condition than exisiting theory states for
learning very high dimensional data, which is rarely explored so far."
2804,Straggler-Resilient Personalized Federated Learning,"Federated Learning is an emerging learning paradigm that allows training
models from samples distributed across a large network of clients while
respecting privacy and communication restrictions. Despite its success,
federated learning faces several challenges related to its decentralized
nature. In this work, we develop a novel algorithmic procedure with theoretical
speedup guarantees that simultaneously handles two of these hurdles, namely (i)
data heterogeneity, i.e., data distributions can vary substantially across
clients, and (ii) system heterogeneity, i.e., the computational power of the
clients could differ significantly. Our method relies on ideas from
representation learning theory to find a global common representation using all
clients' data and learn a user-specific set of parameters leading to a
personalized solution for each client. Furthermore, our method mitigates the
effects of stragglers by adaptively selecting clients based on their
computational characteristics and statistical significance, thus achieving, for
the first time, near optimal sample complexity and provable logarithmic
speedup. Experimental results support our theoretical findings showing the
superiority of our method over alternative personalized federated schemes in
system and data heterogeneous environments."
2805,Deciding What to Model: Value-Equivalent Sampling for Reinforcement Learning,"The quintessential model-based reinforcement-learning agent iteratively
refines its estimates or prior beliefs about the true underlying model of the
environment. Recent empirical successes in model-based reinforcement learning
with function approximation, however, eschew the true model in favor of a
surrogate that, while ignoring various facets of the environment, still
facilitates effective planning over behaviors. Recently formalized as the value
equivalence principle, this algorithmic technique is perhaps unavoidable as
real-world reinforcement learning demands consideration of a simple,
computationally-bounded agent interacting with an overwhelmingly complex
environment, whose underlying dynamics likely exceed the agent's capacity for
representation. In this work, we consider the scenario where agent limitations
may entirely preclude identifying an exactly value-equivalent model,
immediately giving rise to a trade-off between identifying a model that is
simple enough to learn while only incurring bounded sub-optimality. To address
this problem, we introduce an algorithm that, using rate-distortion theory,
iteratively computes an approximately-value-equivalent, lossy compression of
the environment which an agent may feasibly target in lieu of the true model.
We prove an information-theoretic, Bayesian regret bound for our algorithm that
holds for any finite-horizon, episodic sequential decision-making problem.
Crucially, our regret bound can be expressed in one of two possible forms,
providing a performance guarantee for finding either the simplest model that
achieves a desired sub-optimality gap or, alternatively, the best model given a
limit on agent capacity."
2806,Learning Robust Representations Of Generative Models Using Set-Based Artificial Fingerprints,"With recent progress in deep generative models, the problem of identifying
synthetic data and comparing their underlying generative processes has become
an imperative task for various reasons, including fighting visual
misinformation and source attribution. Existing methods often approximate the
distance between the models via their sample distributions. In this paper, we
approach the problem of fingerprinting generative models by learning
representations that encode the residual artifacts left by the generative
models as unique signals that identify the source models. We consider these
unique traces (a.k.a. ""artificial fingerprints"") as representations of
generative models, and demonstrate their usefulness in both the discriminative
task of source attribution and the unsupervised task of defining a similarity
between the underlying models. We first extend the existing studies on
fingerprints of GANs to four representative classes of generative models (VAEs,
Flows, GANs and score-based models), and demonstrate their existence and
attributability. We then improve the stability and attributability of the
fingerprints by proposing a new learning method based on set-encoding and
contrastive training. Our set-encoder, unlike existing methods that operate on
individual images, learns fingerprints from a \textit{set} of images. We
demonstrate improvements in the stability and attributability through
comparisons to state-of-the-art fingerprint methods and ablation studies.
Further, our method employs contrastive training to learn an implicit
similarity between models. We discover latent families of generative models
using this metric in a standard hierarchical clustering algorithm."
2807,Active Bayesian Causal Inference,"Causal discovery and causal reasoning are classically treated as separate and
consecutive tasks: one first infers the causal graph, and then uses it to
estimate causal effects of interventions. However, such a two-stage approach is
uneconomical, especially in terms of actively collected interventional data,
since the causal query of interest may not require a fully-specified causal
model. From a Bayesian perspective, it is also unnatural, since a causal query
(e.g., the causal graph or some causal effect) can be viewed as a latent
quantity subject to posterior inference -- other unobserved quantities that are
not of direct interest (e.g., the full causal model) ought to be marginalized
out in this process and contribute to our epistemic uncertainty. In this work,
we propose Active Bayesian Causal Inference (ABCI), a fully-Bayesian active
learning framework for integrated causal discovery and reasoning, which jointly
infers a posterior over causal models and queries of interest. In our approach
to ABCI, we focus on the class of causally-sufficient, nonlinear additive noise
models, which we model using Gaussian processes. We sequentially design
experiments that are maximally informative about our target causal query,
collect the corresponding interventional data, and update our beliefs to choose
the next experiment. Through simulations, we demonstrate that our approach is
more data-efficient than several baselines that only focus on learning the full
causal graph. This allows us to accurately learn downstream causal queries from
fewer samples while providing well-calibrated uncertainty estimates for the
quantities of interest."
2808,AI in 6G: Energy-Efficient Distributed Machine Learning for Multilayer Heterogeneous Networks,"Adept network management is key for supporting extremely heterogeneous
applications with stringent quality of service (QoS) requirements; this is more
so when envisioning the complex and ultra-dense 6G mobile heterogeneous network
(HetNet). From both the environmental and economical perspectives,
non-homogeneous QoS demands obstruct the minimization of the energy footprints
and operational costs of the envisioned robust networks. As such, network
intelligentization is expected to play an essential role in the realization of
such sophisticated aims. The fusion of artificial intelligence (AI) and mobile
networks will allow for the dynamic and automatic configuration of network
functionalities. Machine learning (ML), one of the backbones of AI, will be
instrumental in forecasting changes in network loads and resource utilization,
estimating channel conditions, optimizing network slicing, and enhancing
security and encryption. However, it is well known that ML tasks themselves
incur massive computational burdens and energy costs. To overcome such
obstacles, we propose a novel layer-based HetNet architecture which optimally
distributes tasks associated with different ML approaches across network layers
and entities; such a HetNet boasts multiple access schemes as well as
device-to-device (D2D) communications to enhance energy efficiency via
collaborative learning and communications."
2809,Your Neighbors Are Communicating: Towards Powerful and Scalable Graph Neural Networks,"Message passing graph neural networks (GNNs) are known to have their
expressiveness upper-bounded by 1-dimensional Weisfeiler-Lehman (1-WL)
algorithm. To achieve more powerful GNNs, existing attempts either require ad
hoc features, or involve operations that incur high time and space
complexities. In this work, we propose a general and provably powerful GNN
framework that preserves the scalability of message passing scheme. In
particular, we first propose to empower 1-WL for graph isomorphism test by
considering edges among neighbors, giving rise to NC-1-WL. The expressiveness
of NC-1-WL is shown to be strictly above 1-WL but below 3-WL theoretically.
Further, we propose the NC-GNN framework as a differentiable neural version of
NC-1-WL. Our simple implementation of NC-GNN is provably as powerful as
NC-1-WL. Experiments demonstrate that our NC-GNN achieves remarkable
performance on various benchmarks."
2810,When Personalization Harms: Reconsidering the Use of Group Attributes in Prediction,"The standard approach to personalization in machine learning consists of
training a model with group attributes like sex, age group, and blood type. In
this work, we show that this approach to personalization fails to improve
performance for all groups who provide personal data. We discuss how this
effect inflicts harm in applications where models assign predictions on the
basis of group membership. We propose collective preference guarantees to
ensure the fair use of group attributes in prediction. We characterize how
common approaches to personalization violate fair use due to failures in model
development and deployment. We conduct a comprehensive empirical study of
personalization in clinical prediction models. Our results highlight the
prevalence of fair use violations, demonstrate actionable interventions to
mitigate harm and underscore the need to measure the gains of personalization
for all groups who provide personal data."
2811,Interpretable Models Capable of Handling Systematic Missingness in Imbalanced Classes and Heterogeneous Datasets,"Application of interpretable machine learning techniques on medical datasets
facilitate early and fast diagnoses, along with getting deeper insight into the
data. Furthermore, the transparency of these models increase trust among
application domain experts. Medical datasets face common issues such as
heterogeneous measurements, imbalanced classes with limited sample size, and
missing data, which hinder the straightforward application of machine learning
techniques. In this paper we present a family of prototype-based (PB)
interpretable models which are capable of handling these issues. The models
introduced in this contribution show comparable or superior performance to
alternative techniques applicable in such situations. However, unlike ensemble
based models, which have to compromise on easy interpretation, the PB models
here do not. Moreover we propose a strategy of harnessing the power of
ensembles while maintaining the intrinsic interpretability of the PB models, by
averaging the model parameter manifolds. All the models were evaluated on a
synthetic (publicly available dataset) in addition to detailed analyses of two
real-world medical datasets (one publicly available). Results indicated that
the models and strategies we introduced addressed the challenges of real-world
medical data, while remaining computationally inexpensive and transparent, as
well as similar or superior in performance compared to their alternatives."
2812,On the Generalization Power of the Overfitted Three-Layer Neural Tangent Kernel Model,"In this paper, we study the generalization performance of overparameterized
3-layer NTK models. We show that, for a specific set of ground-truth functions
(which we refer to as the ""learnable set""), the test error of the overfitted
3-layer NTK is upper bounded by an expression that decreases with the number of
neurons of the two hidden layers. Different from 2-layer NTK where there exists
only one hidden-layer, the 3-layer NTK involves interactions between two
hidden-layers. Our upper bound reveals that, between the two hidden-layers, the
test error descends faster with respect to the number of neurons in the second
hidden-layer (the one closer to the output) than with respect to that in the
first hidden-layer (the one closer to the input). We also show that the
learnable set of 3-layer NTK without bias is no smaller than that of 2-layer
NTK models with various choices of bias in the neurons. However, in terms of
the actual generalization performance, our results suggest that 3-layer NTK is
much less sensitive to the choices of bias than 2-layer NTK, especially when
the input dimension is large."
2813,UAV-Aided Multi-Community Federated Learning,"In this work, we investigate the problem of an online trajectory design for
an Unmanned Aerial Vehicle (UAV) in a Federated Learning (FL) setting where
several different communities exist, each defined by a unique task to be
learned. In this setting, spatially distributed devices belonging to each
community collaboratively contribute towards training their community model via
wireless links provided by the UAV. Accordingly, the UAV acts as a mobile
orchestrator coordinating the transmissions and the learning schedule among the
devices in each community, intending to accelerate the learning process of all
tasks. We propose a heuristic metric as a proxy for the training performance of
the different tasks. Capitalizing on this metric, a surrogate objective is
defined which enables us to jointly optimize the UAV trajectory and the
scheduling of the devices by employing convex optimization techniques and graph
theory. The simulations illustrate the out-performance of our solution when
compared to other handpicked static and mobile UAV deployment baselines."
2814,Developing hierarchical anticipations via neural network-based event segmentation,"Humans can make predictions on various time scales and hierarchical levels.
Thereby, the learning of event encodings seems to play a crucial role. In this
work we model the development of hierarchical predictions via autonomously
learned latent event codes. We present a hierarchical recurrent neural network
architecture, whose inductive learning biases foster the development of
sparsely changing latent state that compress sensorimotor sequences. A higher
level network learns to predict the situations in which the latent states tend
to change. Using a simulated robotic manipulator, we demonstrate that the
system (i) learns latent states that accurately reflect the event structure of
the data, (ii) develops meaningful temporal abstract predictions on the higher
level, and (iii) generates goal-anticipatory behavior similar to gaze behavior
found in eye-tracking studies with infants. The architecture offers a step
towards autonomous, self-motivated learning of compressed hierarchical
encodings of gathered experiences and the exploitation of these encodings for
the generation of highly versatile, adaptive behavior."
2815,First-Order Algorithms for Min-Max Optimization in Geodesic Metric Spaces,"From optimal transport to robust dimensionality reduction, a plethora of
machine learning applications can be cast into the min-max optimization
problems over Riemannian manifolds. Though many min-max algorithms have been
analyzed in the Euclidean setting, it has proved elusive to translate these
results to the Riemannian case. Zhang et al. [2022] have recently shown that
geodesic convex concave Riemannian problems always admit saddle-point
solutions. Inspired by this result, we study whether a performance gap between
Riemannian and optimal Euclidean space convex-concave algorithms is necessary.
We answer this question in the negative-we prove that the Riemannian corrected
extragradient (RCEG) method achieves last-iterate convergence at a linear rate
in the geodesically strongly-convex-concave case, matching the Euclidean
result. Our results also extend to the stochastic or non-smooth case where RCEG
and Riemanian gradient ascent descent (RGDA) achieve near-optimal convergence
rates up to factors depending on curvature of the manifold."
2816,MetaNOR: A Meta-Learnt Nonlocal Operator Regression Approach for Metamaterial Modeling,"We propose MetaNOR, a meta-learnt approach for transfer-learning operators
based on the nonlocal operator regression. The overall goal is to efficiently
provide surrogate models for new and unknown material-learning tasks with
different microstructures. The algorithm consists of two phases: (1) learning a
common nonlocal kernel representation from existing tasks; (2) transferring the
learned knowledge and rapidly learning surrogate operators for unseen tasks
with a different material, where only a few test samples are required. We apply
MetaNOR to model the wave propagation within 1D metamaterials, showing
substantial improvements on the sampling efficiency for new materials."
2817,Beyond Value: CHECKLIST for Testing Inferences in Planning-Based RL,"Reinforcement learning (RL) agents are commonly evaluated via their expected
value over a distribution of test scenarios. Unfortunately, this evaluation
approach provides limited evidence for post-deployment generalization beyond
the test distribution. In this paper, we address this limitation by extending
the recent CheckList testing methodology from natural language processing to
planning-based RL. Specifically, we consider testing RL agents that make
decisions via online tree search using a learned transition model and value
function. The key idea is to improve the assessment of future performance via a
CheckList approach for exploring and assessing the agent's inferences during
tree search. The approach provides the user with an interface and general
query-rule mechanism for identifying potential inference flaws and validating
expected inference invariances. We present a user study involving knowledgeable
AI researchers using the approach to evaluate an agent trained to play a
complex real-time strategy game. The results show the approach is effective in
allowing users to identify previously-unknown flaws in the agent's reasoning.
In addition, our analysis provides insight into how AI experts use this type of
testing approach, which may help improve future instantiations."
2818,Interpolating Between Softmax Policy Gradient and Neural Replicator Dynamics with Capped Implicit Exploration,"Neural replicator dynamics (NeuRD) is an alternative to the foundational
softmax policy gradient (SPG) algorithm motivated by online learning and
evolutionary game theory. The NeuRD expected update is designed to be nearly
identical to that of SPG, however, we show that the Monte Carlo updates differ
in a substantial way: the importance correction accounting for a sampled action
is nullified in the SPG update, but not in the NeuRD update. Naturally, this
causes the NeuRD update to have higher variance than its SPG counterpart.
Building on implicit exploration algorithms in the adversarial bandit setting,
we introduce capped implicit exploration (CIX) estimates that allow us to
construct NeuRD-CIX, which interpolates between this aspect of NeuRD and SPG.
We show how CIX estimates can be used in a black-box reduction to construct
bandit algorithms with regret bounds that hold with high probability and the
benefits this entails for NeuRD-CIX in sequential decision-making settings. Our
analysis reveals a bias--variance tradeoff between SPG and NeuRD, and shows how
theory predicts that NeuRD-CIX will perform well more consistently than NeuRD
while retaining NeuRD's advantages over SPG in non-stationary environments."
2819,A Control Theoretic Framework for Adaptive Gradient Optimizers in Machine Learning,"Adaptive gradient methods have become popular in optimizing deep neural
networks; recent examples include AdaGrad and Adam. Although Adam usually
converges faster, variations of Adam, for instance, the AdaBelief algorithm,
have been proposed to enhance Adam's poor generalization ability compared to
the classical stochastic gradient method. This paper develops a generic
framework for adaptive gradient methods that solve non-convex optimization
problems. We first model the adaptive gradient methods in a state-space
framework, which allows us to present simpler convergence proofs of adaptive
optimizers such as AdaGrad, Adam, and AdaBelief. We then utilize the transfer
function paradigm from classical control theory to propose a new variant of
Adam, coined AdamSSM. We add an appropriate pole-zero pair in the transfer
function from squared gradients to the second moment estimate. We prove the
convergence of the proposed AdamSSM algorithm. Applications on benchmark
machine learning tasks of image classification using CNN architectures and
language modeling using LSTM architecture demonstrate that the AdamSSM
algorithm improves the gap between generalization accuracy and faster
convergence than the recent adaptive gradient methods."
2820,Zeroth-Order SciML: Non-intrusive Integration of Scientific Software with Deep Learning,"Using deep learning (DL) to accelerate and/or improve scientific workflows
can yield discoveries that are otherwise impossible. Unfortunately, DL models
have yielded limited success in complex scientific domains due to large data
requirements. In this work, we propose to overcome this issue by integrating
the abundance of scientific knowledge sources (SKS) with the DL training
process. Existing knowledge integration approaches are limited to using
differentiable knowledge source to be compatible with first-order DL training
paradigm. In contrast, our proposed approach treats knowledge source as a
black-box in turn allowing to integrate virtually any knowledge source. To
enable an end-to-end training of SKS-coupled-DL, we propose to use zeroth-order
optimization (ZOO) based gradient-free training schemes, which is
non-intrusive, i.e., does not require making any changes to the SKS. We
evaluate the performance of our ZOO training scheme on two real-world material
science applications. We show that proposed scheme is able to effectively
integrate scientific knowledge with DL training and is able to outperform
purely data-driven model for data-limited scientific applications. We also
discuss some limitations of the proposed method and mention potentially
worthwhile future directions."
2821,A Neural Network Approach for Homogenization of Multiscale Problems,"We propose a neural network-based approach to the homogenization of
multiscale problems. The proposed method uses a derivative-free formulation of
a training loss, which incorporates Brownian walkers to find the macroscopic
description of a multiscale PDE solution. Compared with other network-based
approaches for multiscale problems, the proposed method is free from the design
of hand-crafted neural network architecture and the cell problem to calculate
the homogenization coefficient. The exploration neighborhood of the Brownian
walkers affects the overall learning trajectory. We determine the bounds of
micro- and macro-time steps that capture the local heterogeneous and global
homogeneous solution behaviors, respectively, through a neural network. The
bounds imply that the computational cost of the proposed method is independent
of the microscale periodic structure for the standard periodic problems. We
validate the efficiency and robustness of the proposed method through a suite
of linear and nonlinear multiscale problems with periodic and random field
coefficients."
2822,Guided Deep Metric Learning,"Deep Metric Learning (DML) methods have been proven relevant for visual
similarity learning. However, they sometimes lack generalization properties
because they are trained often using an inappropriate sample selection strategy
or due to the difficulty of the dataset caused by a distributional shift in the
data. These represent a significant drawback when attempting to learn the
underlying data manifold. Therefore, there is a pressing need to develop better
ways of obtaining generalization and representation of the underlying manifold.
In this paper, we propose a novel approach to DML that we call Guided Deep
Metric Learning, a novel architecture oriented to learning more compact
clusters, improving generalization under distributional shifts in DML. This
novel architecture consists of two independent models: A multi-branch master
model, inspired from a Few-Shot Learning (FSL) perspective, generates a reduced
hypothesis space based on prior knowledge from labeled data, which guides or
regularizes the decision boundary of a student model during training under an
offline knowledge distillation scheme. Experiments have shown that the proposed
method is capable of a better manifold generalization and representation to up
to 40% improvement (Recall@1, CIFAR10), using guidelines suggested by Musgrave
et al. to perform a more fair and realistic comparison, which is currently
absent in the literature"
2823,Between Rate-Distortion Theory & Value Equivalence in Model-Based Reinforcement Learning,"The quintessential model-based reinforcement-learning agent iteratively
refines its estimates or prior beliefs about the true underlying model of the
environment. Recent empirical successes in model-based reinforcement learning
with function approximation, however, eschew the true model in favor of a
surrogate that, while ignoring various facets of the environment, still
facilitates effective planning over behaviors. Recently formalized as the value
equivalence principle, this algorithmic technique is perhaps unavoidable as
real-world reinforcement learning demands consideration of a simple,
computationally-bounded agent interacting with an overwhelmingly complex
environment. In this work, we entertain an extreme scenario wherein some
combination of immense environment complexity and limited agent capacity
entirely precludes identifying an exactly value-equivalent model. In light of
this, we embrace a notion of approximate value equivalence and introduce an
algorithm for incrementally synthesizing simple and useful approximations of
the environment from which an agent might still recover near-optimal behavior.
Crucially, we recognize the information-theoretic nature of this lossy
environment compression problem and use the appropriate tools of
rate-distortion theory to make mathematically precise how value equivalence can
lend tractability to otherwise intractable sequential decision-making problems."
2824,Is $L^2$ Physics-Informed Loss Always Suitable for Training Physics-Informed Neural Network?,"The Physics-Informed Neural Network (PINN) approach is a new and promising
way to solve partial differential equations using deep learning. The $L^2$
Physics-Informed Loss is the de-facto standard in training Physics-Informed
Neural Networks. In this paper, we challenge this common practice by
investigating the relationship between the loss function and the approximation
quality of the learned solution. In particular, we leverage the concept of
stability in the literature of partial differential equation to study the
asymptotic behavior of the learned solution as the loss approaches zero. With
this concept, we study an important class of high-dimensional non-linear PDEs
in optimal control, the Hamilton-Jacobi-Bellman(HJB) Equation, and prove that
for general $L^p$ Physics-Informed Loss, a wide class of HJB equation is stable
only if $p$ is sufficiently large. Therefore, the commonly used $L^2$ loss is
not suitable for training PINN on those equations, while $L^{\infty}$ loss is a
better choice. Based on the theoretical insight, we develop a novel PINN
training algorithm to minimize the $L^{\infty}$ loss for HJB equations which is
in a similar spirit to adversarial training. The effectiveness of the proposed
algorithm is empirically demonstrated through experiments."
2825,Causal Discovery in Heterogeneous Environments Under the Sparse Mechanism Shift Hypothesis,"Machine learning approaches commonly rely on the assumption of independent
and identically distributed (i.i.d.) data. In reality, however, this assumption
is almost always violated due to distribution shifts between environments.
Although valuable learning signals can be provided by heterogeneous data from
changing distributions, it is also known that learning under arbitrary
(adversarial) changes is impossible. Causality provides a useful framework for
modeling distribution shifts, since causal models encode both observational and
interventional distributions. In this work, we explore the sparse mechanism
shift hypothesis, which posits that distribution shifts occur due to a small
number of changing causal conditionals. Motivated by this idea, we apply it to
learning causal structure from heterogeneous environments, where i.i.d. data
only allows for learning an equivalence class of graphs without restrictive
assumptions. We propose the Mechanism Shift Score (MSS), a score-based approach
amenable to various empirical estimators, which provably identifies the entire
causal structure with high probability if the sparse mechanism shift hypothesis
holds. Empirically, we verify behavior predicted by the theory and compare
multiple estimators and score functions to identify the best approaches in
practice. Compared to other methods, we show how MSS bridges a gap by both
being nonparametric as well as explicitly leveraging sparse changes."
2826,Combinatorial optimization for low bit-width neural networks,"Low-bit width neural networks have been extensively explored for deployment
on edge devices to reduce computational resources. Existing approaches have
focused on gradient-based optimization in a two-stage train-and-compress
setting or as a combined optimization where gradients are quantized during
training. Such schemes require high-performance hardware during the training
phase and usually store an equivalent number of full-precision weights apart
from the quantized weights. In this paper, we explore methods of direct
combinatorial optimization in the problem of risk minimization with binary
weights, which can be made equivalent to a non-monotone submodular maximization
under certain conditions. We employ an approximation algorithm for the cases
with single and multilayer neural networks. For linear models, it has
$\mathcal{O}(nd)$ time complexity where $n$ is the sample size and $d$ is the
data dimension. We show that a combination of greedy coordinate descent and
this novel approach can attain competitive accuracy on binary classification
tasks."
2827,CVNets: High Performance Library for Computer Vision,"We introduce CVNets, a high-performance open-source library for training deep
neural networks for visual recognition tasks, including classification,
detection, and segmentation. CVNets supports image and video understanding
tools, including data loading, data transformations, novel data sampling
methods, and implementations of several standard networks with similar or
better performance than previous studies.
Our source code is available at: \url{https://github.com/apple/ml-cvnets}."
2828,Hybrid Value Estimation for Off-policy Evaluation and Offline Reinforcement Learning,"Value function estimation is an indispensable subroutine in reinforcement
learning, which becomes more challenging in the offline setting. In this paper,
we propose Hybrid Value Estimation (HVE) to reduce value estimation error,
which trades off bias and variance by balancing between the value estimation
from offline data and the learned model. Theoretical analysis discloses that
HVE enjoys a better error bound than the direct methods. HVE can be leveraged
in both off-policy evaluation and offline reinforcement learning settings. We,
therefore, provide two concrete algorithms Off-policy HVE (OPHVE) and
Model-based Offline HVE (MOHVE), respectively. Empirical evaluations on MuJoCo
tasks corroborate the theoretical claim. OPHVE outperforms other off-policy
evaluation methods in all three metrics measuring the estimation effectiveness,
while MOHVE achieves better or comparable performance with state-of-the-art
offline reinforcement learning algorithms. We hope that HVE could shed some
light on further research on reinforcement learning from fixed data."
2829,MSR: Making Self-supervised learning Robust to Aggressive Augmentations,"Most recent self-supervised learning methods learn visual representation by
contrasting different augmented views of images. Compared with supervised
learning, more aggressive augmentations have been introduced to further improve
the diversity of training pairs. However, aggressive augmentations may distort
images' structures leading to a severe semantic shift problem that augmented
views of the same image may not share the same semantics, thus degrading the
transfer performance. To address this problem, we propose a new SSL paradigm,
which counteracts the impact of semantic shift by balancing the role of weak
and aggressively augmented pairs. Specifically, semantically inconsistent pairs
are of minority and we treat them as noisy pairs. Note that deep neural
networks (DNNs) have a crucial memorization effect that DNNs tend to first
memorize clean (majority) examples before overfitting to noisy (minority)
examples. Therefore, we set a relatively large weight for aggressively
augmented data pairs at the early learning stage. With the training going on,
the model begins to overfit noisy pairs. Accordingly, we gradually reduce the
weights of aggressively augmented pairs. In doing so, our method can better
embrace the aggressive augmentations and neutralize the semantic shift problem.
Experiments show that our model achieves 73.1% top-1 accuracy on ImageNet-1K
with ResNet-50 for 200 epochs, which is a 2.5% improvement over BYOL. Moreover,
experiments also demonstrate that the learned representations can transfer well
for various downstream tasks."
2830,Combinatorial Causal Bandits,"In combinatorial causal bandits (CCB), the learning agent chooses at most $K$
variables in each round to intervene, collects feedback from the observed
variables, with the goal of minimizing expected regret on the target variable
$Y$. Different from all prior studies on causal bandits, CCB needs to deal with
exponentially large action space. We study under the context of binary
generalized linear models (BGLMs) with a succinct parametric representation of
the causal models. We present the algorithm BGLM-OFU for Markovian BGLMs (i.e.
no hidden variables) based on the maximum likelihood estimation method, and
show that it achieves $O(\sqrt{T}\log T)$ regret, where $T$ is the time
horizon. For the special case of linear models with hidden variables, we apply
causal inference techniques such as the do-calculus to convert the original
model into a Markovian model, and then show that our BGLM-OFU algorithm and
another algorithm based on the linear regression both solve such linear models
with hidden variables. Our novelty includes (a) considering the combinatorial
intervention action space, (b) considering general causal models including ones
with hidden variables, (c) integrating and adapting techniques from diverse
studies such as generalized linear bandits and online influence maximization,
and (d) not relying on unrealistic assumptions such as knowing the joint
distribution of the parents of $Y$ under all interventions used in some prior
studies."
2831,Rethinking the Openness of CLIP,"Contrastive Language-Image Pre-training (CLIP) has demonstrated great
potential in realizing open-vocabulary image classification in a matching
style, because of its holistic use of natural language supervision that covers
unconstrained real-world visual concepts. However, it is, in turn, also
difficult to evaluate and analyze the openness of CLIP-like models, since they
are in theory open to any vocabulary but the actual accuracy varies. To address
the insufficiency of conventional studies on openness, we resort to an
incremental view and define the extensibility, which essentially approximates
the model's ability to deal with new visual concepts, by evaluating openness
through vocabulary expansions. Our evaluation based on extensibility shows that
CLIP-like models are hardly truly open and their performances degrade as the
vocabulary expands to different degrees. Further analysis reveals that the
over-estimation of openness is not because CLIP-like models fail to capture the
general similarity of image and text features of novel visual concepts, but
because of the confusion among competing text features, that is, they are not
stable with respect to the vocabulary. In light of this, we propose to improve
the openness of CLIP from the perspective of feature space by enforcing the
distinguishability of text features. Our method retrieves relevant texts from
the pre-training corpus to enhance prompts for inference, which boosts the
extensibility and stability of CLIP even without fine-tuning."
2832,Geodesic Properties of a Generalized Wasserstein Embedding for Time Series Analysis,"Transport-based metrics and related embeddings (transforms) have recently
been used to model signal classes where nonlinear structures or variations are
present. In this paper, we study the geodesic properties of time series data
with a generalized Wasserstein metric and the geometry related to their signed
cumulative distribution transforms in the embedding space. Moreover, we show
how understanding such geometric characteristics can provide added
interpretability to certain time series classifiers, and be an inspiration for
more robust classifiers."
2833,Modelling and Mining of Patient Pathways: A Scoping Review,"The sequence of visits and procedures performed by the patient in the health
system, also known as the patient's pathway or trajectory, can reveal important
information about the clinical treatment adopted and the health service
provided. The rise of electronic health data availability made it possible to
assess the pathways of a large number of patients. Nevertheless, some
challenges also arose concerning how to synthesize these pathways and how to
mine them from the data, fostering a new field of research. The objective of
this review is to survey this new field of research, highlighting
representation models, mining techniques, methods of analysis, and examples of
case studies."
2834,Future Artificial Intelligence tools and perspectives in medicine,"Purpose of review: Artificial intelligence (AI) has become popular in medical
applications, specifically as a clinical support tool for computer-aided
diagnosis. These tools are typically employed on medical data (i.e., image,
molecular data, clinical variables, etc.) and used the statistical and machine
learning methods to measure the model performance. In this review, we
summarized and discussed the most recent radiomic pipeline used for clinical
analysis. Recent findings:Currently, limited management of cancers benefits
from artificial intelligence, mostly related to a computer-aided diagnosis that
avoids a biopsy analysis that presents additional risks and costs. Most AI
tools are based on imaging features, known as radiomic analysis that can be
refined into predictive models in non-invasively acquired imaging data. This
review explores the progress of AI-based radiomic tools for clinical
applications with a brief description of necessary technical steps. Explaining
new radiomic approaches based on deep learning techniques will explain how the
new radiomic models (deep radiomic analysis) can benefit from deep
convolutional neural networks and be applied on limited data sets. Summary: To
consider the radiomic algorithms, further investigations are recommended to
involve deep learning in radiomic models with additional validation steps on
various cancer types."
2835,Formal Specifications from Natural Language,"We study the ability of language models to translate natural language into
formal specifications with complex semantics. In particular, we fine-tune
off-the-shelf language models on three datasets consisting of structured
English sentences and their corresponding formal representation: 1) First-order
logic (FOL), commonly used in software verification and theorem proving; 2)
linear-time temporal logic (LTL), which forms the basis for industrial hardware
specification languages; and 3) regular expressions (regex), frequently used in
programming and search. Our experiments show that, in these diverse domains,
the language models achieve competitive performance to the respective
state-of-the-art with the benefits of being easy to access, cheap to fine-tune,
and without a particular need for domain-specific reasoning. Additionally, we
show that the language models have a unique selling point: they benefit from
their generalization capabilities from pre-trained knowledge on natural
language, e.g., to generalize to unseen variable names."
2836,"C$^3$Fusion: Consistent Contrastive Colon Fusion, Towards Deep SLAM in Colonoscopy","3D colon reconstruction from Optical Colonoscopy (OC) to detect non-examined
surfaces remains an unsolved problem. The challenges arise from the nature of
optical colonoscopy data, characterized by highly reflective low-texture
surfaces, drastic illumination changes and frequent tracking loss. Recent
methods demonstrate compelling results, but suffer from: (1) frangible
frame-to-frame (or frame-to-model) pose estimation resulting in many tracking
failures; or (2) rely on point-based representations at the cost of scan
quality. In this paper, we propose a novel reconstruction framework that
addresses these issues end to end, which result in both quantitatively and
qualitatively accurate and robust 3D colon reconstruction. Our SLAM approach,
which employs correspondences based on contrastive deep features, and deep
consistent depth maps, estimates globally optimized poses, is able to recover
from frequent tracking failures, and estimates a global consistent 3D model;
all within a single framework. We perform an extensive experimental evaluation
on multiple synthetic and real colonoscopy videos, showing high-quality results
and comparisons against relevant baselines."
2837,Comparing Performance of Different Linguistically-Backed Word Embeddings for Cyberbullying Detection,"In most cases, word embeddings are learned only from raw tokens or in some
cases, lemmas. This includes pre-trained language models like BERT. To
investigate on the potential of capturing deeper relations between lexical
items and structures and to filter out redundant information, we propose to
preserve the morphological, syntactic and other types of linguistic information
by combining them with the raw tokens or lemmas. This means, for example,
including parts-of-speech or dependency information within the used lexical
features. The word embeddings can then be trained on the combinations instead
of just raw tokens. It is also possible to later apply this method to the
pre-training of huge language models and possibly enhance their performance.
This would aid in tackling problems which are more sophisticated from the point
of view of linguistic representation, such as detection of cyberbullying."
2838,Exploring the Potential of Feature Density in Estimating Machine Learning Classifier Performance with Application to Cyberbullying Detection,"In this research. we analyze the potential of Feature Density (HD) as a way
to comparatively estimate machine learning (ML) classifier performance prior to
training. The goal of the study is to aid in solving the problem of
resource-intensive training of ML models which is becoming a serious issue due
to continuously increasing dataset sizes and the ever rising popularity of Deep
Neural Networks (DNN). The issue of constantly increasing demands for more
powerful computational resources is also affecting the environment, as training
large-scale ML models are causing alarmingly-growing amounts of CO2, emissions.
Our approach 1s to optimize the resource-intensive training of ML models for
Natural Language Processing to reduce the number of required experiments
iterations. We expand on previous attempts on improving classifier training
efficiency with FD while also providing an insight to the effectiveness of
various linguistically-backed feature preprocessing methods for dialog
classification, specifically cyberbullying detection."
2839,Robust Meta-learning with Sampling Noise and Label Noise via Eigen-Reptile,"Recent years have seen a surge of interest in meta-learning techniques for
tackling the few-shot learning (FSL) problem. However, the meta-learner is
prone to overfitting since there are only a few available samples, which can be
identified as sampling noise on a clean dataset. Moreover, when handling the
data with noisy labels, the meta-learner could be extremely sensitive to label
noise on a corrupted dataset. To address these two challenges, we present
Eigen-Reptile (ER) that updates the meta-parameters with the main direction of
historical task-specific parameters to alleviate sampling and label noise.
Specifically, the main direction is computed in a fast way, where the scale of
the calculated matrix is related to the number of gradient steps instead of the
number of parameters. Furthermore, to obtain a more accurate main direction for
Eigen-Reptile in the presence of many noisy labels, we further propose
Introspective Self-paced Learning (ISPL). We have theoretically and
experimentally demonstrated the soundness and effectiveness of the proposed
Eigen-Reptile and ISPL. Particularly, our experiments on different tasks show
that the proposed method is able to outperform or achieve highly competitive
performance compared with other gradient-based methods with or without noisy
labels. The code and data for the proposed method are provided for research
purposes https://github.com/Anfeather/Eigen-Reptile."
2840,Learning Generative Factors of Neuroimaging Data with Variational auto-encoders,"Neuroimaging techniques produce high-dimensional, stochastic data from which
it might be challenging to extract high-level knowledge about the phenomena of
interest. We address this challenge by applying the generative modelling
framework to 1) classify multiple pathologies and 2) recover the neurological
mechanisms of those pathologies in a data-driven manner. Our framework learns
generative factors of data related to pathologies. We provide an algorithm to
decode those factors further and observe how different pathologies affect
observed data. We illustrate the applicability of the proposed approach to
identifying schizophrenia, either followed or not by auditory verbal
hallucinations. We further demonstrate the ability of the framework to learn
disease-related mechanisms consistent with current domain knowledge. We also
compare the proposed framework with several benchmark approaches and indicate
its classification performance and interpretability advantages."
2841,Stochastic Multiple Target Sampling Gradient Descent,"Sampling from an unnormalized target distribution is an essential problem
with many applications in probabilistic inference. Stein Variational Gradient
Descent (SVGD) has been shown to be a powerful method that iteratively updates
a set of particles to approximate the distribution of interest. Furthermore,
when analysing its asymptotic properties, SVGD reduces exactly to a
single-objective optimization problem and can be viewed as a probabilistic
version of this single-objective optimization problem. A natural question then
arises: ""Can we derive a probabilistic version of the multi-objective
optimization?"". To answer this question, we propose Stochastic Multiple Target
Sampling Gradient Descent (MT-SGD), enabling us to sample from multiple
unnormalized target distributions. Specifically, our MT-SGD conducts a flow of
intermediate distributions gradually orienting to multiple target
distributions, which allows the sampled particles to move to the joint
high-likelihood region of the target distributions. Interestingly, the
asymptotic analysis shows that our approach reduces exactly to the
multiple-gradient descent algorithm for multi-objective optimization, as
expected. Finally, we conduct comprehensive experiments to demonstrate the
merit of our approach to multi-task learning."
2842,Investigating Brain Connectivity with Graph Neural Networks and GNNExplainer,"Functional connectivity plays an essential role in modern neuroscience. The
modality sheds light on the brain's functional and structural aspects,
including mechanisms behind multiple pathologies. One such pathology is
schizophrenia which is often followed by auditory verbal hallucinations. The
latter is commonly studied by observing functional connectivity during speech
processing. In this work, we have made a step toward an in-depth examination of
functional connectivity during a dichotic listening task via deep learning for
three groups of people: schizophrenia patients with and without auditory verbal
hallucinations and healthy controls. We propose a graph neural network-based
framework within which we represent EEG data as signals in the graph domain.
The framework allows one to 1) predict a brain mental disorder based on EEG
recording, 2) differentiate the listening state from the resting state for each
group and 3) recognize characteristic task-depending connectivity. Experimental
results show that the proposed model can differentiate between the above groups
with state-of-the-art performance. Besides, it provides a researcher with
meaningful information regarding each group's functional connectivity, which we
validated on the current domain knowledge."
2843,Variational Monte Carlo Approach to Partial Differential Equations with Neural Networks,"The accurate numerical solution of partial differential equations is a
central task in numerical analysis allowing to model a wide range of natural
phenomena by employing specialized solvers depending on the scenario of
application. Here, we develop a variational approach for solving partial
differential equations governing the evolution of high dimensional probability
distributions. Our approach naturally works on the unbounded continuous domain
and encodes the full probability density function through its variational
parameters, which are adapted dynamically during the evolution to optimally
reflect the dynamics of the density. For the considered benchmark cases we
observe excellent agreement with numerical solutions as well as analytical
solutions in regimes inaccessible to traditional computational approaches."
2844,Classification at the Accuracy Limit -- Facing the Problem of Data Ambiguity,"Data classification, the process of analyzing data and organizing it into
categories, is a fundamental computing problem of natural and artificial
information processing systems. Ideally, the performance of classifier models
would be evaluated using unambiguous data sets, where the 'correct' assignment
of category labels to the input data vectors is unequivocal. In real-world
problems, however, a significant fraction of actually occurring data vectors
will be located in a boundary zone between or outside of all categories, so
that perfect classification cannot even in principle be achieved. We derive the
theoretical limit for classification accuracy that arises from the overlap of
data categories. By using a surrogate data generation model with adjustable
statistical properties, we show that sufficiently powerful classifiers based on
completely different principles, such as perceptrons and Bayesian models, all
perform at this universal accuracy limit. Remarkably, the accuracy limit is not
affected by applying non-linear transformations to the data, even if these
transformations are non-reversible and drastically reduce the information
content of the input data. We compare emerging data embeddings produced by
supervised and unsupervised training, using MNIST and human EEG recordings
during sleep. We find that categories are not only well separated in the final
layers of classifiers trained with back-propagation, but to a smaller degree
also after unsupervised dimensionality reduction. This suggests that
human-defined categories, such as hand-written digits or sleep stages, can
indeed be considered as 'natural kinds'."
2845,Neural Lyapunov Control of Unknown Nonlinear Systems with Stability Guarantees,"Learning for control of dynamical systems with formal guarantees remains a
challenging task. This paper proposes a learning framework to simultaneously
stabilize an unknown nonlinear system with a neural controller and learn a
neural Lyapunov function to certify a region of attraction (ROA) for the
closed-loop system. The algorithmic structure consists of two neural networks
and a satisfiability modulo theories (SMT) solver. The first neural network is
responsible for learning the unknown dynamics. The second neural network aims
to identify a valid Lyapunov function and a provably stabilizing nonlinear
controller. The SMT solver then verifies that the candidate Lyapunov function
indeed satisfies the Lyapunov conditions. We provide theoretical guarantees of
the proposed learning framework in terms of the closed-loop stability for the
unknown nonlinear system. We illustrate the effectiveness of the approach with
a set of numerical experiments."
2846,Toward Learning Robust and Invariant Representations with Alignment Regularization and Data Augmentation,"Data augmentation has been proven to be an effective technique for developing
machine learning models that are robust to known classes of distributional
shifts (e.g., rotations of images), and alignment regularization is a technique
often used together with data augmentation to further help the model learn
representations invariant to the shifts used to augment the data. In this
paper, motivated by a proliferation of options of alignment regularizations, we
seek to evaluate the performances of several popular design choices along the
dimensions of robustness and invariance, for which we introduce a new test
procedure. Our synthetic experiment results speak to the benefits of squared l2
norm regularization. Further, we also formally analyze the behavior of
alignment regularization to complement our empirical study under assumptions we
consider realistic. Finally, we test this simple technique we identify
(worst-case data augmentation with squared l2 norm alignment regularization)
and show that the benefits of this method outrun those of the specially
designed methods. We also release a software package in both TensorFlow and
PyTorch for users to use the method with a couple of lines at
https://github.com/jyanln/AlignReg."
2847,Hybrid Architectures for Distributed Machine Learning in Heterogeneous Wireless Networks,"The ever-growing data privacy concerns have transformed machine learning (ML)
architectures from centralized to distributed, leading to federated learning
(FL) and split learning (SL) as the two most popular privacy-preserving ML
paradigms. However, implementing either conventional FL or SL alone with
diverse network conditions (e.g., device-to-device (D2D) and cellular
communications) and heterogeneous clients (e.g., heterogeneous
computation/communication/energy capabilities) may face significant challenges,
particularly poor architecture scalability and long training time. To this end,
this article proposes two novel hybrid distributed ML architectures, namely,
hybrid split FL (HSFL) and hybrid federated SL (HFSL), by combining the
advantages of both FL and SL in D2D-enabled heterogeneous wireless networks.
Specifically, the performance comparison and advantages of HSFL and HFSL are
analyzed generally. Promising open research directions are presented to offer
commendable reference for future research. Finally, primary simulations are
conducted upon considering three datasets under non-independent and identically
distributed settings, to verify the feasibility of our proposed architectures,
which can significantly reduce communication/computation cost and training
time, as compared with conventional FL and SL."
2848,Soft Adversarial Training Can Retain Natural Accuracy,"Adversarial training for neural networks has been in the limelight in recent
years. The advancement in neural network architectures over the last decade has
led to significant improvement in their performance. It sparked an interest in
their deployment for real-time applications. This process initiated the need to
understand the vulnerability of these models to adversarial attacks. It is
instrumental in designing models that are robust against adversaries. Recent
works have proposed novel techniques to counter the adversaries, most often
sacrificing natural accuracy. Most suggest training with an adversarial version
of the inputs, constantly moving away from the original distribution. The focus
of our work is to use abstract certification to extract a subset of inputs for
(hence we call it 'soft') adversarial training. We propose a training framework
that can retain natural accuracy without sacrificing robustness in a
constrained setting. Our framework specifically targets moderately critical
applications which require a reasonable balance between robustness and
accuracy. The results testify to the idea of soft adversarial training for the
defense against adversarial attacks. At last, we propose the scope of future
work for further improvement of this framework."
2849,Estimating counterfactual treatment outcomes over time in complex multi-agent scenarios,"Evaluation of intervention in a multi-agent system, e.g., when humans should
intervene in autonomous driving systems and when a player should pass to
teammates for a good shot, is challenging in various engineering and scientific
fields. Estimating the individual treatment effect (ITE) using counterfactual
long-term prediction is practical to evaluate such interventions. However, most
of the conventional frameworks did not consider the time-varying complex
structure of multi-agent relationships and covariate counterfactual prediction.
This may sometimes lead to erroneous assessments of ITE and interpretation
problems. Here we propose an interpretable, counterfactual recurrent network in
multi-agent systems to estimate the effect of the intervention. Our model
leverages graph variational recurrent neural networks and theory-based
computation with domain knowledge for the ITE estimation framework based on
long-term prediction of multi-agent covariates and outcomes, which can confirm
under the circumstances under which the intervention is effective. On simulated
models of an automated vehicle and biological agents with time-varying
confounders, we show that our methods achieved lower estimation errors in
counterfactual covariates and the most effective treatment timing than the
baselines. Furthermore, using real basketball data, our methods performed
realistic counterfactual predictions and evaluated the counterfactual passes in
shot scenarios."
2850,Evaluation of creating scoring opportunities for teammates in soccer via trajectory prediction,"Evaluating the individual movements for teammates in soccer players is
crucial for assessing teamwork, scouting, and fan engagement. It has been said
that players in a 90-min game do not have the ball for about 87 minutes on
average. However, it has remained difficult to evaluate an attacking player
without receiving the ball, and to reveal how movement contributes to the
creation of scoring opportunities for teammates. In this paper, we evaluate
players who create off-ball scoring opportunities by comparing actual movements
with the reference movements generated via trajectory prediction. First, we
predict the trajectories of players using a graph variational recurrent neural
network that can accurately model the relationship between players and predict
the long-term trajectory. Next, based on the difference in the modified
off-ball evaluation index between the actual and the predicted trajectory as a
reference, we evaluate how the actual movement contributes to scoring
opportunity compared to the predicted movement. For verification, we examined
the relationship with the annual salary, the goals, and the rating in the game
by experts for all games of a team in a professional soccer league in a year.
The results show that the annual salary and the proposed indicator correlated
significantly, which could not be explained by the existing indicators and
goals. Our results suggest the effectiveness of the proposed method as an
indicator for a player without the ball to create a scoring chance for
teammates."
2851,Saliency Attack: Towards Imperceptible Black-box Adversarial Attack,"Deep neural networks are vulnerable to adversarial examples, even in the
black-box setting where the attacker is only accessible to the model output.
Recent studies have devised effective black-box attacks with high query
efficiency. However, such performance is often accompanied by compromises in
attack imperceptibility, hindering the practical use of these approaches. In
this paper, we propose to restrict the perturbations to a small salient region
to generate adversarial examples that can hardly be perceived. This approach is
readily compatible with many existing black-box attacks and can significantly
improve their imperceptibility with little degradation in attack success rate.
Further, we propose the Saliency Attack, a new black-box attack aiming to
refine the perturbations in the salient region to achieve even better
imperceptibility. Extensive experiments show that compared to the
state-of-the-art black-box attacks, our approach achieves much better
imperceptibility scores, including most apparent distortion (MAD), $L_0$ and
$L_2$ distances, and also obtains significantly higher success rates judged by
a human-like threshold on MAD. Importantly, the perturbations generated by our
approach are interpretable to some extent. Finally, it is also demonstrated to
be robust to different detection-based defenses."
2852,Adaptive Tree Backup Algorithms for Temporal-Difference Reinforcement Learning,"Q($\sigma$) is a recently proposed temporal-difference learning method that
interpolates between learning from expected backups and sampled backups. It has
been shown that intermediate values for the interpolation parameter $\sigma \in
[0,1]$ perform better in practice, and therefore it is commonly believed that
$\sigma$ functions as a bias-variance trade-off parameter to achieve these
improvements. In our work, we disprove this notion, showing that the choice of
$\sigma=0$ minimizes variance without increasing bias. This indicates that
$\sigma$ must have some other effect on learning that is not fully understood.
As an alternative, we hypothesize the existence of a new trade-off: larger
$\sigma$-values help overcome poor initializations of the value function, at
the expense of higher statistical variance. To automatically balance these
considerations, we propose Adaptive Tree Backup (ATB) methods, whose weighted
backups evolve as the agent gains experience. Our experiments demonstrate that
adaptive strategies can be more effective than relying on fixed or
time-annealed $\sigma$-values."
2853,Initial Study into Application of Feature Density and Linguistically-backed Embedding to Improve Machine Learning-based Cyberbullying Detection,"In this research, we study the change in the performance of machine learning
(ML) classifiers when various linguistic preprocessing methods of a dataset
were used, with the specific focus on linguistically-backed embeddings in
Convolutional Neural Networks (CNN). Moreover, we study the concept of Feature
Density and confirm its potential to comparatively predict the performance of
ML classifiers, including CNN. The research was conducted on a Formspring
dataset provided in a Kaggle competition on automatic cyberbullying detection.
The dataset was re-annotated by objective experts (psychologists), as the
importance of professional annotation in cyberbullying research has been
indicated multiple times. The study confirmed the effectiveness of Neural
Networks in cyberbullying detection and the correlation between classifier
performance and Feature Density while also proposing a new approach of training
various linguistically-backed embeddings for Convolutional Neural Networks."
2854,Reward Poisoning Attacks on Offline Multi-Agent Reinforcement Learning,"We expose the danger of reward poisoning in offline multi-agent reinforcement
learning (MARL), whereby an attacker can modify the reward vectors to different
learners in an offline data set while incurring a poisoning cost. Based on the
poisoned data set, all rational learners using some confidence-bound-based MARL
algorithm will infer that a target policy - chosen by the attacker and not
necessarily a solution concept originally - is the Markov perfect dominant
strategy equilibrium for the underlying Markov Game, hence they will adopt this
potentially damaging target policy in the future. We characterize the exact
conditions under which the attacker can install a target policy. We further
show how the attacker can formulate a linear program to minimize its poisoning
cost. Our work shows the need for robust MARL against adversarial attacks."
2855,Learning in Congestion Games with Bandit Feedback,"Learning Nash equilibria is a central problem in multi-agent systems. In this
paper, we investigate congestion games, a class of games with benign
theoretical structure and broad real-world applications. We first propose a
centralized algorithm based on the optimism in the face of uncertainty
principle for congestion games with (semi-)bandit feedback, and obtain
finite-sample guarantees. Then we propose a decentralized algorithm via a novel
combination of the Frank-Wolfe method and G-optimal design. By exploiting the
structure of the congestion game, we show the sample complexity of both
algorithms depends only polynomially on the number of players and the number of
facilities, but not the size of the action set, which can be exponentially
large in terms of the number of facilities. We further define a new problem
class, Markov congestion games, which allows us to model the non-stationarity
in congestion games. We propose a centralized algorithm for Markov congestion
games, whose sample complexity again has only polynomial dependence on all
relevant problem parameters, but not the size of the action set."
2856,An Unpooling Layer for Graph Generation,"We propose a novel and trainable graph unpooling layer for effective graph
generation. Given a graph with features, the unpooling layer enlarges this
graph and learns its desired new structure and features. Since this unpooling
layer is trainable, it can be applied to graph generation either in the decoder
of a variational autoencoder or in the generator of a generative adversarial
network (GAN). We prove that the unpooled graph remains connected and any
connected graph can be sequentially unpooled from a 3-nodes graph. We apply the
unpooling layer within the GAN generator. Since the most studied instance of
graph generation is molecular generation, we test our ideas in this context.
Using the QM9 and ZINC datasets, we demonstrate the improvement obtained by
using the unpooling layer instead of an adjacency-matrix-based approach."
2857,Estimating the Effect of Team Hitting Strategies Using Counterfactual Virtual Simulation in Baseball,"In baseball, every play on the field is quantitatively evaluated and has an
effect on individual and team strategies. The weighted on base average (wOBA)
is well known as a measure of an batter's hitting contribution. However, this
measure ignores the game situation, such as the runners on base, which coaches
and batters are known to consider when employing multiple hitting strategies,
yet, the effectiveness of these strategies is unknown. This is probably because
(1) we cannot obtain the batter's strategy and (2) it is difficult to estimate
the effect of the strategies. Here, we propose a new method for estimating the
effect using counterfactual batting simulation. To this end, we propose a deep
learning model that transforms batting ability when batting strategy is
changed. This method can estimate the effects of various strategies, which has
been traditionally difficult with actual game data. We found that, when the
switching cost of batting strategies can be ignored, the use of different
strategies increased runs. When the switching cost is considered, the
conditions for increasing runs were limited. Our validation results suggest
that our simulation could clarify the effect of using multiple batting
strategies."
2858,Model-Informed Generative Adversarial Network (MI-GAN) for Learning Optimal Power Flow,"The optimal power flow (OPF) problem, as a critical component of power system
operations, becomes increasingly difficult to solve due to the variability,
intermittency, and unpredictability of renewable energy brought to the power
system. Although traditional optimization techniques, such as stochastic and
robust optimization approaches, could be used to address the OPF problem in the
face of renewable energy uncertainty, their effectiveness in dealing with
large-scale problems remains limited. As a result, deep learning techniques,
such as neural networks, have recently been developed to improve computational
efficiency in solving large-scale OPF problems. However, the feasibility and
optimality of the solution may not be guaranteed. In this paper, we propose an
optimization model-informed generative adversarial network (MI-GAN) framework
to solve OPF under uncertainty. The main contributions are summarized into
three aspects: (1) to ensure feasibility and improve optimality of generated
solutions, three important layers are proposed: feasibility filter layer,
comparison layer, and gradient-guided layer; (2) in the GAN-based framework, an
efficient model-informed selector incorporating these three new layers is
established; and (3) a new recursive iteration algorithm is also proposed to
improve solution optimality. The numerical results on IEEE test systems show
that the proposed method is very effective and promising."
2859,ZeroQuant: Efficient and Affordable Post-Training Quantization for Large-Scale Transformers,"How to efficiently serve ever-larger trained natural language models in
practice has become exceptionally challenging even for powerful cloud servers
due to their prohibitive memory/computation requirements. In this work, we
present an efficient and affordable post-training quantization approach to
compress large Transformer-based models, termed as ZeroQuant. ZeroQuant is an
end-to-end quantization and inference pipeline with three main components: (1)
a fine-grained hardware-friendly quantization scheme for both weight and
activations; (2) a novel affordable layer-by-layer knowledge distillation
algorithm (LKD) even without the access to the original training data; (3) a
highly-optimized quantization system backend support to remove the
quantization/dequantization overhead. As such, we are able to show that: (1)
ZeroQuant can reduce the precision for weights and activations to INT8 in a
cost-free way for both BERT and GPT3-style models with minimal accuracy impact,
which leads to up to 5.19x/4.16x speedup on those models compared to FP16
inference; (2) ZeroQuant plus LKD affordably quantize the weights in the
fully-connected module to INT4 along with INT8 weights in the attention module
and INT8 activations, resulting in 3x memory footprint reduction compared to
the FP16 model; (3) ZeroQuant can be directly applied to two of the largest
open-sourced language models, including GPT-J6B and GPT-NeoX20, for which our
INT8 model achieves similar accuracy as the FP16 model but achieves up to 5.2x
better efficiency."
2860,Extreme Compression for Pre-trained Transformers Made Simple and Efficient,"Extreme compression, particularly ultra-low bit precision (binary/ternary)
quantization, has been proposed to fit large NLP models on resource-constraint
devices. However, to preserve the accuracy for such aggressive compression
schemes, cutting-edge methods usually introduce complicated compression
pipelines, e.g., multi-stage expensive knowledge distillation with extensive
hyperparameter tuning. Also, they oftentimes focus less on smaller transformer
models that have already been heavily compressed via knowledge distillation and
lack a systematic study to show the effectiveness of their methods. In this
paper, we perform a very comprehensive systematic study to measure the impact
of many key hyperparameters and training strategies from previous works. As a
result, we find out that previous baselines for ultra-low bit precision
quantization are significantly under-trained. Based on our study, we propose a
simple yet effective compression pipeline for extreme compression, named XTC.
XTC demonstrates that (1) we can skip the pre-training knowledge distillation
to obtain a 5-layer BERT while achieving better performance than previous
state-of-the-art methods, e.g., the 6-layer TinyBERT; (2) extreme quantization
plus layer reduction is able to reduce the model size by 50x, resulting in new
state-of-the-art results on GLUE tasks."
2861,Federated Deep Learning Meets Autonomous Vehicle Perception: Design and Verification,"Realizing human-like perception is a challenge in open driving scenarios due
to corner cases and visual occlusions. To gather knowledge of rare and occluded
instances, federated learning empowered connected autonomous vehicle (FLCAV)
has been proposed, which leverages vehicular networks to establish federated
deep neural networks (DNNs) from distributed data captured by vehicles and road
sensors. Without the need of data aggregation, FLCAV preserves privacy while
reducing communication and annotation costs compared with conventional
centralized learning. However, it is challenging to determine the network
resources and road sensor poses for multi-stage training with multi-modal
datasets in multi-variant scenarios. This article presents networking and
training frameworks for FLCAV perception. Multi-layer graph resource allocation
and vehicle-road pose contrastive methods are proposed to address the network
management and sensor pose problems, respectively. We also develop CarlaFLCAV,
a software platform that implements the above system and methods. Experimental
results confirm the superiority of the proposed techniques compared with
various benchmarks."
2862,Out-of-Distribution Detection using BiGAN and MDL,"We consider the following problem: we have a large dataset of normal data
available. We are now given a new, possibly quite small, set of data, and we
are to decide if these are normal data, or if they are indicating a new
phenomenon. This is a novelty detection or out-of-distribution detection
problem. An example is in medicine, where the normal data is for people with no
known disease, and the new dataset people with symptoms. Other examples could
be in security. We solve this problem by training a bidirectional generative
adversarial network (BiGAN) on the normal data and using a Gaussian graphical
model to model the output. We then use universal source coding, or minimum
description length (MDL) on the output to decide if it is a new distribution,
in an implementation of Kolmogorov and Martin-L\""{o}f randomness. We apply the
methodology to both MNIST data and a real-world electrocardiogram (ECG) dataset
of healthy and patients with Kawasaki disease, and show better performance in
terms of the ROC curve than similar methods."
2863,Coffee Roast Intelligence,"As the coffee industry has grown, there would be more demand for roasted
coffee beans, as well as increased rivalry for selling coffee and attracting
customers. As the flavor of each variety of coffee is dependent on the degree
of roasting of the coffee beans, it is vital to maintain a consistent quality
related to the degree of roasting. Each barista has their own method for
determining the degree of roasting. However, extrinsic circumstances such as
light, fatigue, and other factors may alter their judgment. As a result, the
quality of the coffee cannot be controlled. The Coffee Roast Intelligence
application is a machine learning-based study of roasted coffee bean degrees
classification produced as an Android application platform that identifies the
color of coffee beans by photographing or uploading them while roasting. This
application displays the text showing at what level the coffee beans have been
roasted, as well as informs the percent chance of class prediction to the
consumers. Users may also keep track of the result of the predictions related
to the roasting level of coffee beans."
2864,Differentially Private Model Compression,"Recent papers have shown that large pre-trained language models (LLMs) such
as BERT, GPT-2 can be fine-tuned on private data to achieve performance
comparable to non-private models for many downstream Natural Language
Processing (NLP) tasks while simultaneously guaranteeing differential privacy.
The inference cost of these models -- which consist of hundreds of millions of
parameters -- however, can be prohibitively large. Hence, often in practice,
LLMs are compressed before they are deployed in specific applications. In this
paper, we initiate the study of differentially private model compression and
propose frameworks for achieving 50% sparsity levels while maintaining nearly
full performance. We demonstrate these ideas on standard GLUE benchmarks using
BERT models, setting benchmarks for future research on this topic."
2865,Dimension Independent Generalization of DP-SGD for Overparameterized Smooth Convex Optimization,"This paper considers the generalization performance of differentially private
convex learning. We demonstrate that the convergence analysis of Langevin
algorithms can be used to obtain new generalization bounds with differential
privacy guarantees for DP-SGD. More specifically, by using some recently
obtained dimension-independent convergence results for stochastic Langevin
algorithms with convex objective functions, we obtain $O(n^{-1/4})$ privacy
guarantees for DP-SGD with the optimal excess generalization error of
$\tilde{O}(n^{-1/2})$ for certain classes of overparameterized smooth convex
optimization problems. This improves previous DP-SGD results for such problems
that contain explicit dimension dependencies, so that the resulting
generalization bounds become unsuitable for overparameterized models used in
practical applications."
2866,Drawing out of Distribution with Neuro-Symbolic Generative Models,"Learning general-purpose representations from perceptual inputs is a hallmark
of human intelligence. For example, people can write out numbers or characters,
or even draw doodles, by characterizing these tasks as different instantiations
of the same generic underlying process -- compositional arrangements of
different forms of pen strokes. Crucially, learning to do one task, say
writing, implies reasonable competence at another, say drawing, on account of
this shared process. We present Drawing out of Distribution (DooD), a
neuro-symbolic generative model of stroke-based drawing that can learn such
general-purpose representations. In contrast to prior work, DooD operates
directly on images, requires no supervision or expensive test-time inference,
and performs unsupervised amortised inference with a symbolic stroke model that
better enables both interpretability and generalization. We evaluate DooD on
its ability to generalise across both data and tasks. We first perform
zero-shot transfer from one dataset (e.g. MNIST) to another (e.g. Quickdraw),
across five different datasets, and show that DooD clearly outperforms
different baselines. An analysis of the learnt representations further
highlights the benefits of adopting a symbolic stroke model. We then adopt a
subset of the Omniglot challenge tasks, and evaluate its ability to generate
new exemplars (both unconditionally and conditionally), and perform one-shot
classification, showing that DooD matches the state of the art. Taken together,
we demonstrate that DooD does indeed capture general-purpose representations
across both data and task, and takes a further step towards building general
and robust concept-learning systems."
2867,Debiased Machine Learning without Sample-Splitting for Stable Estimators,"Estimation and inference on causal parameters is typically reduced to a
generalized method of moments problem, which involves auxiliary functions that
correspond to solutions to a regression or classification problem. Recent line
of work on debiased machine learning shows how one can use generic machine
learning estimators for these auxiliary problems, while maintaining asymptotic
normality and root-$n$ consistency of the target parameter of interest, while
only requiring mean-squared-error guarantees from the auxiliary estimation
algorithms. The literature typically requires that these auxiliary problems are
fitted on a separate sample or in a cross-fitting manner. We show that when
these auxiliary estimation algorithms satisfy natural leave-one-out stability
properties, then sample splitting is not required. This allows for sample
re-use, which can be beneficial in moderately sized sample regimes. For
instance, we show that the stability properties that we propose are satisfied
for ensemble bagged estimators, built via sub-sampling without replacement, a
popular technique in machine learning practice."
2868,A Robust Backpropagation-Free Framework for Images,"While current deep learning algorithms have been successful for a wide
variety of artificial intelligence (AI) tasks, including those involving
structured image data, they present deep neurophysiological conceptual issues
due to their reliance on the gradients computed by backpropagation of errors
(backprop) to obtain synaptic weight adjustments; hence are biologically
implausible. We present a more biologically plausible approach, the
error-kernel driven activation alignment (EKDAA) algorithm, to train
convolution neural networks (CNNs) using locally derived error transmission
kernels and error maps. We demonstrate the efficacy of EKDAA by performing the
task of visual-recognition on the Fashion MNIST, CIFAR-10 and SVHN benchmarks
as well as conducting blackbox robustness tests on adversarial examples derived
from these datasets. Furthermore, we also present results for a CNN trained
using a non-differentiable activation function. All recognition results nearly
matches that of backprop and exhibit greater adversarial robustness compared to
backprop."
2869,QAGCN: A Graph Convolutional Network-based Multi-Relation Question Answering System,"Answering multi-relation questions over knowledge graphs is a challenging
task as it requires multi-step reasoning over a huge number of possible paths.
Reasoning-based methods with complex reasoning mechanisms, such as
reinforcement learning-based sequential decision making, have been regarded as
the default pathway for this task. However, these mechanisms are difficult to
implement and train, which hampers their reproducibility and transferability to
new domains. In this paper, we propose QAGCN - a simple but effective and novel
model that leverages attentional graph convolutional networks that can perform
multi-step reasoning during the encoding of knowledge graphs. As a consequence,
complex reasoning mechanisms are avoided. In addition, to improve efficiency,
we retrieve answers using highly-efficient embedding computations and, for
better interpretability, we extract interpretable paths for returned answers.
On widely adopted benchmark datasets, the proposed model has been demonstrated
competitive against state-of-the-art methods that rely on complex reasoning
mechanisms. We also conducted extensive experiments to scrutinize the
efficiency and contribution of each component of our model."
2870,Contrastive learning unifies $t$-SNE and UMAP,"Neighbor embedding methods $t$-SNE and UMAP are the de facto standard for
visualizing high-dimensional datasets. They appear to use very different loss
functions with different motivations, and the exact relationship between them
has been unclear. Here we show that UMAP is effectively negative sampling
applied to the $t$-SNE loss function. We explain the difference between
negative sampling and noise-contrastive estimation (NCE), which has been used
to optimize $t$-SNE under the name NCVis. We prove that, unlike NCE, negative
sampling learns a scaled data distribution. When applied in the neighbor
embedding setting, it yields more compact embeddings with increased attraction,
explaining differences in appearance between UMAP and $t$-SNE. Further, we
generalize the notion of negative sampling and obtain a spectrum of embeddings,
encompassing visualizations similar to $t$-SNE, NCVis, and UMAP. Finally, we
explore the connection between representation learning in the SimCLR setting
and neighbor embeddings, and show that (i) $t$-SNE can be optimized using the
InfoNCE loss and in a parametric setting; (ii) various contrastive losses with
only few noise samples can yield competitive performance in the SimCLR setup."
2871,Challenges to Solving Combinatorially Hard Long-Horizon Deep RL Tasks,"Deep reinforcement learning has shown promise in discrete domains requiring
complex reasoning, including games such as Chess, Go, and Hanabi. However, this
type of reasoning is less often observed in long-horizon, continuous domains
with high-dimensional observations, where instead RL research has predominantly
focused on problems with simple high-level structure (e.g. opening a drawer or
moving a robot as fast as possible). Inspired by combinatorially hard
optimization problems, we propose a set of robotics tasks which admit many
distinct solutions at the high-level, but require reasoning about states and
rewards thousands of steps into the future for the best performance.
Critically, while RL has traditionally suffered on complex, long-horizon tasks
due to sparse rewards, our tasks are carefully designed to be solvable without
specialized exploration. Nevertheless, our investigation finds that standard RL
methods often neglect long-term effects due to discounting, while
general-purpose hierarchical RL approaches struggle unless additional abstract
domain knowledge can be exploited."
2872,Learning Fine Scale Dynamics from Coarse Observations via Inner Recurrence,"Recent work has focused on data-driven learning of the evolution of unknown
systems via deep neural networks (DNNs), with the goal of conducting long term
prediction of the dynamics of the unknown system. In many real-world
applications, data from time-dependent systems are often collected on a time
scale that is coarser than desired, due to various restrictions during the data
acquisition process. Consequently, the observed dynamics can be severely
under-sampled and do not reflect the true dynamics of the underlying system.
This paper presents a computational technique to learn the fine-scale dynamics
from such coarsely observed data. The method employs inner recurrence of a DNN
to recover the fine-scale evolution operator of the underlying system. In
addition to mathematical justification, several challenging numerical examples,
including unknown systems of both ordinary and partial differential equations,
are presented to demonstrate the effectiveness of the proposed method."
2873,Do-Operation Guided Causal Representation Learning with Reduced Supervision Strength,"Causal representation learning has been proposed to encode relationships
between factors presented in the high dimensional data. However, existing
methods suffer from merely using a large amount of labeled data and ignore the
fact that samples generated by the same causal mechanism follow the same causal
relationships. In this paper, we seek to explore such information by leveraging
do-operation for reducing supervision strength. We propose a framework which
implements do-operation by swapping latent cause and effect factors encoded
from a pair of inputs. Moreover, we also identify the inadequacy of existing
causal representation metrics empirically and theoretically, and introduce new
metrics for better evaluation. Experiments conducted on both synthetic and real
datasets demonstrate the superiorities of our method compared with
state-of-the-art methods."
2874,Robust Topological Inference in the Presence of Outliers,"The distance function to a compact set plays a crucial role in the paradigm
of topological data analysis. In particular, the sublevel sets of the distance
function are used in the computation of persistent homology -- a backbone of
the topological data analysis pipeline. Despite its stability to perturbations
in the Hausdorff distance, persistent homology is highly sensitive to outliers.
In this work, we develop a framework of statistical inference for persistent
homology in the presence of outliers. Drawing inspiration from recent
developments in robust statistics, we propose a $\textit{median-of-means}$
variant of the distance function ($\textsf{MoM Dist}$), and establish its
statistical properties. In particular, we show that, even in the presence of
outliers, the sublevel filtrations and weighted filtrations induced by
$\textsf{MoM Dist}$ are both consistent estimators of the true underlying
population counterpart, and their rates of convergence in the bottleneck metric
are controlled by the fraction of outliers in the data. Finally, we demonstrate
the advantages of the proposed methodology through simulations and
applications."
2875,Additive MIL: Intrinsic Interpretability for Pathology,"Multiple Instance Learning (MIL) has been widely applied in pathology towards
solving critical problems such as automating cancer diagnosis and grading,
predicting patient prognosis, and therapy response. Deploying these models in a
clinical setting requires careful inspection of these black boxes during
development and deployment to identify failures and maintain physician trust.
In this work, we propose a simple formulation of MIL models, which enables
interpretability while maintaining similar predictive performance. Our Additive
MIL models enable spatial credit assignment such that the contribution of each
region in the image can be exactly computed and visualized. We show that our
spatial credit assignment coincides with regions used by pathologists during
diagnosis and improves upon classical attention heatmaps from attention MIL
models. We show that any existing MIL model can be made additive with a simple
change in function composition. We also show how these models can debug model
failures, identify spurious features, and highlight class-wise regions of
interest, enabling their use in high-stakes environments such as clinical
decision-making."
2876,R2U++: A Multiscale Recurrent Residual U-Net with Dense Skip Connections for Medical Image Segmentation,"U-Net is a widely adopted neural network in the domain of medical image
segmentation. Despite its quick embracement by the medical imaging community,
its performance suffers on complicated datasets. The problem can be ascribed to
its simple feature extracting blocks: encoder/decoder, and the semantic gap
between encoder and decoder. Variants of U-Net (such as R2U-Net) have been
proposed to address the problem of simple feature extracting blocks by making
the network deeper, but it does not deal with the semantic gap problem. On the
other hand, another variant UNET++ deals with the semantic gap problem by
introducing dense skip connections but has simple feature extraction blocks. To
overcome these issues, we propose a new U-Net based medical image segmentation
architecture R2U++. In the proposed architecture, the adapted changes from
vanilla U-Net are: (1) the plain convolutional backbone is replaced by a deeper
recurrent residual convolution block. The increased field of view with these
blocks aids in extracting crucial features for segmentation which is proven by
improvement in the overall performance of the network. (2) The semantic gap
between encoder and decoder is reduced by dense skip pathways. These pathways
accumulate features coming from multiple scales and apply concatenation
accordingly. The modified architecture has embedded multi-depth models, and an
ensemble of outputs taken from varying depths improves the performance on
foreground objects appearing at various scales in the images. The performance
of R2U++ is evaluated on four distinct medical imaging modalities: electron
microscopy (EM), X-rays, fundus, and computed tomography (CT). The average gain
achieved in IoU score is 1.5+-0.37% and in dice score is 0.9+-0.33% over
UNET++, whereas, 4.21+-2.72 in IoU and 3.47+-1.89 in dice score over R2U-Net
across different medical imaging segmentation datasets."
2877,Human Activity Recognition on Time Series Accelerometer Sensor Data using LSTM Recurrent Neural Networks,"The use of sensors available through smart devices has pervaded everyday life
in several applications including human activity monitoring, healthcare, and
social networks. In this study, we focus on the use of smartwatch accelerometer
sensors to recognize eating activity. More specifically, we collected sensor
data from 10 participants while consuming pizza. Using this information, and
other comparable data available for similar events such as smoking and
medication-taking, and dissimilar activities of jogging, we developed a
LSTM-ANN architecture that has demonstrated 90% success in identifying
individual bites compared to a puff, medication-taking or jogging activities."
2878,Optimal Competitive-Ratio Control,"Inspired by competitive policy designs approaches in online learning, new
control paradigms such as competitive-ratio and regret-optimal control have
been recently proposed as alternatives to the classical $\mathcal{H}_2$ and
$\mathcal{H}_\infty$ approaches. These competitive metrics compare the control
cost of the designed controller against the cost of a clairvoyant controller,
which has access to past, present, and future disturbances in terms of ratio
and difference, respectively. While prior work provided the optimal solution
for the regret-optimal control problem, in competitive-ratio control, the
solution is only provided for the sub-optimal problem. In this work, we derive
the optimal solution to the competitive-ratio control problem. We show that the
optimal competitive ratio formula can be computed as the maximal eigenvalue of
a simple matrix, and provide a state-space controller that achieves the optimal
competitive ratio. We conduct an extensive numerical study to verify this
analytical solution, and demonstrate that the optimal competitive-ratio
controller outperforms other controllers on several large scale practical
systems. The key techniques that underpin our explicit solution is a reduction
of the control problem to a Nehari problem, along with a novel factorization of
the clairvoyant controller's cost. We reveal an interesting relation between
the explicit solutions that now exist for both competitive control paradigms by
formulating a regret-optimal control framework with weight functions that can
also be utilized for practical purposes."
2879,A Learning-Based Method for Automatic Operator Selection in the Fanoos XAI System,"We describe an extension of the Fanoos XAI system [Bayani et al 2022] which
enables the system to learn the appropriate action to take in order to satisfy
a user's request for description to be made more or less abstract.
Specifically, descriptions of systems under analysis are stored in states, and
in order to make a description more or less abstract, Fanoos selects an
operator from a large library to apply to the state and generate a new
description. Prior work on Fanoos predominately used hand-written methods for
operator-selection; this current work allows Fanoos to leverage experience to
learn the best operator to apply in a particular situation, balancing
exploration and exploitation, leveraging expert insights when available, and
utilizing similarity between the current state and past states. Additionally,
in order to bootstrap the learning process (i.e., like in curriculum learning),
we describe a simulated user which we implemented; this simulation allows
Fanoos to gain general insights that enable reasonable courses of action,
insights which later can be refined by experience with real users, as opposed
to interacting with humans completely from scratch. Code implementing the
methods described in the paper can be found at
https://github/DBay-ani/Operator_Selection_Learning_Extensions_For_Fanoos."
2880,"Revisiting the ""Video"" in Video-Language Understanding","What makes a video task uniquely suited for videos, beyond what can be
understood from a single image? Building on recent progress in self-supervised
image-language models, we revisit this question in the context of video and
language tasks. We propose the atemporal probe (ATP), a new model for
video-language analysis which provides a stronger bound on the baseline
accuracy of multimodal models constrained by image-level understanding. By
applying this model to standard discriminative video and language tasks, such
as video question answering and text-to-video retrieval, we characterize the
limitations and potential of current video-language benchmarks. We find that
understanding of event temporality is often not necessary to achieve strong or
state-of-the-art performance, even compared with recent large-scale
video-language models and in contexts intended to benchmark deeper video-level
understanding. We also demonstrate how ATP can improve both video-language
dataset and model design. We describe a technique for leveraging ATP to better
disentangle dataset subsets with a higher concentration of temporally
challenging data, improving benchmarking efficacy for causal and temporal
understanding. Further, we show that effectively integrating ATP into full
video-level temporal models can improve efficiency and state-of-the-art
accuracy."
2881,A Theoretical Analysis on Feature Learning in Neural Networks: Emergence from Inputs and Advantage over Fixed Features,"An important characteristic of neural networks is their ability to learn
representations of the input data with effective features for prediction, which
is believed to be a key factor to their superior empirical performance. To
better understand the source and benefit of feature learning in neural
networks, we consider learning problems motivated by practical data, where the
labels are determined by a set of class relevant patterns and the inputs are
generated from these along with some background patterns. We prove that neural
networks trained by gradient descent can succeed on these problems. The success
relies on the emergence and improvement of effective features, which are
learned among exponentially many candidates efficiently by exploiting the data
(in particular, the structure of the input distribution). In contrast, no
linear models on data-independent features of polynomial sizes can learn to as
good errors. Furthermore, if the specific input structure is removed, then no
polynomial algorithm in the Statistical Query model can learn even weakly.
These results provide theoretical evidence showing that feature learning in
neural networks depends strongly on the input structure and leads to the
superior performance. Our preliminary experimental results on synthetic and
real data also provide positive support."
2882,Towards Evading the Limits of Randomized Smoothing: A Theoretical Analysis,"Randomized smoothing is the dominant standard for provable defenses against
adversarial examples. Nevertheless, this method has recently been proven to
suffer from important information theoretic limitations. In this paper, we
argue that these limitations are not intrinsic, but merely a byproduct of
current certification methods. We first show that these certificates use too
little information about the classifier, and are in particular blind to the
local curvature of the decision boundary. This leads to severely sub-optimal
robustness guarantees as the dimension of the problem increases. We then show
that it is theoretically possible to bypass this issue by collecting more
information about the classifier. More precisely, we show that it is possible
to approximate the optimal certificate with arbitrary precision, by probing the
decision boundary with several noise distributions. Since this process is
executed at certification time rather than at test time, it entails no loss in
natural accuracy while enhancing the quality of the certificates. This result
fosters further research on classifier-specific certification and demonstrates
that randomized smoothing is still worth investigating. Although
classifier-specific certification may induce more computational cost, we also
provide some theoretical insight on how to mitigate it."
2883,Compositional Visual Generation with Composable Diffusion Models,"Large text-guided diffusion models, such as DALLE-2, are able to generate
stunning photorealistic images given natural language descriptions. While such
models are highly flexible, they struggle to understand the composition of
certain concepts, such as confusing the attributes of different objects or
relations between objects. In this paper, we propose an alternative structured
approach for compositional generation using diffusion models. An image is
generated by composing a set of diffusion models, with each of them modeling a
certain component of the image. To do this, we interpret diffusion models as
energy-based models in which the data distributions defined by the energy
functions may be explicitly combined. The proposed method can generate scenes
at test time that are substantially more complex than those seen in training,
composing sentence descriptions, object relations, human facial attributes, and
even generalizing to new combinations that are rarely seen in the real world.
We further illustrate how our approach may be used to compose pre-trained
text-guided diffusion models and generate photorealistic images containing all
the details described in the input descriptions, including the binding of
certain object attributes that have been shown difficult for DALLE-2. These
results point to the effectiveness of the proposed method in promoting
structured generalization for visual generation. Project page:
https://energy-based-model.github.io/Compositional-Visual-Generation-with-Composable-Diffusion-Models/"
2884,KCRL: Krasovskii-Constrained Reinforcement Learning with Guaranteed Stability in Nonlinear Dynamical Systems,"Learning a dynamical system requires stabilizing the unknown dynamics to
avoid state blow-ups. However, current reinforcement learning (RL) methods lack
stabilization guarantees, which limits their applicability for the control of
safety-critical systems. We propose a model-based RL framework with formal
stability guarantees, Krasovskii Constrained RL (KCRL), that adopts
Krasovskii's family of Lyapunov functions as a stability constraint. The
proposed method learns the system dynamics up to a confidence interval using
feature representation, e.g. Random Fourier Features. It then solves a
constrained policy optimization problem with a stability constraint based on
Krasovskii's method using a primal-dual approach to recover a stabilizing
policy. We show that KCRL is guaranteed to learn a stabilizing policy in a
finite number of interactions with the underlying unknown system. We also
derive the sample complexity upper bound for stabilization of unknown nonlinear
dynamical systems via the KCRL framework."
2885,Scalar is Not Enough: Vectorization-based Unbiased Learning to Rank,"Unbiased learning to rank (ULTR) aims to train an unbiased ranking model from
biased user click logs. Most of the current ULTR methods are based on the
examination hypothesis (EH), which assumes that the click probability can be
factorized into two scalar functions, one related to ranking features and the
other related to bias factors. Unfortunately, the interactions among features,
bias factors and clicks are complicated in practice, and usually cannot be
factorized in this independent way. Fitting click data with EH could lead to
model misspecification and bring the approximation error.
In this paper, we propose a vector-based EH and formulate the click
probability as a dot product of two vector functions. This solution is complete
due to its universality in fitting arbitrary click functions. Based on it, we
propose a novel model named Vectorization to adaptively learn the relevance
embeddings and sort documents by projecting embeddings onto a base vector.
Extensive experiments show that our method significantly outperforms the
state-of-the-art ULTR methods on complex real clicks as well as simple
simulated clicks."
2886,Deep Learning Prediction of Severe Health Risks for Pediatric COVID-19 Patients with a Large Feature Set in 2021 BARDA Data Challenge,"Most children infected with COVID-19 have no or mild symptoms and can recover
automatically by themselves, but some pediatric COVID-19 patients need to be
hospitalized or even to receive intensive medical care (e.g., invasive
mechanical ventilation or cardiovascular support) to recover from the
illnesses. Therefore, it is critical to predict the severe health risk that
COVID-19 infection poses to children to provide precise and timely medical care
for vulnerable pediatric COVID-19 patients. However, predicting the severe
health risk for COVID-19 patients including children remains a significant
challenge because many underlying medical factors affecting the risk are still
largely unknown. In this work, instead of searching for a small number of most
useful features to make prediction, we design a novel large-scale bag-of-words
like method to represent various medical conditions and measurements of
COVID-19 patients. After some simple feature filtering based on logistical
regression, the large set of features is used with a deep learning method to
predict both the hospitalization risk for COVID-19 infected children and the
severe complication risk for the hospitalized pediatric COVID-19 patients. The
method was trained and tested the datasets of the Biomedical Advanced Research
and Development Authority (BARDA) Pediatric COVID-19 Data Challenge held from
Sept. 15 to Dec. 17, 2021. The results show that the approach can rather
accurately predict the risk of hospitalization and severe complication for
pediatric COVID-19 patients and deep learning is more accurate than other
machine learning methods."
2887,Measuring Gender Bias in Word Embeddings of Gendered Languages Requires Disentangling Grammatical Gender Signals,"Does the grammatical gender of a language interfere when measuring the
semantic gender information captured by its word embeddings? A number of
anomalous gender bias measurements in the embeddings of gendered languages
suggest this possibility. We demonstrate that word embeddings learn the
association between a noun and its grammatical gender in grammatically gendered
languages, which can skew social gender bias measurements. Consequently, word
embedding post-processing methods are introduced to quantify, disentangle, and
evaluate grammatical gender signals. The evaluation is performed on five
gendered languages from the Germanic, Romance, and Slavic branches of the
Indo-European language family. Our method reduces the strength of grammatical
gender signals, which is measured in terms of effect size (Cohen's d), by a
significant average of d = 1.3 for French, German, and Italian, and d = 0.56
for Polish and Spanish. Once grammatical gender is disentangled, the
association between over 90% of 10,000 inanimate nouns and their assigned
grammatical gender weakens, and cross-lingual bias results from the Word
Embedding Association Test (WEAT) become more congruent with country-level
implicit bias measurements. The results further suggest that disentangling
grammatical gender signals from word embeddings may lead to improvement in
semantic machine learning tasks."
2888,Dynamic Kernel Selection for Improved Generalization and Memory Efficiency in Meta-learning,"Gradient based meta-learning methods are prone to overfit on the
meta-training set, and this behaviour is more prominent with large and complex
networks. Moreover, large networks restrict the application of meta-learning
models on low-power edge devices. While choosing smaller networks avoid these
issues to a certain extent, it affects the overall generalization leading to
reduced performance. Clearly, there is an approximately optimal choice of
network architecture that is best suited for every meta-learning problem,
however, identifying it beforehand is not straightforward. In this paper, we
present MetaDOCK, a task-specific dynamic kernel selection strategy for
designing compressed CNN models that generalize well on unseen tasks in
meta-learning. Our method is based on the hypothesis that for a given set of
similar tasks, not all kernels of the network are needed by each individual
task. Rather, each task uses only a fraction of the kernels, and the selection
of the kernels per task can be learnt dynamically as a part of the inner update
steps. MetaDOCK compresses the meta-model as well as the task-specific inner
models, thus providing significant reduction in model size for each task, and
through constraining the number of active kernels for every task, it implicitly
mitigates the issue of meta-overfitting. We show that for the same inference
budget, pruned versions of large CNN models obtained using our approach
consistently outperform the conventional choices of CNN models. MetaDOCK
couples well with popular meta-learning approaches such as iMAML. The efficacy
of our method is validated on CIFAR-fs and mini-ImageNet datasets, and we have
observed that our approach can provide improvements in model accuracy of up to
2% on standard meta-learning benchmark, while reducing the model size by more
than 75%."
2889,Algorithm for Constrained Markov Decision Process with Linear Convergence,"The problem of constrained Markov decision process is considered. An agent
aims to maximize the expected accumulated discounted reward subject to multiple
constraints on its costs (the number of constraints is relatively small). A new
dual approach is proposed with the integration of two ingredients: entropy
regularized policy optimizer and Vaidya's dual optimizer, both of which are
critical to achieve faster convergence. The finite-time error bound of the
proposed approach is provided. Despite the challenge of the nonconcave
objective subject to nonconcave constraints, the proposed approach is shown to
converge (with linear rate) to the global optimum. The complexity expressed in
terms of the optimality gap and the constraint violation significantly improves
upon the existing primal-dual approaches."
2890,BaCaDI: Bayesian Causal Discovery with Unknown Interventions,"Learning causal structures from observation and experimentation is a central
task in many domains. For example, in biology, recent advances allow us to
obtain single-cell expression data under multiple interventions such as drugs
or gene knockouts. However, a key challenge is that often the targets of the
interventions are uncertain or unknown. Thus, standard causal discovery methods
can no longer be used. To fill this gap, we propose a Bayesian framework
(BaCaDI) for discovering the causal structure that underlies data generated
under various unknown experimental/interventional conditions. BaCaDI is fully
differentiable and operates in the continuous space of latent probabilistic
representations of both causal structures and interventions. This enables us to
approximate complex posteriors via gradient-based variational inference and to
reason about the epistemic uncertainty in the predicted structure. In
experiments on synthetic causal discovery tasks and simulated gene-expression
data, BaCaDI outperforms related methods in identifying causal structures and
intervention targets. Finally, we demonstrate that, thanks to its rigorous
Bayesian approach, our method provides well-calibrated uncertainty estimates."
2891,Joint Energy Dispatch and Unit Commitment in Microgrids Based on Deep Reinforcement Learning,"Nowadays, the application of microgrids (MG) with renewable energy is
becoming more and more extensive, which creates a strong need for dynamic
energy management. In this paper, deep reinforcement learning (DRL) is applied
to learn an optimal policy for making joint energy dispatch (ED) and unit
commitment (UC) decisions in an isolated MG, with the aim for reducing the
total power generation cost on the premise of ensuring the supply-demand
balance. In order to overcome the challenge of discrete-continuous hybrid
action space due to joint ED and UC, we propose a DRL algorithm, i.e., the
hybrid action finite-horizon DDPG (HAFH-DDPG), that seamlessly integrates two
classical DRL algorithms, i.e., deep Q-network (DQN) and deep deterministic
policy gradient (DDPG), based on a finite-horizon dynamic programming (DP)
framework. Moreover, a diesel generator (DG) selection strategy is presented to
support a simplified action space for reducing the computation complexity of
this algorithm. Finally, the effectiveness of our proposed algorithm is
verified through comparison with several baseline algorithms by experiments
with real-world data set."
2892,Uncertainty Estimation in Machine Learning,"Most machine learning techniques are based upon statistical learning theory,
often simplified for the sake of computing speed. This paper is focused on the
uncertainty aspect of mathematical modeling in machine learning. Regression
analysis is chosen to further investigate the evaluation aspect of uncertainty
in model coefficients and, more importantly, in the output feature value
predictions. A survey demonstrates major stages in the conventional least
squares approach to the creation of the regression model, along with its
uncertainty estimation. On the other hand, it is shown that in machine learning
the model complexity and severe nonlinearity become serious obstacles to
uncertainty evaluation. Furthermore, the process of machine model training
demands high computing power, not available at the level of personal computers.
This is why so-called pre-trained models are widely used in such areas of
machine learning as natural language processing. The latest example of a
pre-trained model is the Generative Pre-trained Transformer 3 with hundreds of
billions of parameters and a half-terabyte training dataset. Similarly,
mathematical models built from real data are growing in complexity which is
accompanied by the growing amount of training data. However, when machine
models and their predictions are used in decision-making, one needs to estimate
uncertainty and evaluate accompanying risks. This problem could be resolved
with non-parametric techniques at the expense of greater demand for computing
power, which can be offered by modern supercomputers available, including those
utilizing graphical and tensor processing units along with the conventional
central processors."
2893,Neural Differential Equations for Learning to Program Neural Nets Through Continuous Learning Rules,"Neural ordinary differential equations (ODEs) have attracted much attention
as continuous-time counterparts of deep residual neural networks (NNs), and
numerous extensions for recurrent NNs have been proposed. Since the 1980s, ODEs
have also been used to derive theoretical results for NN learning rules, e.g.,
the famous connection between Oja's rule and principal component analysis. Such
rules are typically expressed as additive iterative update processes which have
straightforward ODE counterparts. Here we introduce a novel combination of
learning rules and Neural ODEs to build continuous-time sequence processing
nets that learn to manipulate short-term memory in rapidly changing synaptic
connections of other nets. This yields continuous-time counterparts of Fast
Weight Programmers and linear Transformers. Our novel models outperform the
best existing Neural Controlled Differential Equation based models on various
time series classification tasks, while also addressing their scalability
limitations. Our code is public."
2894,Multi-user Co-inference with Batch Processing Capable Edge Server,"Graphics processing units (GPUs) can improve deep neural network inference
throughput via batch processing, where multiple tasks are concurrently
processed. We focus on novel scenarios that the energy-constrained mobile
devices offload inference tasks to an edge server with GPU. The inference task
is partitioned into sub-tasks for a finer granularity of offloading and
scheduling, and the user energy consumption minimization problem under
inference latency constraints is investigated. To deal with the coupled
offloading and scheduling introduced by concurrent batch processing, we first
consider an offline problem with a constant edge inference latency and the same
latency constraint. It is proven that optimizing the offloading policy of each
user independently and aggregating all the same sub-tasks in one batch is
optimal, and thus the independent partitioning and same sub-task aggregating
(IP-SSA) algorithm is inspired. Further, the optimal grouping (OG) algorithm is
proposed to optimally group tasks when the latency constraints are different.
Finally, when future task arrivals cannot be precisely predicted, a deep
deterministic policy gradient (DDPG) agent is trained to call OG. Experiments
show that IP-SSA reduces up to 94.9\% user energy consumption in the offline
setting, while DDPG-OG outperforms DDPG-IP-SSA by up to 8.92\% in the online
setting."
2895,PROMISSING: Pruning Missing Values in Neural Networks,"While data are the primary fuel for machine learning models, they often
suffer from missing values, especially when collected in real-world scenarios.
However, many off-the-shelf machine learning models, including artificial
neural network models, are unable to handle these missing values directly.
Therefore, extra data preprocessing and curation steps, such as data
imputation, are inevitable before learning and prediction processes. In this
study, we propose a simple and intuitive yet effective method for pruning
missing values (PROMISSING) during learning and inference steps in neural
networks. In this method, there is no need to remove or impute the missing
values; instead, the missing values are treated as a new source of information
(representing what we do not know). Our experiments on simulated data, several
classification and regression benchmarks, and a multi-modal clinical dataset
show that PROMISSING results in similar prediction performance compared to
various imputation techniques. In addition, our experiments show models trained
using PROMISSING techniques are becoming less decisive in their predictions
when facing incomplete samples with many unknowns. This finding hopefully
advances machine learning models from being pure predicting machines to more
realistic thinkers that can also say ""I do not know"" when facing incomplete
sources of information."
2896,Reinforcement Learning with Neural Radiance Fields,"It is a long-standing problem to find effective representations for training
reinforcement learning (RL) agents. This paper demonstrates that learning state
representations with supervision from Neural Radiance Fields (NeRFs) can
improve the performance of RL compared to other learned representations or even
low-dimensional, hand-engineered state information. Specifically, we propose to
train an encoder that maps multiple image observations to a latent space
describing the objects in the scene. The decoder built from a
latent-conditioned NeRF serves as the supervision signal to learn the latent
space. An RL algorithm then operates on the learned latent space as its state
representation. We call this NeRF-RL. Our experiments indicate that NeRF as
supervision leads to a latent space better suited for the downstream RL tasks
involving robotic object manipulations like hanging mugs on hooks, pushing
objects, or opening doors. Video: https://dannydriess.github.io/nerf-rl"
2897,"Pruning for Interpretable, Feature-Preserving Circuits in CNNs","Deep convolutional neural networks are a powerful model class for a range of
computer vision problems, but it is difficult to interpret the image filtering
process they implement, given their sheer size. In this work, we introduce a
method for extracting 'feature-preserving circuits' from deep CNNs, leveraging
methods from saliency-based neural network pruning. These circuits are modular
sub-functions, embedded within the network, containing only a subset of
convolutional kernels relevant to a target feature. We compare the efficacy of
3 saliency-criteria for extracting these sparse circuits. Further, we show how
'sub-feature' circuits can be extracted, that preserve a feature's responses to
particular images, dividing the feature into even sparser filtering processes.
We also develop a tool for visualizing 'circuit diagrams', which render the
entire image filtering process implemented by circuits in a parsable format."
2898,Beyond Tabula Rasa: Reincarnating Reinforcement Learning,"Learning tabula rasa, that is without any prior knowledge, is the prevalent
workflow in reinforcement learning (RL) research. However, RL systems, when
applied to large-scale settings, rarely operate tabula rasa. Such large-scale
systems undergo multiple design or algorithmic changes during their development
cycle and use ad hoc approaches for incorporating these changes without
re-training from scratch, which would have been prohibitively expensive.
Additionally, the inefficiency of deep RL typically excludes researchers
without access to industrial-scale resources from tackling
computationally-demanding problems. To address these issues, we present
reincarnating RL as an alternative workflow, where prior computational work
(e.g., learned policies) is reused or transferred between design iterations of
an RL agent, or from one RL agent to another. As a step towards enabling
reincarnating RL from any agent to any other agent, we focus on the specific
setting of efficiently transferring an existing sub-optimal policy to a
standalone value-based RL agent. We find that existing approaches fail in this
setting and propose a simple algorithm to address their limitations. Equipped
with this algorithm, we demonstrate reincarnating RL's gains over tabula rasa
RL on Atari 2600 games, a challenging locomotion task, and the real-world
problem of navigating stratospheric balloons. Overall, this work argues for an
alternative approach to RL research, which we believe could significantly
improve real-world RL adoption and help democratize it further."
2899,Effects of Auxiliary Knowledge on Continual Learning,"In Continual Learning (CL), a neural network is trained on a stream of data
whose distribution changes over time. In this context, the main problem is how
to learn new information without forgetting old knowledge (i.e., Catastrophic
Forgetting). Most existing CL approaches focus on finding solutions to preserve
acquired knowledge, so working on the past of the model. However, we argue that
as the model has to continually learn new tasks, it is also important to put
focus on the present knowledge that could improve following tasks learning. In
this paper we propose a new, simple, CL algorithm that focuses on solving the
current task in a way that might facilitate the learning of the next ones. More
specifically, our approach combines the main data stream with a secondary,
diverse and uncorrelated stream, from which the network can draw auxiliary
knowledge. This helps the model from different perspectives, since auxiliary
data may contain useful features for the current and the next tasks and
incoming task classes can be mapped onto auxiliary classes. Furthermore, the
addition of data to the current task is implicitly making the classifier more
robust as we are forcing the extraction of more discriminative features. Our
method can outperform existing state-of-the-art models on the most common CL
Image Classification benchmarks."
2900,MCD: Marginal Contrastive Discrimination for conditional density estimation,"We consider the problem of conditional density estimation, which is a major
topic of interest in the fields of statistical and machine learning. Our
method, called Marginal Contrastive Discrimination, MCD, reformulates the
conditional density function into two factors, the marginal density function of
the target variable and a ratio of density functions which can be estimated
through binary classification. Like noise-contrastive methods, MCD can leverage
state-of-the-art supervised learning techniques to perform conditional density
estimation, including neural networks. Our benchmark reveals that our method
significantly outperforms in practice existing methods on most density models
and regression datasets."
2901,Decentralized Optimistic Hyperpolicy Mirror Descent: Provably No-Regret Learning in Markov Games,"We study decentralized policy learning in Markov games where we control a
single agent to play with nonstationary and possibly adversarial opponents. Our
goal is to develop a no-regret online learning algorithm that (i) takes actions
based on the local information observed by the agent and (ii) is able to find
the best policy in hindsight. For such a problem, the nonstationary state
transitions due to the varying opponent pose a significant challenge. In light
of a recent hardness result \citep{liu2022learning}, we focus on the setting
where the opponent's previous policies are revealed to the agent for decision
making. With such an information structure, we propose a new algorithm,
\underline{D}ecentralized \underline{O}ptimistic hype\underline{R}policy
m\underline{I}rror de\underline{S}cent (DORIS), which achieves
$\sqrt{K}$-regret in the context of general function approximation, where $K$
is the number of episodes. Moreover, when all the agents adopt DORIS, we prove
that their mixture policy constitutes an approximate coarse correlated
equilibrium. In particular, DORIS maintains a \textit{hyperpolicy} which is a
distribution over the policy space. The hyperpolicy is updated via mirror
descent, where the update direction is obtained by an optimistic variant of
least-squares policy evaluation. Furthermore, to illustrate the power of our
method, we apply DORIS to constrained and vector-valued MDPs, which can be
formulated as zero-sum Markov games with a fictitious opponent."
2902,Automatic Quantification of Volumes and Biventricular Function in Cardiac Resonance. Validation of a New Artificial Intelligence Approach,"Background: Artificial intelligence techniques have shown great potential in
cardiology, especially in quantifying cardiac biventricular function, volume,
mass, and ejection fraction (EF). However, its use in clinical practice is not
straightforward due to its poor reproducibility with cases from daily practice,
among other reasons. Objectives: To validate a new artificial intelligence tool
in order to quantify the cardiac biventricular function (volume, mass, and EF).
To analyze its robustness in the clinical area, and the computational times
compared with conventional methods. Methods: A total of 189 patients were
analyzed: 89 from a regional center and 100 from a public center. The method
proposes two convolutional networks that include anatomical information of the
heart to reduce classification errors. Results: A high concordance (Pearson
coefficient) was observed between manual quantification and the proposed
quantification of cardiac function (0.98, 0.92, 0.96 and 0.8 for volumes and
biventricular EF) in about 5 seconds per study. Conclusions: This method
quantifies biventricular function and volumes in seconds with an accuracy
equivalent to that of a specialist."
2903,On Calibration of Graph Neural Networks for Node Classification,"Graphs can model real-world, complex systems by representing entities and
their interactions in terms of nodes and edges. To better exploit the graph
structure, graph neural networks have been developed, which learn entity and
edge embeddings for tasks such as node classification and link prediction.
These models achieve good performance with respect to accuracy, but the
confidence scores associated with the predictions might not be calibrated. That
means that the scores might not reflect the ground-truth probabilities of the
predicted events, which would be especially important for safety-critical
applications. Even though graph neural networks are used for a wide range of
tasks, the calibration thereof has not been sufficiently explored yet. We
investigate the calibration of graph neural networks for node classification,
study the effect of existing post-processing calibration methods, and analyze
the influence of model capacity, graph density, and a new loss function on
calibration. Further, we propose a topology-aware calibration method that takes
the neighboring nodes into account and yields improved calibration compared to
baseline methods."
2904,Optimal Weak to Strong Learning,"The classic algorithm AdaBoost allows to convert a weak learner, that is an
algorithm that produces a hypothesis which is slightly better than chance, into
a strong learner, achieving arbitrarily high accuracy when given enough
training data. We present a new algorithm that constructs a strong learner from
a weak learner but uses less training data than AdaBoost and all other weak to
strong learners to achieve the same generalization bounds. A sample complexity
lower bound shows that our new algorithm uses the minimum possible amount of
training data and is thus optimal. Hence, this work settles the sample
complexity of the classic problem of constructing a strong learner from a weak
learner."
2905,Prescriptive maintenance with causal machine learning,"Machine maintenance is a challenging operational problem, where the goal is
to plan sufficient preventive maintenance to avoid machine failures and
overhauls. Maintenance is often imperfect in reality and does not make the
asset as good as new. Although a variety of imperfect maintenance policies have
been proposed in the literature, these rely on strong assumptions regarding the
effect of maintenance on the machine's condition, assuming the effect is (1)
deterministic or governed by a known probability distribution, and (2)
machine-independent. This work proposes to relax both assumptions by learning
the effect of maintenance conditional on a machine's characteristics from
observational data on similar machines using existing methodologies for causal
inference. By predicting the maintenance effect, we can estimate the number of
overhauls and failures for different levels of maintenance and, consequently,
optimize the preventive maintenance frequency to minimize the total estimated
cost. We validate our proposed approach using real-life data on more than 4,000
maintenance contracts from an industrial partner. Empirical results show that
our novel, causal approach accurately predicts the maintenance effect and
results in individualized maintenance schedules that are more accurate and
cost-effective than supervised or non-individualized approaches."
2906,Disentangling Epistemic and Aleatoric Uncertainty in Reinforcement Learning,"Characterizing aleatoric and epistemic uncertainty on the predicted rewards
can help in building reliable reinforcement learning (RL) systems. Aleatoric
uncertainty results from the irreducible environment stochasticity leading to
inherently risky states and actions. Epistemic uncertainty results from the
limited information accumulated during learning to make informed decisions.
Characterizing aleatoric and epistemic uncertainty can be used to speed up
learning in a training environment, improve generalization to similar testing
environments, and flag unfamiliar behavior in anomalous testing environments.
In this work, we introduce a framework for disentangling aleatoric and
epistemic uncertainty in RL. (1) We first define four desiderata that capture
the desired behavior for aleatoric and epistemic uncertainty estimation in RL
at both training and testing time. (2) We then present four RL models inspired
by supervised learning (i.e. Monte Carlo dropout, ensemble, deep kernel
learning models, and evidential networks) to instantiate aleatoric and
epistemic uncertainty. Finally, (3) we propose a practical evaluation method to
evaluate uncertainty estimation in model-free RL based on detection of
out-of-distribution environments and generalization to perturbed environments.
We present theoretical and experimental evidence to validate that carefully
equipping model-free RL agents with supervised learning uncertainty methods can
fulfill our desiderata."
2907,Is an encoder within reach?,"The encoder network of an autoencoder is an approximation of the nearest
point projection onto the manifold spanned by the decoder. A concern with this
approximation is that, while the output of the encoder is always unique, the
projection can possibly have infinitely many values. This implies that the
latent representations learned by the autoencoder can be misleading. Borrowing
from geometric measure theory, we introduce the idea of using the reach of the
manifold spanned by the decoder to determine if an optimal encoder exists for a
given dataset and decoder. We develop a local generalization of this reach and
propose a numerical estimator thereof. We demonstrate that this allows us to
determine which observations can be expected to have a unique, and thereby
trustworthy, latent representation. As our local reach estimator is
differentiable, we investigate its usage as a regularizer and show that this
leads to learned manifolds for which projections are more often unique than
without regularization."
2908,Truly Mesh-free Physics-Informed Neural Networks,"Physics-informed Neural Networks (PINNs) have recently emerged as a
principled way to include prior physical knowledge in form of partial
differential equations (PDEs) into neural networks. Although generally viewed
as being mesh-free, current approaches still rely on collocation points
obtained within a bounded region, even in settings with spatially sparse
signals. Furthermore, if the boundaries are not known, the selection of such a
region may be arbitrary, resulting in a large proportion of collocation points
being selected in areas of low relevance. To resolve this, we present a
mesh-free and adaptive approach termed particle-density PINN (pdPINN), which is
inspired by the microscopic viewpoint of fluid dynamics. Instead of sampling
from a bounded region, we propose to sample directly from the distribution over
the (fluids) particle positions, eliminating the need to introduce boundaries
while adaptively focusing on the most relevant regions. This is achieved by
reformulating the modeled fluid density as an unnormalized probability
distribution from which we sample with dynamic Monte Carlo methods. We further
generalize pdPINNs to different settings that allow interpreting a positive
scalar quantity as a particle density, such as the evolution of the temperature
in the heat equation. The utility of our approach is demonstrated on
experiments for modeling (non-steady) compressible fluids in up to three
dimensions and a two-dimensional diffusion problem, illustrating the high
flexibility and sample efficiency compared to existing refinement methods for
PINNs."
2909,Beyond Opinion Mining: Summarizing Opinions of Customer Reviews,"Customer reviews are vital for making purchasing decisions in the Information
Age. Such reviews can be automatically summarized to provide the user with an
overview of opinions. In this tutorial, we present various aspects of opinion
summarization that are useful for researchers and practitioners. First, we will
introduce the task and major challenges. Then, we will present existing opinion
summarization solutions, both pre-neural and neural. We will discuss how
summarizers can be trained in the unsupervised, few-shot, and supervised
regimes. Each regime has roots in different machine learning methods, such as
auto-encoding, controllable text generation, and variational inference.
Finally, we will discuss resources and evaluation methods and conclude with the
future directions. This three-hour tutorial will provide a comprehensive
overview over major advances in opinion summarization. The listeners will be
well-equipped with the knowledge that is both useful for research and practical
applications."
2910,Rethinking and Scaling Up Graph Contrastive Learning: An Extremely Efficient Approach with Group Discrimination,"Graph contrastive learning (GCL) alleviates the heavy reliance on label
information for graph representation learning (GRL) via self-supervised
learning schemes. The core idea is to learn by maximising mutual information
for similar instances, which requires similarity computation between two node
instances. However, this operation can be computationally expensive. For
example, the time complexity of two commonly adopted contrastive loss functions
(i.e., InfoNCE and JSD estimator) for a node is $O(ND)$ and $O(D)$,
respectively, where $N$ is the number of nodes, and $D$ is the embedding
dimension. Additionally, GCL normally requires a large number of training
epochs to be well-trained on large-scale datasets. Inspired by an observation
of a technical defect (i.e., inappropriate usage of Sigmoid function) commonly
used in two representative GCL works, DGI and MVGRL, we revisit GCL and
introduce a new learning paradigm for self-supervised GRL, namely, Group
Discrimination (GD), and propose a novel GD-based method called Graph Group
Discrimination (GGD). Instead of similarity computation, GGD directly
discriminates two groups of summarised node instances with a simple binary
cross-entropy loss. As such, GGD only requires $O(1)$ for loss computation of a
node. In addition, GGD requires much fewer training epochs to obtain
competitive performance compared with GCL methods on large-scale datasets.
These two advantages endow GGD with the very efficient property. Extensive
experiments show that GGD outperforms state-of-the-art self-supervised methods
on 8 datasets. In particular, GGD can be trained in 0.18 seconds (6.44 seconds
including data preprocessing) on ogbn-arxiv, which is orders of magnitude
(10,000+ faster than GCL baselines} while consuming much less memory. Trained
with 9 hours on ogbn-papers100M with billion edges, GGD outperforms its GCL
counterparts in both accuracy and efficiency."
2911,A High-Performance Customer Churn Prediction System based on Self-Attention,"Customer churn prediction is a challenging domain of research that
contributes to customer retention strategy. The predictive performance of
existing machine learning models, which are often adopted by churn communities,
appear to be at a bottleneck, partly due to models' poor feature extraction
capability. Therefore, a novel algorithm, a hybrid neural network with
self-attention enhancement (HNNSAE), is proposed in this paper to improve the
efficiency of feature screening and feature extraction, consequently improving
the model's predictive performance. This model consists of three main blocks.
The first block is the entity embedding layer, which is employed to process the
categorical variables transformed into 0-1 code. The second block is the
feature extractor, which extracts the significant features through the
multi-head self-attention mechanism. In addition, to improve the feature
extraction effect, we stack the residual connection neural network on
multi-head self-attention modules. The third block is a classifier, which is a
three-layer multilayer perceptron. This work conducts experiments on publicly
available dataset related to commercial bank customers. The result demonstrates
that HNNSAE significantly outperforms the other Individual Machine Learning
(IML), Ensemble Machine Learning (EML), and Deep Learning (DL) methods tested
in this paper. Furthermore, we compare the performance of the feature extractor
proposed in this paper with that of other three feature extractors and find
that the method proposed in this paper significantly outperforms other methods.
In addition, four hypotheses about model prediction performance and overfitting
risk are tested on the publicly available dataset."
2912,Constraints on parameter choices for successful reservoir computing,"Echo-state networks are simple models of discrete dynamical systems driven by
a time series. By selecting network parameters such that the dynamics of the
network is contractive, characterized by a negative maximal Lyapunov exponent,
the network may synchronize with the driving signal. Exploiting this
synchronization, the echo-state network may be trained to autonomously
reproduce the input dynamics, enabling time-series prediction. However, while
synchronization is a necessary condition for prediction, it is not sufficient.
Here, we study what other conditions are necessary for successful time-series
prediction. We identify two key parameters for prediction performance, and
conduct a parameter sweep to find regions where prediction is successful. These
regions differ significantly depending on whether full or partial phase space
information about the input is provided to the network during training. We
explain how these regions emerge."
2913,A Survey on Surrogate-assisted Efficient Neural Architecture Search,"Neural architecture search (NAS) has become increasingly popular in the deep
learning community recently, mainly because it can provide an opportunity to
allow interested users without rich expertise to benefit from the success of
deep neural networks (DNNs). However, NAS is still laborious and time-consuming
because a large number of performance estimations are required during the
search process of NAS, and training DNNs is computationally intensive. To solve
the major limitation of NAS, improving the efficiency of NAS is essential in
the design of NAS. This paper begins with a brief introduction to the general
framework of NAS. Then, the methods for evaluating network candidates under the
proxy metrics are systematically discussed. This is followed by a description
of surrogate-assisted NAS, which is divided into three different categories,
namely Bayesian optimization for NAS, surrogate-assisted evolutionary
algorithms for NAS, and MOP for NAS. Finally, remaining challenges and open
research questions are discussed, and promising research topics are suggested
in this emerging field."
2914,Understanding deep learning via decision boundary,"This paper discovers that the neural network with lower decision boundary
(DB) variability has better generalizability. Two new notions, algorithm DB
variability and $(\epsilon, \eta)$-data DB variability, are proposed to measure
the decision boundary variability from the algorithm and data perspectives.
Extensive experiments show significant negative correlations between the
decision boundary variability and the generalizability. From the theoretical
view, two lower bounds based on algorithm DB variability are proposed and do
not explicitly depend on the sample size. We also prove an upper bound of order
$\mathcal{O}\left(\frac{1}{\sqrt{m}}+\epsilon+\eta\log\frac{1}{\eta}\right)$
based on data DB variability. The bound is convenient to estimate without the
requirement of labels, and does not explicitly depend on the network size which
is usually prohibitively large in deep learning."
2915,Latent Topology Induction for Understanding Contextualized Representations,"In this work, we study the representation space of contextualized embeddings
and gain insight into the hidden topology of large language models. We show
there exists a network of latent states that summarize linguistic properties of
contextualized representations. Instead of seeking alignments to existing
well-defined annotations, we infer this latent network in a fully unsupervised
way using a structured variational autoencoder. The induced states not only
serve as anchors that mark the topology (neighbors and connectivity) of the
representation manifold but also reveal the internal mechanism of encoding
sentences. With the induced network, we: (1). decompose the representation
space into a spectrum of latent states which encode fine-grained word meanings
with lexical, morphological, syntactic and semantic information; (2). show
state-state transitions encode rich phrase constructions and serve as the
backbones of the latent space. Putting the two together, we show that sentences
are represented as a traversal over the latent network where state-state
transition chains encode syntactic templates and state-word emissions fill in
the content. We demonstrate these insights with extensive experiments and
visualizations."
2916,Canonical convolutional neural networks,"We introduce canonical weight normalization for convolutional neural
networks. Inspired by the canonical tensor decomposition, we express the weight
tensors in so-called canonical networks as scaled sums of outer vector
products. In particular, we train network weights in the decomposed form, where
scale weights are optimized separately for each mode. Additionally, similarly
to weight normalization, we include a global scaling parameter. We study the
initialization of the canonical form by running the power method and by drawing
randomly from Gaussian or uniform distributions. Our results indicate that we
can replace the power method with cheaper initializations drawn from standard
distributions. The canonical re-parametrization leads to competitive
normalization performance on the MNIST, CIFAR10, and SVHN data sets. Moreover,
the formulation simplifies network compression. Once training has converged,
the canonical form allows convenient model-compression by truncating the
parameter sums."
2917,Can Requirements Engineering Support Explainable Artificial Intelligence? Towards a User-Centric Approach for Explainability Requirements,"With the recent proliferation of artificial intelligence systems, there has
been a surge in the demand for explainability of these systems. Explanations
help to reduce system opacity, support transparency, and increase stakeholder
trust. In this position paper, we discuss synergies between requirements
engineering (RE) and Explainable AI (XAI). We highlight challenges in the field
of XAI, and propose a framework and research directions on how RE practices can
help to mitigate these challenges."
2918,Can Hybrid Geometric Scattering Networks Help Solve the Maximal Clique Problem?,"We propose a geometric scattering-based graph neural network (GNN) for
approximating solutions of the NP-hard maximal clique (MC) problem. We
construct a loss function with two terms, one which encourages the network to
find a large set of nodes and the other which acts as a surrogate for the
constraint that the nodes form a clique. We then use this loss to train a novel
GNN architecture that outputs a vector representing the probability for each
node to be part of the MC and apply a rule-based decoder to make our final
prediction. The incorporation of the scattering transform alleviates the
so-called oversmoothing problem that is often encountered in GNNs and would
degrade the performance of our proposed setup. Our empirical results
demonstrate that our method outperforms representative GNN baselines in terms
of solution accuracy and inference speed as well as conventional solvers like
GUROBI with limited time budgets."
2919,Causality Learning With Wasserstein Generative Adversarial Networks,"Conventional methods for causal structure learning from data face significant
challenges due to combinatorial search space. Recently, the problem has been
formulated into a continuous optimization framework with an acyclicity
constraint to learn Directed Acyclic Graphs (DAGs). Such a framework allows the
utilization of deep generative models for causal structure learning to better
capture the relations between data sample distributions and DAGs. However, so
far no study has experimented with the use of Wasserstein distance in the
context of causal structure learning. Our model named DAG-WGAN combines the
Wasserstein-based adversarial loss with an acyclicity constraint in an
auto-encoder architecture. It simultaneously learns causal structures while
improving its data generation capability. We compare the performance of
DAG-WGAN with other models that do not involve the Wasserstein metric in order
to identify its contribution to causal structure learning. Our model performs
better with high cardinality data according to our experiments."
2920,Constraining Gaussian processes for physics-informed acoustic emission mapping,"The automated localisation of damage in structures is a challenging but
critical ingredient in the path towards predictive or condition-based
maintenance of high value structures. The use of acoustic emission time of
arrival mapping is a promising approach to this challenge, but is severely
hindered by the need to collect a dense set of artificial acoustic emission
measurements across the structure, resulting in a lengthy and often impractical
data acquisition process. In this paper, we consider the use of
physics-informed Gaussian processes for learning these maps to alleviate this
problem. In the approach, the Gaussian process is constrained to the physical
domain such that information relating to the geometry and boundary conditions
of the structure are embedded directly into the learning process, returning a
model that guarantees that any predictions made satisfy physically-consistent
behaviour at the boundary. A number of scenarios that arise when training
measurement acquisition is limited, including where training data are sparse,
and also of limited coverage over the structure of interest. Using a complex
plate-like structure as an experimental case study, we show that our approach
significantly reduces the burden of data collection, where it is seen that
incorporation of boundary condition knowledge significantly improves predictive
accuracy as training observations are reduced, particularly when training
measurements are not available across all parts of the structure."
2921,Transferring Studies Across Embodiments: A Case Study in Confusion Detection,"Human-robot studies are expensive to conduct and difficult to control, and as
such researchers sometimes turn to human-avatar interaction in the hope of
faster and cheaper data collection that can be transferred to the robot domain.
In terms of our work, we are particularly interested in the challenge of
detecting and modelling user confusion in interaction, and as part of this
research programme, we conducted situated dialogue studies to investigate
users' reactions in confusing scenarios that we give in both physical and
virtual environments. In this paper, we present a combined review of these
studies and the results that we observed across these two embodiments. For the
physical embodiment, we used a Pepper Robot, while for the virtual modality, we
used a 3D avatar. Our study shows that despite attitudinal differences and
technical control limitations, there were a number of similarities detected in
user behaviour and self-reporting results across embodiment options. This work
suggests that, while avatar interaction is no true substitute for robot
interaction studies, sufficient care in study design may allow well executed
human-avatar studies to supplement more challenging human-robot studies."
2922,GINK: Graph-based Interaction-aware Kinodynamic Planning via Reinforcement Learning for Autonomous Driving,"There are many challenges in applying deep reinforcement learning (DRL) to
autonomous driving in a structured environment such as an urban area. This is
because the massive traffic flows moving along the road network change
dynamically. It is a key factor to detect changes in the intentions of
surrounding vehicles and quickly find a response strategy. In this paper, we
suggest a new framework that effectively combines graph-based intention
representation learning and reinforcement learning for kinodynamic planning.
Specifically, the movement of dynamic agents is expressed as a graph. The
spatio-temporal locality of node features is conserved and the features are
aggregated by considering the interaction between adjacent nodes. We
simultaneously learn motion planner and controller that share the aggregated
information via a safe RL framework. We intuitively interpret a given situation
with predicted trajectories to generate additional cost signals. The dense cost
signals encourage the policy to be safe for dynamic risk. Moreover, by
utilizing the data obtained through the direct rollout of learned policy,
robust intention inference is achieved for various situations encountered in
training. We set up a navigation scenario in which various situations exist by
using CARLA, an urban driving simulator. The experiments show the
state-of-the-art performance of our approach compared to the existing
baselines."
2923,Finding Rule-Interpretable Non-Negative Data Representation,"Non-negative Matrix Factorization (NMF) is an intensively used technique for
obtaining parts-based, lower dimensional and non-negative representation of
non-negative data. It is a popular method in different research fields.
Scientists performing research in the fields of biology, medicine and pharmacy
often prefer NMF over other dimensionality reduction approaches (such as PCA)
because the non-negativity of the approach naturally fits the characteristics
of the domain problem and its result is easier to analyze and understand.
Despite these advantages, it still can be hard to get exact characterization
and interpretation of the NMF's resulting latent factors due to their numerical
nature. On the other hand, rule-based approaches are often considered more
interpretable but lack the parts-based interpretation. In this work, we present
a version of the NMF approach that merges rule-based descriptions with
advantages of part-based representation offered by the NMF approach. Given the
numerical input data with non-negative entries and a set of rules with high
entity coverage, the approach creates the lower-dimensional non-negative
representation of the input data in such a way that its factors are described
by the appropriate subset of the input rules. In addition to revealing
important attributes for latent factors, it allows analyzing relations between
these attributes and provides the exact numerical intervals or categorical
values they take. The proposed approach provides numerous advantages in tasks
such as focused embedding or performing supervised multi-label NMF."
2924,"Functional Connectivity Methods for EEG-based Biometrics on a Large, Heterogeneous Dataset","This study examines the utility of functional connectivity (FC) and
graph-based (GB) measures with a support vector machine classifier for use in
electroencephalogram (EEG) based biometrics. Although FC-based features have
been used in biometric applications, studies assessing the identification
algorithms on heterogeneous and large datasets are scarce. This work
investigates the performance of FC and GB metrics on a dataset of 184 subjects
formed by pooling three datasets recorded under different protocols and
acquisition systems. The results demonstrate the higher discriminatory power of
FC than GB metrics. The identification accuracy increases with higher frequency
EEG bands, indicating the enhanced uniqueness of the neural signatures in beta
and gamma bands. Using all the 56 EEG channels common to the three databases,
the best identification accuracy of 97.4% is obtained using phase-locking value
(PLV) based measures extracted from the gamma frequency band. Further, we
investigate the effect of the length of the analysis epoch to determine the
data acquisition time required to obtain satisfactory identification accuracy.
When the number of channels is reduced to 21 from 56, there is a marginal
reduction of 2.4% only in the identification accuracy using PLV features in the
gamma band. Additional experiments have been conducted to study the effect of
the cognitive state of the subject and mismatched train/test conditions on the
performance of the system."
2925,Offline Reinforcement Learning with Causal Structured World Models,"Model-based methods have recently shown promising for offline reinforcement
learning (RL), aiming to learn good policies from historical data without
interacting with the environment. Previous model-based offline RL methods learn
fully connected nets as world-models that map the states and actions to the
next-step states. However, it is sensible that a world-model should adhere to
the underlying causal effect such that it will support learning an effective
policy generalizing well in unseen states. In this paper, We first provide
theoretical results that causal world-models can outperform plain world-models
for offline RL by incorporating the causal structure into the generalization
error bound. We then propose a practical algorithm, oFfline mOdel-based
reinforcement learning with CaUsal Structure (FOCUS), to illustrate the
feasibility of learning and leveraging causal structure in offline RL.
Experimental results on two benchmarks show that FOCUS reconstructs the
underlying causal structure accurately and robustly. Consequently, it performs
better than the plain model-based offline RL algorithms and other causal
model-based RL algorithms."
2926,Evaluating Transfer-based Targeted Adversarial Perturbations against Real-World Computer Vision Systems based on Human Judgments,"Computer vision systems are remarkably vulnerable to adversarial
perturbations. Transfer-based adversarial images are generated on one (source)
system and used to attack another (target) system. In this paper, we take the
first step to investigate transfer-based targeted adversarial images in a
realistic scenario where the target system is trained on some private data with
its inventory of semantic labels not publicly available. Our main contributions
include an extensive human-judgment-based evaluation of attack success on the
Google Cloud Vision API and additional analysis of the different behaviors of
Google Cloud Vision in face of original images vs. adversarial images.
Resources are publicly available at
\url{https://github.com/ZhengyuZhao/Targeted-Tansfer/blob/main/google_results.zip}."
2927,Zero-Shot Bird Species Recognition by Learning from Field Guides,"We exploit field guides to learn bird species recognition, in particular
zero-shot recognition of unseen species. The illustrations contained in field
guides deliberately focus on discriminative properties of a species, and can
serve as side information to transfer knowledge from seen to unseen classes. We
study two approaches: (1) a contrastive encoding of illustrations that can be
fed into zero-shot learning schemes; and (2) a novel method that leverages the
fact that illustrations are also images and as such structurally more similar
to photographs than other kinds of side information. Our results show that
illustrations from field guides, which are readily available for a wide range
of species, are indeed a competitive source of side information. On the
iNaturalist2021 subset, we obtain a harmonic mean from 749 seen and 739 unseen
classes greater than $45\%$ (@top-10) and $15\%$ (@top-1). Which shows that
field guides are a valuable option for challenging real-world scenarios with
many species."
2928,PAC Statistical Model Checking of Mean Payoff in Discrete- and Continuous-Time MDP,"Markov decision processes (MDP) and continuous-time MDP (CTMDP) are the
fundamental models for non-deterministic systems with probabilistic
uncertainty. Mean payoff (a.k.a. long-run average reward) is one of the most
classic objectives considered in their context. We provide the first algorithm
to compute mean payoff probably approximately correctly in unknown MDP;
further, we extend it to unknown CTMDP. We do not require any knowledge of the
state space, only a lower bound on the minimum transition probability, which
has been advocated in literature. In addition to providing probably
approximately correct (PAC) bounds for our algorithm, we also demonstrate its
practical nature by running experiments on standard benchmarks."
2929,Safety Certification for Stochastic Systems via Neural Barrier Functions,"Providing non-trivial certificates of safety for non-linear stochastic
systems is an important open problem that limits the wider adoption of
autonomous systems in safety-critical applications. One promising solution to
address this problem is barrier functions. The composition of a barrier
function with a stochastic system forms a supermartingale, thus enabling the
computation of the probability that the system stays in a safe set over a
finite time horizon via martingale inequalities. However, existing approaches
to find barrier functions for stochastic systems generally rely on convex
optimization programs that restrict the search of a barrier to a small class of
functions such as low degree SoS polynomials and can be computationally
expensive. In this paper, we parameterize a barrier function as a neural
network and show that techniques for robust training of neural networks can be
successfully employed to find neural barrier functions. Specifically, we
leverage bound propagation techniques to certify that a neural network
satisfies the conditions to be a barrier function via linear programming and
then employ the resulting bounds at training time to enforce the satisfaction
of these conditions. We also present a branch-and-bound scheme that makes the
certification framework scalable. We show that our approach outperforms
existing methods in several case studies and often returns certificates of
safety that are orders of magnitude larger."
2930,Indirect Active Learning,"Traditional models of active learning assume a learner can directly
manipulate or query a covariate $X$ in order to study its relationship with a
response $Y$. However, if $X$ is a feature of a complex system, it may be
possible only to indirectly influence $X$ by manipulating a control variable
$Z$, a scenario we refer to as Indirect Active Learning. Under a nonparametric
model of Indirect Active Learning with a fixed budget, we study minimax
convergence rates for estimating the relationship between $X$ and $Y$ locally
at a point, obtaining different rates depending on the complexities and noise
levels of the relationships between $Z$ and $X$ and between $X$ and $Y$. We
also identify minimax rates for passive learning under comparable assumptions.
In many cases, our results show that, while there is an asymptotic benefit to
active learning, this benefit is fully realized by a simple two-stage learner
that runs two passive experiments in sequence."
2931,Orthogonal Transform based Generative Adversarial Network for Image Dehazing,"Image dehazing has become one of the crucial preprocessing steps for any
computer vision task. Most of the dehazing methods try to estimate the
transmission map along with the atmospheric light to get the dehazed image in
the image domain. In this paper, we propose a novel end-to-end architecture
that directly estimates dehazed image in Krawtchouk transform domain. For this
a customized Krawtchouk Convolution Layer (KCL) in the architecture is added.
KCL is constructed using Krawtchouk basis functions which converts the image
from the spatial domain to the Krawtchouk transform domain. Another convolution
layer is added at the end of the architecture named as Inverse Krawtchouk
Convolution Layer (IKCL) which converts the image back to the spatial domain
from the transform domain. It has been observed that the haze is mainly present
in lower frequencies of hazy images, wherein the Krawtchouk transform helps to
analyze the high and low frequencies of the images separately. We have divided
our architecture into two branches, the upper branch deals with the higher
frequencies while the lower branch deals with the lower frequencies of the
image. The lower branch is made deeper in terms of the layers as compared to
the upper branch to address the haze present in the lower frequencies. Using
the proposed Orthogonal Transform based Generative Adversarial Network (OTGAN)
architecture for image dehazing, we were able to achieve competitive results
when compared to the present state-of-the-art methods."
2932,XPASC: Measuring Generalization in Weak Supervision,"Weak supervision is leveraged in a wide range of domains and tasks due to its
ability to create massive amounts of labeled data, requiring only little manual
effort. Standard approaches use labeling functions to specify signals that are
relevant for the labeling. It has been conjectured that weakly supervised
models over-rely on those signals and as a result suffer from overfitting. To
verify this assumption, we introduce a novel method, XPASC
(eXPlainability-Association SCore), for measuring the generalization of a model
trained with a weakly supervised dataset. Considering the occurrences of
features, classes and labeling functions in a dataset, XPASC takes into account
the relevance of each feature for the predictions of the model as well as the
associations of the feature with the class and the labeling function,
respectively. The association in XPASC can be measured in two variants:
XPASC-CHI SQAURE measures associations relative to their statistical
significance, while XPASC-PPMI measures association strength more generally.
We use XPASC to analyze KnowMAN, an adversarial architecture intended to
control the degree of generalization from the labeling functions and thus to
mitigate the problem of overfitting. On one hand, we show that KnowMAN is able
to control the degree of generalization through a hyperparameter. On the other
hand, results and qualitative analysis show that generalization and performance
do not relate one-to-one, and that the highest degree of generalization does
not necessarily imply the best performance. Therefore methods that allow for
controlling the amount of generalization can achieve the right degree of benign
overfitting. Our contributions in this study are i) the XPASC score to measure
generalization in weakly-supervised models, ii) evaluation of XPASC across
datasets and models and iii) the release of the XPASC implementation."
2933,On the duality between contrastive and non-contrastive self-supervised learning,"Recent approaches in self-supervised learning of image representations can be
categorized into different families of methods and, in particular, can be
divided into contrastive and non-contrastive approaches. While differences
between the two families have been thoroughly discussed to motivate new
approaches, we focus more on the theoretical similarities between them. By
designing contrastive and non-contrastive criteria that can be related
algebraically and shown to be equivalent under limited assumptions, we show how
close those families can be. We further study popular methods and introduce
variations of them, allowing us to relate this theoretical result to current
practices and show how design choices in the criterion can influence the
optimization process and downstream performance. We also challenge the popular
assumptions that contrastive and non-contrastive methods, respectively, need
large batch sizes and output dimensions. Our theoretical and quantitative
results suggest that the numerical gaps between contrastive and noncontrastive
methods in certain regimes can be significantly reduced given better network
design choice and hyperparameter tuning."
2934,Modeling electronic health record data using a knowledge-graph-embedded topic model,"The rapid growth of electronic health record (EHR) datasets opens up
promising opportunities to understand human diseases in a systematic way.
However, effective extraction of clinical knowledge from the EHR data has been
hindered by its sparsity and noisy information. We present KG-ETM, an
end-to-end knowledge graph-based multimodal embedded topic model. KG-ETM
distills latent disease topics from EHR data by learning the embedding from the
medical knowledge graphs. We applied KG-ETM to a large-scale EHR dataset
consisting of over 1 million patients. We evaluated its performance based on
EHR reconstruction and drug imputation. KG-ETM demonstrated superior
performance over the alternative methods on both tasks. Moreover, our model
learned clinically meaningful graph-informed embedding of the EHR codes. In
additional, our model is also able to discover interpretable and accurate
patient representations for patient stratification and drug recommendations."
2935,Automated visual inspection of silicon detectors in CMS experiment,"In the CMS experiment at CERN, Geneva, a large number of HGCAL sensor modules
are fabricated in advanced laboratories around the world. Each sensor module
contains about 700 checkpoints for visual inspection thus making it almost
impossible to carry out such inspection manually. As artificial intelligence is
more and more widely used in manufacturing, traditional detection technologies
are gradually being intelligent. In order to more accurately evaluate the
checkpoints, we propose to use deep learning-based object detection techniques
to detect manufacturing defects in testing large numbers of modules
automatically."
2936,"Learning ""best"" kernels from data in Gaussian process regression. With application to aerodynamics","This paper introduces algorithms to select/design kernels in Gaussian process
regression/kriging surrogate modeling techniques. We adopt the setting of
kernel method solutions in ad hoc functional spaces, namely Reproducing Kernel
Hilbert Spaces (RKHS), to solve the problem of approximating a regular target
function given observations of it, i.e. supervised learning. A first class of
algorithms is kernel flow, which was introduced in a context of classification
in machine learning. It can be seen as a nested cross-validation procedure
whereby a ""best"" kernel is selected such that the loss of accuracy incurred by
removing some part of the dataset (typically half of it) is minimized. A second
class of algorithms is called spectral kernel ridge regression, and aims at
selecting a ""best"" kernel such that the norm of the function to be approximated
is minimal in the associated RKHS. Within Mercer's theorem framework, we obtain
an explicit construction of that ""best"" kernel in terms of the main features of
the target function. Both approaches of learning kernels from data are
illustrated by numerical examples on synthetic test functions, and on a
classical test case in turbulence modeling validation for transonic flows about
a two-dimensional airfoil."
2937,On the Generalization of Wasserstein Robust Federated Learning,"In federated learning, participating clients typically possess non-i.i.d.
data, posing a significant challenge to generalization to unseen distributions.
To address this, we propose a Wasserstein distributionally robust optimization
scheme called WAFL. Leveraging its duality, we frame WAFL as an empirical
surrogate risk minimization problem, and solve it using a local SGD-based
algorithm with convergence guarantees. We show that the robustness of WAFL is
more general than related approaches, and the generalization bound is robust to
all adversarial distributions inside the Wasserstein ball (ambiguity set).
Since the center location and radius of the Wasserstein ball can be suitably
modified, WAFL shows its applicability not only in robustness but also in
domain adaptation. Through empirical evaluation, we demonstrate that WAFL
generalizes better than the vanilla FedAvg in non-i.i.d. settings, and is more
robust than other related methods in distribution shift settings. Further,
using benchmark datasets we show that WAFL is capable of generalizing to unseen
target domains."
2938,Rate-Optimal Online Convex Optimization in Adaptive Linear Control,"We consider the problem of controlling an unknown linear dynamical system
under adversarially changing convex costs and full feedback of both the state
and cost function. We present the first computationally-efficient algorithm
that attains an optimal $\smash{\sqrt{T}}$-regret rate compared to the best
stabilizing linear controller in hindsight, while avoiding stringent
assumptions on the costs such as strong convexity. Our approach is based on a
careful design of non-convex lower confidence bounds for the online costs, and
uses a novel technique for computationally-efficient regret minimization of
these bounds that leverages their particular non-convex structure."
2939,Impact of the composition of feature extraction and class sampling in medicare fraud detection,"With healthcare being critical aspect, health insurance has become an
important scheme in minimizing medical expenses. Following this, the healthcare
industry has seen a significant increase in fraudulent activities owing to
increased insurance, and fraud has become a significant contributor to rising
medical care expenses, although its impact can be mitigated using fraud
detection techniques. To detect fraud, machine learning techniques are used.
The Centers for Medicaid and Medicare Services (CMS) of the United States
federal government released ""Medicare Part D"" insurance claims is utilized in
this study to develop fraud detection system. Employing machine learning
algorithms on a class-imbalanced and high dimensional medicare dataset is a
challenging task. To compact such challenges, the present work aims to perform
feature extraction following data sampling, afterward applying various
classification algorithms, to get better performance. Feature extraction is a
dimensionality reduction approach that converts attributes into linear or
non-linear combinations of the actual attributes, generating a smaller and more
diversified set of attributes and thus reducing the dimensions. Data sampling
is commonlya used to address the class imbalance either by expanding the
frequency of minority class or reducing the frequency of majority class to
obtain approximately equal numbers of occurrences for both classes. The
proposed approach is evaluated through standard performance metrics. Thus, to
detect fraud efficiently, this study applies autoencoder as a feature
extraction technique, synthetic minority oversampling technique (SMOTE) as a
data sampling technique, and various gradient boosted decision tree-based
classifiers as a classification algorithm. The experimental results show the
combination of autoencoders followed by SMOTE on the LightGBM classifier
achieved best results."
2940,Fair Classification via Transformer Neural Networks: Case Study of an Educational Domain,"Educational technologies nowadays increasingly use data and Machine Learning
(ML) models. This gives the students, instructors, and administrators support
and insights for the optimum policy. However, it is well acknowledged that ML
models are subject to bias, which raises concern about the fairness, bias, and
discrimination of using these automated ML algorithms in education and its
unintended and unforeseen negative consequences. The contribution of bias
during the decision-making comes from datasets used for training ML models and
the model architecture. This paper presents a preliminary investigation of
fairness constraint in transformer neural networks on Law School and
Student-Mathematics datasets. The used transformer models transform these raw
datasets into a richer representation space of natural language processing
(NLP) while solving fairness classification. We have employed fairness metrics
for evaluation and check the trade-off between fairness and accuracy. We have
reported the various metrics of F1, SPD, EOD, and accuracy for different
architectures from the transformer model class."
2941,Hybrid Models for Mixed Variables in Bayesian Optimization,"We systematically describe the problem of simultaneous surrogate modeling of
mixed variables (i.e., continuous, integer and categorical variables) in the
Bayesian optimization (BO) context. We provide a unified hybrid model using
both Monte-Carlo tree search (MCTS) and Gaussian processes (GP) that
encompasses and generalizes multiple state-of-the-art mixed BO surrogates.
Based on the architecture, we propose applying a new dynamic model selection
criterion among novel candidate families of covariance kernels, including
non-stationary kernels and associated families. Different benchmark problems
are studied and presented to support the superiority of our model, along with
results highlighting the effectiveness of our method compared to most
state-of-the-art mixed-variable methods in BO."
2942,MetaLR: Layer-wise Learning Rate based on Meta-Learning for Adaptively Fine-tuning Medical Pre-trained Models,"When applying transfer learning for medical image analysis, downstream tasks
often have significant gaps with the pre-training tasks. Previous methods
mainly focus on improving the transferabilities of the pre-trained models to
bridge the gaps. In fact, model fine-tuning can also play a very important role
in tackling this problem. A conventional fine-tuning method is updating all
deep neural networks (DNNs) layers by a single learning rate (LR), which
ignores the unique transferabilities of different layers. In this work, we
explore the behaviors of different layers in the fine-tuning stage. More
precisely, we first hypothesize that lower-level layers are more
domain-specific while higher-level layers are more task-specific, which is
verified by a simple bi-directional fine-tuning scheme. It is harder for the
pre-trained specific layers to transfer to new tasks than general layers. On
this basis, to make different layers better co-adapt to the downstream tasks
according to their transferabilities, a meta-learning-based LR learner, namely
MetaLR, is proposed to assign LRs for each layer automatically. Extensive
experiments on various medical applications (i.e., POCUS, BUSI, Chest X-ray,
and LiTS) well confirm our hypothesis and show the superior performance of the
proposed methods to previous state-of-the-art fine-tuning methods."
2943,Generalization for multiclass classification with overparameterized linear models,"Via an overparameterized linear model with Gaussian features, we provide
conditions for good generalization for multiclass classification of
minimum-norm interpolating solutions in an asymptotic setting where both the
number of underlying features and the number of classes scale with the number
of training points. The survival/contamination analysis framework for
understanding the behavior of overparameterized learning problems is adapted to
this setting, revealing that multiclass classification qualitatively behaves
like binary classification in that, as long as there are not too many classes
(made precise in the paper), it is possible to generalize well even in some
settings where the corresponding regression tasks would not generalize. Besides
various technical challenges, it turns out that the key difference from the
binary classification setting is that there are relatively fewer positive
training examples of each class in the multiclass setting as the number of
classes increases, making the multiclass problem ""harder"" than the binary one."
2944,A Deep Reinforcement Learning Framework For Column Generation,"Column Generation (CG) is an iterative algorithm for solving linear programs
(LPs) with an extremely large number of variables (columns). CG is the
workhorse for tackling large-scale integer linear programs, which rely on CG to
solve LP relaxations within a branch and bound algorithm. Two canonical
applications are the Cutting Stock Problem (CSP) and Vehicle Routing Problem
with Time Windows (VRPTW). In VRPTW, for example, each binary variable
represents the decision to include or exclude a route, of which there are
exponentially many; CG incrementally grows the subset of columns being used,
ultimately converging to an optimal solution. We propose RLCG, the first
Reinforcement Learning (RL) approach for CG. Unlike typical column selection
rules which myopically select a column based on local information at each
iteration, we treat CG as a sequential decision-making problem, as the column
selected in an iteration affects subsequent iterations of the algorithm. This
perspective lends itself to a Deep Reinforcement Learning approach that uses
Graph Neural Networks (GNNs) to represent the variable-constraint structure in
the LP of interest. We perform an extensive set of experiments using the
publicly available BPPLIB benchmark for CSP and Solomon benchmark for VRPTW.
RLCG converges faster and reduces the number of CG iterations by 22.4% for CSP
and 40.9% for VRPTW on average compared to a commonly used greedy policy."
2945,Instant Graph Neural Networks for Dynamic Graphs,"Graph Neural Networks (GNNs) have been widely used for modeling
graph-structured data. With the development of numerous GNN variants, recent
years have witnessed groundbreaking results in improving the scalability of
GNNs to work on static graphs with millions of nodes. However, how to instantly
represent continuous changes of large-scale dynamic graphs with GNNs is still
an open problem. Existing dynamic GNNs focus on modeling the periodic evolution
of graphs, often on a snapshot basis. Such methods suffer from two drawbacks:
first, there is a substantial delay for the changes in the graph to be
reflected in the graph representations, resulting in losses on the model's
accuracy; second, repeatedly calculating the representation matrix on the
entire graph in each snapshot is predominantly time-consuming and severely
limits the scalability. In this paper, we propose Instant Graph Neural Network
(InstantGNN), an incremental computation approach for the graph representation
matrix of dynamic graphs. Set to work with dynamic graphs with the edge-arrival
model, our method avoids time-consuming, repetitive computations and allows
instant updates on the representation and instant predictions. Graphs with
dynamic structures and dynamic attributes are both supported. The upper bounds
of time complexity of those updates are also provided. Furthermore, our method
provides an adaptive training strategy, which guides the model to retrain at
moments when it can make the greatest performance gains. We conduct extensive
experiments on several real-world and synthetic datasets. Empirical results
demonstrate that our model achieves state-of-the-art accuracy while having
orders-of-magnitude higher efficiency than existing methods."
2946,Regularization-wise double descent: Why it occurs and how to eliminate it,"The risk of overparameterized models, in particular deep neural networks, is
often double-descent shaped as a function of the model size. Recently, it was
shown that the risk as a function of the early-stopping time can also be
double-descent shaped, and this behavior can be explained as a super-position
of bias-variance tradeoffs. In this paper, we show that the risk of explicit
L2-regularized models can exhibit double descent behavior as a function of the
regularization strength, both in theory and practice. We find that for linear
regression, a double descent shaped risk is caused by a superposition of
bias-variance tradeoffs corresponding to different parts of the model and can
be mitigated by scaling the regularization strength of each part appropriately.
Motivated by this result, we study a two-layer neural network and show that
double descent can be eliminated by adjusting the regularization strengths for
the first and second layer. Lastly, we study a 5-layer CNN and ResNet-18
trained on CIFAR-10 with label noise, and CIFAR-100 without label noise, and
demonstrate that all exhibit double descent behavior as a function of the
regularization strength."
2947,Completion Time Minimization of Fog-RAN-Assisted Federated Learning With Rate-Splitting Transmission,"This work studies federated learning (FL) over a fog radio access network, in
which multiple internet-of-things (IoT) devices cooperatively learn a shared
machine learning model by communicating with a cloud server (CS) through
distributed access points (APs). Under the assumption that the fronthaul links
connecting APs to CS have finite capacity, a rate-splitting transmission at IoT
devices (IDs) is proposed which enables hybrid edge and cloud decoding of split
uplink messages. The problem of completion time minimization for FL is tackled
by optimizing the rate-splitting transmission and fronthaul quantization
strategies along with training hyperparameters such as precision and iteration
numbers. Numerical results show that the proposed rate-splitting transmission
achieves notable gains over benchmark schemes which rely solely on edge or
cloud decoding."
2948,Slot Order Matters for Compositional Scene Understanding,"Empowering agents with a compositional understanding of their environment is
a promising next step toward solving long-horizon planning problems. On the one
hand, we have seen encouraging progress on variational inference algorithms for
obtaining sets of object-centric latent representations (""slots"") from
unstructured scene observations. On the other hand, generating scenes from
slots has received less attention, in part because it is complicated by the
lack of a canonical object order. A canonical object order is useful for
learning the object correlations necessary to generate physically plausible
scenes similar to how raster scan order facilitates learning pixel correlations
for pixel-level autoregressive image generation. In this work, we address this
lack by learning a fixed object order for a hierarchical variational
autoencoder with a single level of autoregressive slots and a global scene
prior. We cast autoregressive slot inference as a set-to-sequence modeling
problem. We introduce an auxiliary loss to train the slot prior to generate
objects in a fixed order. During inference, we align a set of inferred slots to
the object order obtained from a slot prior rollout. To ensure the rolled out
objects are meaningful for the given scene, we condition the prior on an
inferred global summary of the input. Experiments on compositional environments
and ablations demonstrate that our model with global prior, inference with
aligned slot order, and auxiliary loss achieves state-of-the-art sample
quality."
2949,Incremental Learning Meets Transfer Learning: Application to Multi-site Prostate MRI Segmentation,"Many medical datasets have recently been created for medical image
segmentation tasks, and it is natural to question whether we can use them to
sequentially train a single model that (1) performs better on all these
datasets, and (2) generalizes well and transfers better to the unknown target
site domain. Prior works have achieved this goal by jointly training one model
on multi-site datasets, which achieve competitive performance on average but
such methods rely on the assumption about the availability of all training
data, thus limiting its effectiveness in practical deployment. In this paper,
we propose a novel multi-site segmentation framework called
incremental-transfer learning (ITL), which learns a model from multi-site
datasets in an end-to-end sequential fashion. Specifically, ""incremental""
refers to training sequentially constructed datasets, and ""transfer"" is
achieved by leveraging useful information from the linear combination of
embedding features on each dataset. In addition, we introduce our ITL
framework, where we train the network including a site-agnostic encoder with
pre-trained weights and at most two segmentation decoder heads. We also design
a novel site-level incremental loss in order to generalize well on the target
domain. Second, we show for the first time that leveraging our ITL training
scheme is able to alleviate challenging catastrophic forgetting problems in
incremental learning. We conduct experiments using five challenging benchmark
datasets to validate the effectiveness of our incremental-transfer learning
approach. Our approach makes minimal assumptions on computation resources and
domain-specific expertise, and hence constitutes a strong starting point in
multi-site medical image segmentation."
2950,Adversarial Unlearning: Reducing Confidence Along Adversarial Directions,"Supervised learning methods trained with maximum likelihood objectives often
overfit on training data. Most regularizers that prevent overfitting look to
increase confidence on additional examples (e.g., data augmentation,
adversarial training), or reduce it on training data (e.g., label smoothing).
In this work we propose a complementary regularization strategy that reduces
confidence on self-generated examples. The method, which we call RCAD (Reducing
Confidence along Adversarial Directions), aims to reduce confidence on
out-of-distribution examples lying along directions adversarially chosen to
increase training loss. In contrast to adversarial training, RCAD does not try
to robustify the model to output the original label, but rather regularizes it
to have reduced confidence on points generated using much larger perturbations
than in conventional adversarial training. RCAD can be easily integrated into
training pipelines with a few lines of code. Despite its simplicity, we find on
many classification benchmarks that RCAD can be added to existing techniques
(e.g., label smoothing, MixUp training) to increase test accuracy by 1-3% in
absolute value, with more significant gains in the low data regime. We also
provide a theoretical analysis that helps to explain these benefits in
simplified settings, showing that RCAD can provably help the model unlearn
spurious features in the training data."
2951,Supernet Training for Federated Image Classification under System Heterogeneity,"Efficient deployment of deep neural networks across many devices and resource
constraints, especially on edge devices, is one of the most challenging
problems in the presence of data-privacy preservation issues. Conventional
approaches have evolved to either improve a single global model while keeping
each local training data decentralized (i.e., data-heterogeneity) or to train a
once-for-all network that supports diverse architectural settings to address
heterogeneous systems equipped with different computational capabilities (i.e.,
model-heterogeneity). However, little research has considered both directions
simultaneously. In this work, we propose a novel framework to consider both
scenarios, namely Federation of Supernet Training (FedSup), where clients send
and receive a supernet whereby it contains all possible architectures sampled
from itself. It is inspired by how averaging parameters in the model
aggregation stage of Federated Learning (FL) is similar to weight-sharing in
supernet training. Specifically, in the FedSup framework, a weight-sharing
approach widely used in the training single shot model is combined with the
averaging of Federated Learning (FedAvg). Under our framework, we present an
efficient algorithm (E-FedSup) by sending the sub-model to clients in the
broadcast stage for reducing communication costs and training overhead. We
demonstrate several strategies to enhance supernet training in the FL
environment and conduct extensive empirical evaluations. The resulting
framework is shown to pave the way for the robustness of both data- and
model-heterogeneity on several standard benchmarks."
2952,Infinite Recommendation Networks: A Data-Centric Approach,"We leverage the Neural Tangent Kernel and its equivalence to training
infinitely-wide neural networks to devise $\infty$-AE: an autoencoder with
infinitely-wide bottleneck layers. The outcome is a highly expressive yet
simplistic recommendation model with a single hyper-parameter and a closed-form
solution. Leveraging $\infty$-AE's simplicity, we also develop Distill-CF for
synthesizing tiny, high-fidelity data summaries which distill the most
important knowledge from the extremely large and sparse user-item interaction
matrix for efficient and accurate subsequent data-usage like model training,
inference, architecture search, etc. This takes a data-centric approach to
recommendation, where we aim to improve the quality of logged user-feedback
data for subsequent modeling, independent of the learning algorithm. We
particularly utilize the concept of differentiable Gumbel-sampling to handle
the inherent data heterogeneity, sparsity, and semi-structuredness, while being
scalable to datasets with hundreds of millions of user-item interactions. Both
of our proposed approaches significantly outperform their respective
state-of-the-art and when used together, we observe 96-105% of $\infty$-AE's
performance on the full dataset with as little as 0.1% of the original dataset
size, leading us to explore the counter-intuitive question: Is more data what
you need for better recommendation?"
2953,On the Privacy Properties of GAN-generated Samples,"The privacy implications of generative adversarial networks (GANs) are a
topic of great interest, leading to several recent algorithms for training GANs
with privacy guarantees. By drawing connections to the generalization
properties of GANs, we prove that under some assumptions, GAN-generated samples
inherently satisfy some (weak) privacy guarantees. First, we show that if a GAN
is trained on m samples and used to generate n samples, the generated samples
are (epsilon, delta)-differentially-private for (epsilon, delta) pairs where
delta scales as O(n/m). We show that under some special conditions, this upper
bound is tight. Next, we study the robustness of GAN-generated samples to
membership inference attacks. We model membership inference as a hypothesis
test in which the adversary must determine whether a given sample was drawn
from the training dataset or from the underlying data distribution. We show
that this adversary can achieve an area under the ROC curve that scales no
better than O(m^{-1/4})."
2954,Towards Group Learning: Distributed Weighting of Experts,"Aggregating signals from a collection of noisy sources is a fundamental
problem in many domains including crowd-sourcing, multi-agent planning, sensor
networks, signal processing, voting, ensemble learning, and federated learning.
The core question is how to aggregate signals from multiple sources (e.g.
experts) in order to reveal an underlying ground truth. While a full answer
depends on the type of signal, correlation of signals, and desired output, a
problem common to all of these applications is that of differentiating sources
based on their quality and weighting them accordingly. It is often assumed that
this differentiation and aggregation is done by a single, accurate central
mechanism or agent (e.g. judge). We complicate this model in two ways. First,
we investigate the setting with both a single judge, and one with multiple
judges. Second, given this multi-agent interaction of judges, we investigate
various constraints on the judges' reporting space. We build on known results
for the optimal weighting of experts and prove that an ensemble of sub-optimal
mechanisms can perform optimally under certain conditions. We then show
empirically that the ensemble approximates the performance of the optimal
mechanism under a broader range of conditions."
2955,MultiHiertt: Numerical Reasoning over Multi Hierarchical Tabular and Textual Data,"Numerical reasoning over hybrid data containing both textual and tabular
content (e.g., financial reports) has recently attracted much attention in the
NLP community. However, existing question answering (QA) benchmarks over hybrid
data only include a single flat table in each document and thus lack examples
of multi-step numerical reasoning across multiple hierarchical tables. To
facilitate data analytical progress, we construct a new large-scale benchmark,
MultiHiertt, with QA pairs over Multi Hierarchical Tabular and Textual data.
MultiHiertt is built from a wealth of financial reports and has the following
unique characteristics: 1) each document contain multiple tables and longer
unstructured texts; 2) most of tables contained are hierarchical; 3) the
reasoning process required for each question is more complex and challenging
than existing benchmarks; and 4) fine-grained annotations of reasoning
processes and supporting facts are provided to reveal complex numerical
reasoning. We further introduce a novel QA model termed MT2Net, which first
applies facts retrieving to extract relevant supporting facts from both tables
and text and then uses a reasoning module to perform symbolic reasoning over
retrieved facts. We conduct comprehensive experiments on various baselines. The
experimental results show that MultiHiertt presents a strong challenge for
existing baselines whose results lag far behind the performance of human
experts. The dataset and code are publicly available at
https://github.com/psunlpgroup/MultiHiertt."
2956,Detecting Pulmonary Embolism from Computed Tomography Using Convolutional Neural Network,"The clinical symptoms of pulmonary embolism (PE) are very diverse and
non-specific, which makes it difficult to diagnose. In addition, pulmonary
embolism has multiple triggers and is one of the major causes of vascular
death. Therefore, if it can be detected and treated quickly, it can
significantly reduce the risk of death in hospitalized patients. In the
detection process, the cost of computed tomography pulmonary angiography (CTPA)
is high, and angiography requires the injection of contrast agents, which
increase the risk of damage to the patient. Therefore, this study will use a
deep learning approach to detect pulmonary embolism in all patients who take a
CT image of the chest using a convolutional neural network. With the proposed
pulmonary embolism detection system, we can detect the possibility of pulmonary
embolism at the same time as the patient's first CT image, and schedule the
CTPA test immediately, saving more than a week of CT image screening time and
providing timely diagnosis and treatment to the patient."
2957,HEX: Human-in-the-loop Explainability via Deep Reinforcement Learning,"The use of machine learning (ML) models in decision-making contexts,
particularly those used in high-stakes decision-making, are fraught with issue
and peril since a person - not a machine - must ultimately be held accountable
for the consequences of the decisions made using such systems. Machine learning
explainability (MLX) promises to provide decision-makers with
prediction-specific rationale, assuring them that the model-elicited
predictions are made for the right reasons and are thus reliable. Few works
explicitly consider this key human-in-the-loop (HITL) component, however. In
this work we propose HEX, a human-in-the-loop deep reinforcement learning
approach to MLX. HEX incorporates 0-distrust projection to synthesize decider
specific explanation-providing policies from any arbitrary classification
model. HEX is also constructed to operate in limited or reduced training data
scenarios, such as those employing federated learning. Our formulation
explicitly considers the decision boundary of the ML model in question, rather
than the underlying training data, which is a shortcoming of many
model-agnostic MLX methods. Our proposed methods thus synthesize HITL MLX
policies that explicitly capture the decision boundary of the model in question
for use in limited data scenarios."
2958,Understanding the Role of Nonlinearity in Training Dynamics of Contrastive Learning,"While the empirical success of self-supervised learning (SSL) heavily relies
on the usage of deep nonlinear models, many theoretical works proposed to
understand SSL still focus on linear ones. In this paper, we study the role of
nonlinearity in the training dynamics of contrastive learning (CL) on one and
two-layer nonlinear networks with homogeneous activation $h(x) = h'(x)x$. We
theoretically demonstrate that (1) the presence of nonlinearity leads to many
local optima even in 1-layer setting, each corresponding to certain patterns
from the data distribution, while with linear activation, only one major
pattern can be learned; and (2) nonlinearity leads to specialized weights into
diverse patterns, a behavior that linear activation is proven not capable of.
These findings suggest that models with lots of parameters can be regarded as a
\emph{brute-force} way to find these local optima induced by nonlinearity, a
possible underlying reason why empirical observations such as the lottery
ticket hypothesis hold. In addition, for 2-layer setting, we also discover
\emph{global modulation}: those local patterns discriminative from the
perspective of global-level patterns are prioritized to learn, further
characterizing the learning process. Simulation verifies our theoretical
findings."
2959,Equipping Black-Box Policies with Model-Based Advice for Stable Nonlinear Control,"Machine-learned black-box policies are ubiquitous for nonlinear control
problems. Meanwhile, crude model information is often available for these
problems from, e.g., linear approximations of nonlinear dynamics. We study the
problem of equipping a black-box control policy with model-based advice for
nonlinear control on a single trajectory. We first show a general negative
result that a naive convex combination of a black-box policy and a linear
model-based policy can lead to instability, even if the two policies are both
stabilizing. We then propose an adaptive $\lambda$-confident policy, with a
coefficient $\lambda$ indicating the confidence in a black-box policy, and
prove its stability. With bounded nonlinearity, in addition, we show that the
adaptive $\lambda$-confident policy achieves a bounded competitive ratio when a
black-box policy is near-optimal. Finally, we propose an online learning
approach to implement the adaptive $\lambda$-confident policy and verify its
efficacy in case studies about the CartPole problem and a real-world electric
vehicle (EV) charging problem with data bias due to COVID-19."
2960,"Code Generation Tools (Almost) for Free? A Study of Few-Shot, Pre-Trained Language Models on Code","Few-shot learning with large-scale, pre-trained language models is a powerful
way to answer questions about code, e.g., how to complete a given code example,
or even generate code snippets from scratch. The success of these models raises
the question whether they could serve as a basis for building a wide range code
generation tools. Traditionally, such tools are built manually and separately
for each task. Instead, few-shot learning may allow to obtain different tools
from a single pre-trained language model by simply providing a few examples or
a natural language description of the expected tool behavior. This paper
studies to what extent a state-of-the-art, pre-trained language model of code,
Codex, may serve this purpose. We consider three code manipulation and code
generation tasks targeted by a range of traditional tools: (i) code mutation;
(ii) test oracle generation from natural language documentation; and (iii) test
case generation. For each task, we compare few-shot learning to a manually
built tool. Our results show that the model-based tools complement (code
mutation), are on par (test oracle generation), or even outperform their
respective traditionally built tool (test case generation), while imposing far
less effort to develop them. By comparing the effectiveness of different
variants of the model-based tools, we provide insights on how to design an
appropriate input (""prompt"") to the model and what influence the size of the
model has. For example, we find that providing a small natural language
description of the code generation task is an easy way to improve predictions.
Overall, we conclude that few-shot language models are surprisingly effective,
yet there is still more work to be done, such as exploring more diverse ways of
prompting and tackling even more involved tasks."
2961,Improving Fairness in Large-Scale Object Recognition by CrowdSourced Demographic Information,"There has been increasing awareness of ethical issues in machine learning,
and fairness has become an important research topic. Most fairness efforts in
computer vision have been focused on human sensing applications and preventing
discrimination by people's physical attributes such as race, skin color or age
by increasing visual representation for particular demographic groups. We argue
that ML fairness efforts should extend to object recognition as well.
Buildings, artwork, food and clothing are examples of the objects that define
human culture. Representing these objects fairly in machine learning datasets
will lead to models that are less biased towards a particular culture and more
inclusive of different traditions and values. There exist many research
datasets for object recognition, but they have not carefully considered which
classes should be included, or how much training data should be collected per
class. To address this, we propose a simple and general approach, based on
crowdsourcing the demographic composition of the contributors: we define fair
relevance scores, estimate them, and assign them to each class. We showcase its
application to the landmark recognition domain, presenting a detailed analysis
and the final fairer landmark rankings. We present analysis which leads to a
much fairer coverage of the world compared to existing datasets. The evaluation
dataset was used for the 2021 Google Landmark Challenges, which was the first
of a kind with an emphasis on fairness in generic object recognition."
2962,SPD domain-specific batch normalization to crack interpretable unsupervised domain adaptation in EEG,"Electroencephalography (EEG) provides access to neuronal dynamics
non-invasively with millisecond resolution, rendering it a viable method in
neuroscience and healthcare. However, its utility is limited as current EEG
technology does not generalize well across domains (i.e., sessions and
subjects) without expensive supervised re-calibration. Contemporary methods
cast this transfer learning (TL) problem as a multi-source/-target unsupervised
domain adaptation (UDA) problem and address it with deep learning or shallow,
Riemannian geometry aware alignment methods. Both directions have, so far,
failed to consistently close the performance gap to state-of-the-art
domain-specific methods based on tangent space mapping (TSM) on the symmetric
positive definite (SPD) manifold. Here, we propose a theory-based machine
learning framework that enables, for the first time, learning domain-invariant
TSM models in an end-to-end fashion. To achieve this, we propose a new building
block for geometric deep learning, which we denote SPD domain-specific momentum
batch normalization (SPDDSMBN). A SPDDSMBN layer can transform domain-specific
SPD inputs into domain-invariant SPD outputs, and can be readily applied to
multi-source/-target and online UDA scenarios. In extensive experiments with 6
diverse EEG brain-computer interface (BCI) datasets, we obtain state-of-the-art
performance in inter-session and -subject TL with a simple, intrinsically
interpretable network architecture, which we denote TSMNet."
2963,Sample-Efficient Reinforcement Learning of Partially Observable Markov Games,"This paper considers the challenging tasks of Multi-Agent Reinforcement
Learning (MARL) under partial observability, where each agent only sees her own
individual observations and actions that reveal incomplete information about
the underlying state of system. This paper studies these tasks under the
general model of multiplayer general-sum Partially Observable Markov Games
(POMGs), which is significantly larger than the standard model of Imperfect
Information Extensive-Form Games (IIEFGs). We identify a rich subclass of POMGs
-- weakly revealing POMGs -- in which sample-efficient learning is tractable.
In the self-play setting, we prove that a simple algorithm combining optimism
and Maximum Likelihood Estimation (MLE) is sufficient to find approximate Nash
equilibria, correlated equilibria, as well as coarse correlated equilibria of
weakly revealing POMGs, in a polynomial number of samples when the number of
agents is small. In the setting of playing against adversarial opponents, we
show that a variant of our optimistic MLE algorithm is capable of achieving
sublinear regret when being compared against the optimal maximin policies. To
our best knowledge, this work provides the first line of sample-efficient
results for learning POMGs."
2964,A New Security Boundary of Component Differentially Challenged XOR PUFs Against Machine Learning Modeling Attacks,"Physical Unclonable Functions (PUFs) are promising security primitives for
resource-constrained network nodes. The XOR Arbiter PUF (XOR PUF or XPUF) is an
intensively studied PUF invented to improve the security of the Arbiter PUF,
probably the most lightweight delay-based PUF. Recently, highly powerful
machine learning attack methods were discovered and were able to easily break
large-sized XPUFs, which were highly secure against earlier machine learning
attack methods. Component-differentially-challenged XPUFs (CDC-XPUFs) are XPUFs
with different component PUFs receiving different challenges. Studies showed
they were much more secure against machine learning attacks than the
conventional XPUFs, whose component PUFs receive the same challenge. But these
studies were all based on earlier machine learning attack methods, and hence it
is not clear if CDC-XPUFs can remain secure under the recently discovered
powerful attack methods. In this paper, the two current most powerful two
machine learning methods for attacking XPUFs are adapted by fine-tuning the
parameters of the two methods for CDC-XPUFs. Attack experiments using both
simulated PUF data and silicon data generated from PUFs implemented on
field-programmable gate array (FPGA) were carried out, and the experimental
results showed that some previously secure CDC-XPUFs of certain circuit
parameter values are no longer secure under the adapted new attack methods,
while many more CDC-XPUFs of other circuit parameter values remain secure.
Thus, our experimental attack study has re-defined the boundary between the
secure region and the insecure region of the PUF circuit parameter space,
providing PUF manufacturers and IoT security application developers with
valuable information in choosing PUFs with secure parameter values."
2965,Learning Soft Constraints From Constrained Expert Demonstrations,"Inverse reinforcement learning (IRL) methods assume that the expert data is
generated by an agent optimizing some reward function. However, in many
settings, the agent may optimize a reward function subject to some constraints,
where the constraints induce behaviors that may be otherwise difficult to
express with just a reward function. We consider the setting where the reward
function is given, and the constraints are unknown, and propose a method that
is able to recover these constraints satisfactorily from the expert data. While
previous work has focused on recovering hard constraints, our method can
recover cumulative soft constraints that the agent satisfies on average per
episode. In IRL fashion, our method solves this problem by adjusting the
constraint function iteratively through a constrained optimization procedure,
until the agent behavior matches the expert behavior. Despite the simplicity of
the formulation, our method is able to obtain good results. We demonstrate our
approach on synthetic environments and real world highway driving data."
2966,Learning a Restricted Boltzmann Machine using biased Monte Carlo sampling,"Restricted Boltzmann Machines are simple and powerful generative models
capable of encoding any complex dataset. Despite all their advantages, in
practice, trainings are often unstable, and it is hard to assess their quality
because dynamics are hampered by extremely slow time-dependencies. This
situation becomes critical when dealing with low-dimensional clustered
datasets, where the time needed to sample ergodically the trained models
becomes computationally prohibitive. In this work, we show that this divergence
of Monte Carlo mixing times is related to a phase coexistence phenomenon,
similar to that encountered in Physics in the vicinity of a first order phase
transition. We show that sampling the equilibrium distribution via Markov Chain
Monte Carlo can be dramatically accelerated using biased sampling techniques,
in particular, the Tethered Monte Carlo method (TMC). This sampling technique
solves efficiently the problem of evaluating the quality of a given trained
model and the generation of new samples in reasonable times. In addition, we
show that this sampling technique can be exploited to improve the computation
of the log-likelihood gradient during the training too, which produces dramatic
improvements when training RBMs with artificial clustered datasets. When
dealing with real low-dimensional datasets, this new training procedure fits
RBM models with significantly faster relaxational dynamics than those obtained
with standard PCD recipes. We also show that TMC sampling can be used to
recover free-energy profile of the RBM, which turns out to be extremely useful
to compute the probability distribution of a given model and to improve the
generation of new decorrelated samples on slow PCD trained models."
2967,Fine-tuning Language Models over Slow Networks using Activation Compression with Guarantees,"Communication compression is a crucial technique for modern distributed
learning systems to alleviate their communication bottlenecks over slower
networks. Despite recent intensive studies of gradient compression for data
parallel-style training, compressing the activations for models trained with
pipeline parallelism is still an open problem. In this paper, we propose
AC-SGD, a novel activation compression algorithm for communication-efficient
pipeline parallelism training over slow networks. Different from previous
efforts in activation compression, instead of compressing activation values
directly, AC-SGD compresses the changes of the activations. This allows us to
show, to the best of our knowledge for the first time, that one can still
achieve $O(1/\sqrt{T})$ convergence rate for non-convex objectives under
activation compression, without making assumptions on gradient unbiasedness
that do not hold for deep learning models with non-linear activation
functions.We then show that AC-SGD can be optimized and implemented
efficiently, without additional end-to-end runtime overhead.We evaluated AC-SGD
to fine-tune language models with up to 1.5 billion parameters, compressing
activations to 2-4 bits.AC-SGD provides up to 4.3X end-to-end speed-up in
slower networks, without sacrificing model quality. Moreover, we also show that
AC-SGD can be combined with state-of-the-art gradient compression algorithms to
enable ""end-to-end communication compression: All communications between
machines, including model gradients, forward activations, and backward
gradients are compressed into lower precision.This provides up to 4.9X
end-to-end speed-up, without sacrificing model quality."
2968,PNODE: A memory-efficient neural ODE framework based on high-level adjoint differentiation,"Neural ordinary differential equations (neural ODEs) have emerged as a novel
network architecture that bridges dynamical systems and deep learning. However,
the gradient obtained with the continuous adjoint method in the vanilla neural
ODE is not reverse-accurate. Other approaches suffer either from excessive
memory requirement due to deep computational graphs or from limited choices for
the time integration scheme, hampering their application to large-scale complex
dynamical systems. To achieve accurate gradients without compromising memory
efficiency and flexibility, we present a new neural ODE framework, PNODE, based
on high-level discrete adjoint algorithmic differentiation. By leveraging
discrete adjoint time integrators and advanced checkpointing strategies
tailored for these integrators, PNODE can provide a balance between memory and
computational costs, while computing the gradients consistently and accurately.
We provide an open-source implementation based on PyTorch and PETSc, one of the
most commonly used portable, scalable scientific computing libraries. We
demonstrate the performance through extensive numerical experiments on image
classification and continuous normalizing flow problems. We show that PNODE
achieves the highest memory efficiency when compared with other
reverse-accurate methods. On the image classification problems, PNODE is up to
two times faster than the vanilla neural ODE and up to 2.3 times faster than
the best existing reverse-accurate method. We also show that PNODE enables the
use of the implicit time integration methods that are needed for stiff
dynamical systems."
2969,Rashomon Capacity: A Metric for Predictive Multiplicity in Probabilistic Classification,"Predictive multiplicity occurs when classification models with nearly
indistinguishable average performances assign conflicting predictions to
individual samples. When used for decision-making in applications of
consequence (e.g., lending, education, criminal justice), models developed
without regard for predictive multiplicity may result in unjustified and
arbitrary decisions for specific individuals. We introduce a new measure of
predictive multiplicity in probabilistic classification called Rashomon
Capacity. Prior metrics for predictive multiplicity focus on classifiers that
output thresholded (i.e., 0-1) predicted classes. In contrast, Rashomon
Capacity applies to probabilistic classifiers, capturing more nuanced score
variations for individual samples. We provide a rigorous derivation for
Rashomon Capacity, argue its intuitive appeal, and demonstrate how to estimate
it in practice. We show that Rashomon Capacity yields principled strategies for
disclosing conflicting models to stakeholders. Our numerical experiments
illustrate how Rashomon Capacity captures predictive multiplicity in various
datasets and learning models, including neural networks. The tools introduced
in this paper can help data scientists measure, report, and ultimately resolve
predictive multiplicity prior to model deployment."
2970,Incrementality Bidding via Reinforcement Learning under Mixed and Delayed Rewards,"Incrementality, which is used to measure the causal effect of showing an ad
to a potential customer (e.g. a user in an internet platform) versus not, is a
central object for advertisers in online advertising platforms. This paper
investigates the problem of how an advertiser can learn to optimize the bidding
sequence in an online manner \emph{without} knowing the incrementality
parameters in advance. We formulate the offline version of this problem as a
specially structured episodic Markov Decision Process (MDP) and then, for its
online learning counterpart, propose a novel reinforcement learning (RL)
algorithm with regret at most $\widetilde{O}(H^2\sqrt{T})$, which depends on
the number of rounds $H$ and number of episodes $T$, but does not depend on the
number of actions (i.e., possible bids). A fundamental difference between our
learning problem from standard RL problems is that the realized reward feedback
from conversion incrementality is \emph{mixed} and \emph{delayed}. To handle
this difficulty we propose and analyze a novel pairwise moment-matching
algorithm to learn the conversion incrementality, which we believe is of
independent of interest."
2971,Decentralized Training of Foundation Models in Heterogeneous Environments,"Training foundation models, such as GPT-3 and PaLM, can be extremely
expensive, often involving tens of thousands of GPUs running continuously for
months. These models are typically trained in specialized clusters featuring
fast, homogeneous interconnects and using carefully designed software systems
that support both data parallelism and model/pipeline parallelism. Such
dedicated clusters can be costly and difficult to obtain. Can we instead
leverage the much greater amount of decentralized, heterogeneous, and
lower-bandwidth interconnected compute? Previous works examining the
heterogeneous, decentralized setting focus on relatively small models that can
be trained in a purely data parallel manner. State-of-the-art schemes for model
parallel foundation model training, such as Megatron, only consider the
homogeneous data center setting. In this paper, we present the first study of
training large foundation models with model parallelism in a decentralized
regime over a heterogeneous network. Our key technical contribution is a
scheduling algorithm that allocates different computational ""tasklets"" in the
training of foundation models to a group of decentralized GPU devices connected
by a slow heterogeneous network. We provide a formal cost model and further
propose an efficient evolutionary algorithm to find the optimal allocation
strategy. We conduct extensive experiments that represent different scenarios
for learning over geo-distributed devices simulated using real-world network
measurements. In the most extreme case, across 8 different cities spanning 3
continents, our approach is 4.8X faster than prior state-of-the-art training
systems (Megatron)."
2972,Adaptive Adversarial Training to Improve Adversarial Robustness of DNNs for Medical Image Segmentation and Detection,"It is known that Deep Neural networks (DNNs) are vulnerable to adversarial
attacks, and the adversarial robustness of DNNs could be improved by adding
adversarial noises to training data (e.g., the standard adversarial training
(SAT)). However, inappropriate noises added to training data may reduce a
model's performance, which is termed the trade-off between accuracy and
robustness. This problem has been sufficiently studied for the classification
of whole images but has rarely been explored for image analysis tasks in the
medical application domain, including image segmentation, landmark detection,
and object detection tasks. In this study, we show that, for those medical
image analysis tasks, the SAT method has a severe issue that limits its
practical use: it generates a fixed and unified level of noise for all training
samples for robust DNN training. A high noise level may lead to a large
reduction in model performance and a low noise level may not be effective in
improving robustness. To resolve this issue, we design an adaptive-margin
adversarial training (AMAT) method that generates sample-wise adaptive
adversarial noises for robust DNN training. In contrast to the existing,
classification-oriented adversarial training methods, our AMAT method uses a
loss-defined-margin strategy so that it can be applied to different tasks as
long as the loss functions are well-defined. We successfully apply our AMAT
method to state-of-the-art DNNs, using five publicly available datasets. The
experimental results demonstrate that: (1) our AMAT method can be applied to
the three seemingly different tasks in the medical image application domain;
(2) AMAT outperforms the SAT method in adversarial robustness; (3) AMAT has a
minimal reduction in prediction accuracy on clean data, compared with the SAT
method; and (4) AMAT has almost the same training time cost as SAT."
2973,Two Ways of Understanding Social Dynamics: Analyzing the Predictability of Emergence of Objects in Reddit r/place Dependent on Locality in Space and Time,"Lately, studying social dynamics in interacting agents has been boosted by
the power of computer models, which bring the richness of qualitative work,
while offering the precision, transparency, extensiveness, and replicability of
statistical and mathematical approaches. A particular set of phenomena for the
study of social dynamics is Web collaborative platforms. A dataset of interest
is r/place, a collaborative social experiment held in 2017 on Reddit, which
consisted of a shared online canvas of 1000 pixels by 1000 pixels co-edited by
over a million recorded users over 72 hours. In this paper, we designed and
compared two methods to analyze the dynamics of this experiment. Our first
method consisted in approximating the set of 2D cellular-automata-like rules
used to generate the canvas images and how these rules change over time. The
second method consisted in a convolutional neural network (CNN) that learned an
approximation to the generative rules in order to generate the complex outcomes
of the canvas. Our results indicate varying context-size dependencies for the
predictability of different objects in r/place in time and space. They also
indicate a surprising peak in difficulty to statistically infer behavioral
rules towards the middle of the social experiment, while user interactions did
not drop until before the end. The combination of our two approaches, one
rule-based and the other statistical CNN-based, shows the ability to highlight
diverse aspects of analyzing social dynamics."
2974,Sequential Permutation Testing of Random Forest Variable Importance Measures,"Hypothesis testing of random forest (RF) variable importance measures (VIMP)
remains the subject of ongoing research. Among recent developments, heuristic
approaches to parametric testing have been proposed whose distributional
assumptions are based on empirical evidence. Other formal tests under
regularity conditions were derived analytically. However, these approaches can
be computationally expensive or even practically infeasible. This problem also
occurs with non-parametric permutation tests, which are, however,
distribution-free and can generically be applied to any type of RF and VIMP.
Embracing this advantage, it is proposed here to use sequential permutation
tests and sequential p-value estimation to reduce the high computational costs
associated with conventional permutation tests. The popular and widely used
permutation VIMP serves as a practical and relevant application example. The
results of simulation studies confirm that the theoretical properties of the
sequential tests apply, that is, the type-I error probability is controlled at
a nominal level and a high power is maintained with considerably fewer
permutations needed in comparison to conventional permutation testing. The
numerical stability of the methods is investigated in two additional
application studies. In summary, theoretically sound sequential permutation
testing of VIMP is possible at greatly reduced computational costs.
Recommendations for application are given. A respective implementation is
provided through the accompanying R package $rfvimptest$. The approach can also
be easily applied to any kind of prediction model."
2975,Lottery Tickets on a Data Diet: Finding Initializations with Sparse Trainable Networks,"A striking observation about iterative magnitude pruning (IMP; Frankle et al.
2020) is that $\unicode{x2014}$ after just a few hundred steps of dense
training $\unicode{x2014}$ the method can find a sparse sub-network that can be
trained to the same accuracy as the dense network. However, the same does not
hold at step 0, i.e. random initialization. In this work, we seek to understand
how this early phase of pre-training leads to a good initialization for IMP
both through the lens of the data distribution and the loss landscape geometry.
Empirically we observe that, holding the number of pre-training iterations
constant, training on a small fraction of (randomly chosen) data suffices to
obtain an equally good initialization for IMP. We additionally observe that by
pre-training only on ""easy"" training data, we can decrease the number of steps
necessary to find a good initialization for IMP compared to training on the
full dataset or a randomly chosen subset. Finally, we identify novel properties
of the loss landscape of dense networks that are predictive of IMP performance,
showing in particular that more examples being linearly mode connected in the
dense network correlates well with good initializations for IMP. Combined,
these results provide new insight into the role played by the early phase
training in IMP."
2976,Algorithmic Stability of Heavy-Tailed Stochastic Gradient Descent on Least Squares,"Recent studies have shown that heavy tails can emerge in stochastic
optimization and that the heaviness of the tails has links to the
generalization error. While these studies have shed light on interesting
aspects of the generalization behavior in modern settings, they relied on
strong topological and statistical regularity assumptions, which are hard to
verify in practice. Furthermore, it has been empirically illustrated that the
relation between heavy tails and generalization might not always be monotonic
in practice, contrary to the conclusions of existing theory. In this study, we
establish novel links between the tail behavior and generalization properties
of stochastic gradient descent (SGD), through the lens of algorithmic
stability. We consider a quadratic optimization problem and use a heavy-tailed
stochastic differential equation as a proxy for modeling the heavy-tailed
behavior emerging in SGD. We then prove uniform stability bounds, which reveal
the following outcomes: (i) Without making any exotic assumptions, we show that
SGD will not be stable if the stability is measured with the squared-loss
$x\mapsto x^2$, whereas it in turn becomes stable if the stability is instead
measured with a surrogate loss $x\mapsto |x|^p$ with some $p<2$. (ii) Depending
on the variance of the data, there exists a \emph{`threshold of
heavy-tailedness'} such that the generalization error decreases as the tails
become heavier, as long as the tails are lighter than this threshold. This
suggests that the relation between heavy tails and generalization is not
globally monotonic. (iii) We prove matching lower-bounds on uniform stability,
implying that our bounds are tight in terms of the heaviness of the tails. We
support our theory with synthetic and real neural network experiments."
2977,Exponential Separations in Symmetric Neural Networks,"In this work we demonstrate a novel separation between symmetric neural
network architectures. Specifically, we consider the Relational
Network~\parencite{santoro2017simple} architecture as a natural generalization
of the DeepSets~\parencite{zaheer2017deep} architecture, and study their
representational gap. Under the restriction to analytic activation functions,
we construct a symmetric function acting on sets of size $N$ with elements in
dimension $D$, which can be efficiently approximated by the former
architecture, but provably requires width exponential in $N$ and $D$ for the
latter."
2978,Deep Learning Architecture Based Approach For 2D-Simulation of Microwave Plasma Interaction,"This paper presents a convolutional neural network (CNN)-based deep learning
model, inspired from UNet with series of encoder and decoder units with skip
connections, for the simulation of microwave-plasma interaction. The microwave
propagation characteristics in complex plasma medium pertaining to
transmission, absorption and reflection primarily depends on the ratio of
electromagnetic (EM) wave frequency and electron plasma frequency, and the
plasma density profile. The scattering of a plane EM wave with fixed frequency
(1 GHz) and amplitude incident on a plasma medium with different gaussian
density profiles (in the range of $1\times 10^{17}-1\times 10^{22}{m^{-3}}$)
have been considered. The training data associated with microwave-plasma
interaction has been generated using 2D-FDTD (Finite Difference Time Domain)
based simulations. The trained deep learning model is then used to reproduce
the scattered electric field values for the 1GHz incident microwave on
different plasma profiles with error margin of less than 2\%. We propose a
complete deep learning (DL) based pipeline to train, validate and evaluate the
model. We compare the results of the network, using various metrics like SSIM
index, average percent error and mean square error, with the physical data
obtained from well-established FDTD based EM solvers. To the best of our
knowledge, this is the first effort towards exploring a DL based approach for
the simulation of complex microwave plasma interaction. The deep learning
technique proposed in this work is significantly fast as compared to the
existing computational techniques, and can be used as a new, prospective and
alternative computational approach for investigating microwave-plasma
interaction in a real time scenario."
2979,Entangled Residual Mappings,"Residual mappings have been shown to perform representation learning in the
first layers and iterative feature refinement in higher layers. This interplay,
combined with their stabilizing effect on the gradient norms, enables them to
train very deep networks. In this paper, we take a step further and introduce
entangled residual mappings to generalize the structure of the residual
connections and evaluate their role in iterative learning representations. An
entangled residual mapping replaces the identity skip connections with
specialized entangled mappings such as orthogonal, sparse, and structural
correlation matrices that share key attributes (eigenvalues, structure, and
Jacobian norm) with identity mappings. We show that while entangled mappings
can preserve the iterative refinement of features across various deep models,
they influence the representation learning process in convolutional networks
differently than attention-based models and recurrent neural networks. In
general, we find that for CNNs and Vision Transformers entangled sparse mapping
can help generalization while orthogonal mappings hurt performance. For
recurrent networks, orthogonal residual mappings form an inductive bias for
time-variant sequences, which degrades accuracy on time-invariant tasks."
2980,Compressive Fourier collocation methods for high-dimensional diffusion equations with periodic boundary conditions,"High-dimensional Partial Differential Equations (PDEs) are a popular
mathematical modelling tool, with applications ranging from finance to
computational chemistry. However, standard numerical techniques for solving
these PDEs are typically affected by the curse of dimensionality. In this work,
we tackle this challenge while focusing on stationary diffusion equations
defined over a high-dimensional domain with periodic boundary conditions.
Inspired by recent progress in sparse function approximation in high
dimensions, we propose a new method called compressive Fourier collocation.
Combining ideas from compressive sensing and spectral collocation, our method
replaces the use of structured collocation grids with Monte Carlo sampling and
employs sparse recovery techniques, such as orthogonal matching pursuit and
$\ell^1$ minimization, to approximate the Fourier coefficients of the PDE
solution. We conduct a rigorous theoretical analysis showing that the
approximation error of the proposed method is comparable with the best $s$-term
approximation (with respect to the Fourier basis) to the solution. Using the
recently introduced framework of random sampling in bounded Riesz systems, our
analysis shows that the compressive Fourier collocation method mitigates the
curse of dimensionality with respect to the number of collocation points under
sufficient conditions on the regularity of the diffusion coefficient. We also
present numerical experiments that illustrate the accuracy and stability of the
method for the approximation of sparse and compressible solutions."
2981,Which Explanation Should I Choose? A Function Approximation Perspective to Characterizing Post hoc Explanations,"Despite the plethora of post hoc model explanation methods, the basic
properties and behavior of these methods and the conditions under which each
one is effective are not well understood. In this work, we bridge these gaps
and address a fundamental question: Which explanation method should one use in
a given situation? To this end, we adopt a function approximation perspective
and formalize the local function approximation (LFA) framework. We show that
popular explanation methods are instances of this framework, performing
function approximations of the underlying model in different neighborhoods
using different loss functions. We introduce a no free lunch theorem for
explanation methods which demonstrates that no single method can perform
optimally across all neighbourhoods and calls for choosing among methods. To
choose among methods, we set forth a guiding principle based on the function
approximation perspective, considering a method to be effective if it recovers
the underlying model when the model is a member of the explanation function
class. Then, we analyze the conditions under which popular explanation methods
are effective and provide recommendations for choosing among explanation
methods and creating new ones. Lastly, we empirically validate our theoretical
results using various real world datasets, model classes, and prediction tasks.
By providing a principled mathematical framework which unifies diverse
explanation methods, our work characterizes the behaviour of these methods and
their relation to one another, guides the choice of explanation methods, and
paves the way for the creation of new ones."
2982,Expressiveness and Learnability: A Unifying View for Evaluating Self-Supervised Learning,"We propose a unifying view to analyze the representation quality of
self-supervised learning (SSL) models without access to supervised labels,
while being agnostic to the architecture, learning algorithm or data
manipulation used during training. We argue that representations can be
evaluated through the lens of expressiveness and learnability. We propose to
use the Intrinsic Dimension (ID) to assess expressiveness and introduce Cluster
Learnability (CL) to assess learnability. CL is measured as the learning speed
of a KNN classifier trained to predict labels obtained by clustering the
representations with K-means. We thus combine CL and ID into a single
predictor: CLID. Through a large-scale empirical study with a diverse family of
SSL algorithms, we find that CLID better correlates with in-distribution model
performance than other competing recent evaluation schemes. We also benchmark
CLID on out-of-domain generalization, where CLID serves as a predictor of the
transfer performance of SSL models on several classification tasks, yielding
improvements with respect to the competing baselines."
2983,Stochastic gradient descent introduces an effective landscape-dependent regularization favoring flat solutions,"Generalization is one of the most important problems in deep learning (DL).
In the overparameterized regime in neural networks, there exist many low-loss
solutions that fit the training data equally well. The key question is which
solution is more generalizable. Empirical studies showed a strong correlation
between flatness of the loss landscape at a solution and its generalizability,
and stochastic gradient descent (SGD) is crucial in finding the flat solutions.
To understand how SGD drives the learning system to flat solutions, we
construct a simple model whose loss landscape has a continuous set of
degenerate (or near degenerate) minima. By solving the Fokker-Planck equation
of the underlying stochastic learning dynamics, we show that due to its strong
anisotropy the SGD noise introduces an additional effective loss term that
decreases with flatness and has an overall strength that increases with the
learning rate and batch-to-batch variation. We find that the additional
landscape-dependent SGD-loss breaks the degeneracy and serves as an effective
regularization for finding flat solutions. Furthermore, a stronger SGD noise
shortens the convergence time to the flat solutions. However, we identify an
upper bound for the SGD noise beyond which the system fails to converge. Our
results not only elucidate the role of SGD for generalization they may also
have important implications for hyperparameter selection for learning
efficiently without divergence."
2984,Equivariant Reinforcement Learning for Quadrotor UAV,"This paper presents an equivariant reinforcement learning framework for
quadrotor unmanned aerial vehicles. Successful training of reinforcement
learning often requires numerous interactions with the environments, which
hinders its applicability especially when the available computational resources
are limited, or when there is no reliable simulation model. We identified an
equivariance property of the quadrotor dynamics such that the dimension of the
state required in the training is reduced by one, thereby improving the
sampling efficiency of reinforcement learning substantially. This is
illustrated by numerical examples with popular reinforcement learning
techniques of TD3 and SAC."
2985,Unveiling The Mask of Position-Information Pattern Through the Mist of Image Features,"Recent studies show that paddings in convolutional neural networks encode
absolute position information which can negatively affect the model performance
for certain tasks. However, existing metrics for quantifying the strength of
positional information remain unreliable and frequently lead to erroneous
results. To address this issue, we propose novel metrics for measuring (and
visualizing) the encoded positional information. We formally define the encoded
information as PPP (Position-information Pattern from Padding) and conduct a
series of experiments to study its properties as well as its formation. The
proposed metrics measure the presence of positional information more reliably
than the existing metrics based on PosENet and a test in F-Conv. We also
demonstrate that for any extant (and proposed) padding schemes, PPP is
primarily a learning artifact and is less dependent on the characteristics of
the underlying padding schemes."
2986,Hard Negative Sampling Strategies for Contrastive Representation Learning,"One of the challenges in contrastive learning is the selection of appropriate
\textit{hard negative} examples, in the absence of label information. Random
sampling or importance sampling methods based on feature similarity often lead
to sub-optimal performance. In this work, we introduce UnReMix, a hard negative
sampling strategy that takes into account anchor similarity, model uncertainty
and representativeness. Experimental results on several benchmarks show that
UnReMix improves negative sample selection, and subsequently downstream
performance when compared to state-of-the-art contrastive learning methods."
2987,Uniqueness and Complexity of Inverse MDP Models,"What is the action sequence aa'a"" that was likely responsible for reaching
state s""' (from state s) in 3 steps? Addressing such questions is important in
causal reasoning and in reinforcement learning. Inverse ""MDP"" models
p(aa'a""|ss""') can be used to answer them. In the traditional ""forward"" view,
transition ""matrix"" p(s'|sa) and policy {\pi}(a|s) uniquely determine
""everything"": the whole dynamics p(as'a's""a""...|s), and with it, the
action-conditional state process p(s's""...|saa'a""), the multi-step inverse
models p(aa'a""...|ss^i), etc. If the latter is our primary concern, a natural
question, analogous to the forward case is to which extent 1-step inverse model
p(a|ss') plus policy {\pi}(a|s) determine the multi-step inverse models or even
the whole dynamics. In other words, can forward models be inferred from inverse
models or even be side-stepped. This work addresses this question and
variations thereof, and also whether there are efficient decision/inference
algorithms for this."
2988,Deep Learning on Implicit Neural Datasets,"Implicit neural representations (INRs) have become fast, lightweight tools
for storing continuous data, but to date there is no general method for
learning directly with INRs as a data representation. We introduce a principled
deep learning framework for learning and inference directly with INRs of any
type without reverting to grid-based features or operations. Our INR-Nets
evaluate INRs on a low discrepancy sequence, enabling quasi-Monte Carlo (QMC)
integration throughout the network. We prove INR-Nets are universal
approximators on a large class of maps between $L^2$ functions. Additionally,
INR-Nets have convergent gradients under the empirical measure, enabling
backpropagation. We design INR-Nets as a continuous generalization of discrete
networks, enabling them to be initialized with pre-trained models. We
demonstrate learning of INR-Nets on classification (INR$\to$label) and
segmentation (INR$\to$INR) tasks."
2989,Sparse Mixed Linear Regression with Guarantees: Taming an Intractable Problem with Invex Relaxation,"In this paper, we study the problem of sparse mixed linear regression on an
unlabeled dataset that is generated from linear measurements from two different
regression parameter vectors. Since the data is unlabeled, our task is not only
to figure out a good approximation of the regression parameter vectors but also
to label the dataset correctly. In its original form, this problem is NP-hard.
The most popular algorithms to solve this problem (such as
Expectation-Maximization) have a tendency to stuck at local minima. We provide
a novel invex relaxation for this intractable problem which leads to a solution
with provable theoretical guarantees. This relaxation enables exact recovery of
data labels. Furthermore, we recover a close approximation of the regression
parameter vectors which match the true parameter vectors in support and sign.
Our formulation uses a carefully constructed primal dual witnesses framework
for the invex problem. Furthermore, we show that the sample complexity of our
method is only logarithmic in terms of the dimension of the regression
parameter vectors."
2990,Invertible Neural Networks for Graph Prediction,"In this work, we address conditional generation using deep invertible neural
networks. This is a type of problem where one aims to infer the most probable
inputs $X$ given outcomes $Y$. We call our method \textit{invertible graph
neural network} (iGNN) due to the primary focus on generating node features on
graph data. A notable feature of our proposed methods is that during network
training, we revise the typically-used loss objective in normalizing flow and
consider Wasserstein-2 regularization to facilitate the training process.
Algorithmic-wise, we adopt an end-to-end training approach since our objective
is to address prediction and generation in the forward and backward processes
at once through a single model. Theoretically, we characterize the conditions
for identifiability of a true mapping, the existence and invertibility of the
mapping, and the expressiveness of iGNN in learning the mapping.
Experimentally, we verify the performance of iGNN on both simulated and
real-data datasets. We demonstrate through extensive numerical experiments that
iGNN shows clear improvement over competing conditional generation benchmarks
on high-dimensional and/or non-convex data."
2991,Posterior Coreset Construction with Kernelized Stein Discrepancy for Model-Based Reinforcement Learning,"In this work, we propose a novel ${\bf K}$ernelized ${\bf S}$tein
Discrepancy-based Posterior Sampling for ${\bf RL}$ algorithm (named
$\texttt{KSRL}$) which extends model-based RL based upon posterior sampling
(PSRL) in several ways: we (i) relax the need for any smoothness or Gaussian
assumptions, allowing for complex mixture models; (ii) ensure it is applicable
to large-scale training by incorporating a compression step such that the
posterior consists of a \emph{Bayesian coreset} of only statistically
significant past state-action pairs; and (iii) develop a novel regret analysis
of PSRL based upon integral probability metrics, which, under a smoothness
condition on the constructed posterior, can be evaluated in closed form as the
kernelized Stein discrepancy (KSD). Consequently, we are able to improve the
$\mathcal{O}(H^{3/2}d\sqrt{T})$ {regret} of PSRL to
$\mathcal{O}(H^{3/2}\sqrt{T})$, where $d$ is the input dimension, $H$ is the
episode length, and $T$ is the total number of episodes experienced,
alleviating a linear dependence on $d$ . Moreover, we theoretically establish a
trade-off between regret rate with posterior representational complexity via
introducing a compression budget parameter $\epsilon$ based on KSD, and
establish a lower bound on the required complexity for consistency of the
model. Experimentally, we observe that this approach is competitive with
several state of the art RL methodologies, with substantive improvements in
computation time. Experimentally, we observe that this approach is competitive
with several state of the art RL methodologies, and can achieve up-to $50\%$
reduction in wall clock time in some continuous control environments."
2992,Causal Structure Learning: a Combinatorial Perspective,"In this review, we discuss approaches for learning causal structure from
data, also called causal discovery. In particular, we focus on approaches for
learning directed acyclic graphs (DAGs) and various generalizations which allow
for some variables to be unobserved in the available data. We devote special
attention to two fundamental combinatorial aspects of causal structure
learning. First, we discuss the structure of the search space over causal
graphs. Second, we discuss the structure of equivalence classes over causal
graphs, i.e., sets of graphs which represent what can be learned from
observational data alone, and how these equivalence classes can be refined by
adding interventional data."
2993,Finding the Right Recipe for Low Resource Domain Adaptation in Neural Machine Translation,"General translation models often still struggle to generate accurate
translations in specialized domains. To guide machine translation practitioners
and characterize the effectiveness of domain adaptation methods under different
data availability scenarios, we conduct an in-depth empirical exploration of
monolingual and parallel data approaches to domain adaptation of pre-trained,
third-party, NMT models in settings where architecture change is impractical.
We compare data centric adaptation methods in isolation and combination. We
study method effectiveness in very low resource (8k parallel examples) and
moderately low resource (46k parallel examples) conditions and propose an
ensemble approach to alleviate reductions in original domain translation
quality. Our work includes three domains: consumer electronic, clinical, and
biomedical and spans four language pairs - Zh-En, Ja-En, Es-En, and Ru-En. We
also make concrete recommendations for achieving high in-domain performance and
release our consumer electronic and medical domain datasets for all languages
and make our code publicly available."
2994,Vygotskian Autotelic Artificial Intelligence: Language and Culture Internalization for Human-Like AI,"Building autonomous artificial agents able to grow open-ended repertoires of
skills is one of the fundamental goals of AI. To that end, a promising
developmental approach recommends the design of intrinsically motivated agents
that learn new skills by generating and pursuing their own goals - autotelic
agents. However, existing algorithms still show serious limitations in terms of
goal diversity, exploration, generalization or skill composition. This
perspective calls for the immersion of autotelic agents into rich
socio-cultural worlds. We focus on language especially, and how its structure
and content may support the development of new cognitive functions in
artificial agents, just like it does in humans. Indeed, most of our skills
could not be learned in isolation. Formal education teaches us to reason
systematically, books teach us history, and YouTube might teach us how to cook.
Crucially, our values, traditions, norms and most of our goals are cultural in
essence. This knowledge, and some argue, some of our cognitive functions such
as abstraction, compositional imagination or relational thinking, are formed
through linguistic and cultural interactions. Inspired by the work of Vygotsky,
we suggest the design of Vygotskian autotelic agents able to interact with
others and, more importantly, able to internalize these interactions to
transform them into cognitive tools supporting the development of new cognitive
functions. This perspective paper proposes a new AI paradigm in the quest for
artificial lifelong skill discovery. It justifies the approach by uncovering
examples of new artificial cognitive functions emerging from interactions
between language and embodiment in recent works at the intersection of deep
reinforcement learning and natural language processing. Looking forward, it
highlights future opportunities and challenges for Vygotskian Autotelic AI
research."
2995,A Communication-efficient Algorithm with Linear Convergence for Federated Minimax Learning,"In this paper, we study a large-scale multi-agent minimax optimization
problem, which models many interesting applications in statistical learning and
game theory, including Generative Adversarial Networks (GANs). The overall
objective is a sum of agents' private local objective functions. We first
analyze an important special case, empirical minimax problem, where the overall
objective approximates a true population minimax risk by statistical samples.
We provide generalization bounds for learning with this objective through
Rademacher complexity analysis. Then, we focus on the federated setting, where
agents can perform local computation and communicate with a central server.
Most existing federated minimax algorithms either require communication per
iteration or lack performance guarantees with the exception of Local Stochastic
Gradient Descent Ascent (SGDA), a multiple-local-update descent ascent
algorithm which guarantees convergence under a diminishing stepsize. By
analyzing Local SGDA under the ideal condition of no gradient noise, we show
that generally it cannot guarantee exact convergence with constant stepsizes
and thus suffers from slow rates of convergence. To tackle this issue, we
propose FedGDA-GT, an improved Federated (Fed) Gradient Descent Ascent (GDA)
method based on Gradient Tracking (GT). When local objectives are Lipschitz
smooth and strongly-convex-strongly-concave, we prove that FedGDA-GT converges
linearly with a constant stepsize to global $\epsilon$-approximation solution
with $\mathcal{O}(\log (1/\epsilon))$ rounds of communication, which matches
the time complexity of centralized GDA method. Finally, we numerically show
that FedGDA-GT outperforms Local SGDA."
2996,Predictive Multiplicity in Probabilistic Classification,"For a prediction task, there may exist multiple models that perform almost
equally well. This multiplicity complicates how we typically develop and deploy
machine learning models. We study how multiplicity affects predictions -- i.e.,
predictive multiplicity -- in probabilistic classification. We introduce new
measures for this setting and present optimization-based methods to compute
these measures for convex empirical risk minimization problems like logistic
regression. We apply our methodology to gain insight into why predictive
multiplicity arises. We study the incidence and prevalence of predictive
multiplicity in real-world risk assessment tasks. Our results emphasize the
need to report multiplicity more widely."
2997,Super-resolving 2D stress tensor field conserving equilibrium constraints using physics informed U-Net,"In a finite element analysis, using a large number of grids is important to
obtain accurate results, but is a resource-consuming task. Aiming to real-time
simulation and optimization, it is desired to obtain fine grid analysis results
within a limited resource. This paper proposes a super-resolution method that
predicts a stress tensor field in a high-resolution from low-resolution contour
plots by utilizing a U-Net-based neural network which is called PI-UNet. In
addition, the proposed model minimizes the residual of the equilibrium
constraints so that it outputs a physically reasonable solution. The proposed
network is trained with FEM results of simple shapes, and is validated with a
complicated realistic shape to evaluate generalization capability. Although
ESRGAN is a standard model for image super-resolution, the proposed U-Net based
model outperforms ESRGAN model in the stress tensor prediction task."
2998,Comparing Conventional and Deep Feature Models for Classifying Fundus Photography of Hemorrhages,"Diabetic retinopathy is an eye-related pathology creating abnormalities and
causing visual impairment, proper treatment of which requires identifying
irregularities. This research uses a hemorrhage detection method and compares
classification of conventional and deep features. Especially, method identifies
hemorrhage connected with blood vessels or reside at retinal border and
reported challenging. Initially, adaptive brightness adjustment and contrast
enhancement rectify degraded images. Prospective locations of hemorrhages are
estimated by a Gaussian matched filter, entropy thresholding, and morphological
operation. Hemorrhages are segmented by a novel technique based on regional
variance of intensities. Features are then extracted by conventional methods
and deep models for training support vector machines, and results evaluated.
Evaluation metrics for each model are promising, but findings suggest that
comparatively, deep models are more effective than conventional features."
2999,Robustness to Label Noise Depends on the Shape of the Noise Distribution in Feature Space,"Machine learning classifiers have been demonstrated, both empirically and
theoretically, to be robust to label noise under certain conditions -- notably
the typical assumption is that label noise is independent of the features given
the class label. We provide a theoretical framework that generalizes beyond
this typical assumption by modeling label noise as a distribution over feature
space. We show that both the scale and the shape of the noise distribution
influence the posterior likelihood; and the shape of the noise distribution has
a stronger impact on classification performance if the noise is concentrated in
feature space where the decision boundary can be moved. For the special case of
uniform label noise (independent of features and the class label), we show that
the Bayes optimal classifier for $c$ classes is robust to label noise until the
ratio of noisy samples goes above $\frac{c-1}{c}$ (e.g. 90% for 10 classes),
which we call the tipping point. However, for the special case of
class-dependent label noise (independent of features given the class label),
the tipping point can be as low as 50%. Most importantly, we show that when the
noise distribution targets decision boundaries (label noise is directly
dependent on feature space), classification robustness can drop off even at a
small scale of noise. Even when evaluating recent label-noise mitigation
methods we see reduced accuracy when label noise is dependent on features.
These findings explain why machine learning often handles label noise well if
the noise distribution is uniform in feature-space; yet it also points to the
difficulty of overcoming label noise when it is concentrated in a region of
feature space where a decision boundary can move."
3000,Weakly Supervised Representation Learning with Sparse Perturbations,"The theory of representation learning aims to build methods that provably
invert the data generating process with minimal domain knowledge or any source
of supervision. Most prior approaches require strong distributional assumptions
on the latent variables and weak supervision (auxiliary information such as
timestamps) to provide provable identification guarantees. In this work, we
show that if one has weak supervision from observations generated by sparse
perturbations of the latent variables--e.g. images in a reinforcement learning
environment where actions move individual sprites--identification is achievable
under unknown continuous latent distributions. We show that if the
perturbations are applied only on mutually exclusive blocks of latents, we
identify the latents up to those blocks. We also show that if these
perturbation blocks overlap, we identify latents up to the smallest blocks
shared across perturbations. Consequently, if there are blocks that intersect
in one latent variable only, then such latents are identified up to permutation
and scaling. We propose a natural estimation procedure based on this theory and
illustrate it on low-dimensional synthetic and image-based experiments."
3001,Clipped Stochastic Methods for Variational Inequalities with Heavy-Tailed Noise,"Stochastic first-order methods such as Stochastic Extragradient (SEG) or
Stochastic Gradient Descent-Ascent (SGDA) for solving smooth minimax problems
and, more generally, variational inequality problems (VIP) have been gaining a
lot of attention in recent years due to the growing popularity of adversarial
formulations in machine learning. However, while high-probability convergence
bounds are known to reflect the actual behavior of stochastic methods more
accurately, most convergence results are provided in expectation. Moreover, the
only known high-probability complexity results have been derived under
restrictive sub-Gaussian (light-tailed) noise and bounded domain Assump.
[Juditsky et al., 2011]. In this work, we prove the first high-probability
complexity results with logarithmic dependence on the confidence level for
stochastic methods for solving monotone and structured non-monotone VIPs with
non-sub-Gaussian (heavy-tailed) noise and unbounded domains. In the monotone
case, our results match the best-known ones in the light-tails case [Juditsky
et al., 2011], and are novel for structured non-monotone problems such as
negative comonotone, quasi-strongly monotone, and/or star-cocoercive ones. We
achieve these results by studying SEG and SGDA with clipping. In addition, we
numerically validate that the gradient noise of many practical GAN formulations
is heavy-tailed and show that clipping improves the performance of SEG/SGDA."
3002,Combining Machine Learning and Agent-Based Modeling to Study Biomedical Systems,"Agent-based modeling (ABM) is a well-established paradigm for simulating
complex systems via interactions between constituent entities. Machine learning
(ML) refers to approaches whereby statistical algorithms 'learn' from data on
their own, without imposing a priori theories of system behavior. Biological
systems -- from molecules, to cells, to entire organisms -- consist of vast
numbers of entities, governed by complex webs of interactions that span many
spatiotemporal scales and exhibit nonlinearity, stochasticity and intricate
coupling between entities. The macroscopic properties and collective dynamics
of such systems are difficult to capture via continuum modelling and mean-field
formalisms. ABM takes a 'bottom-up' approach that obviates these difficulties
by enabling one to easily propose and test a set of well-defined 'rules' to be
applied to the individual entities (agents) in a system. Evaluating a system
and propagating its state over discrete time-steps effectively simulates the
system, allowing observables to be computed and system properties to be
analyzed. Because the rules that govern an ABM can be difficult to abstract and
formulate from experimental data, there is an opportunity to use ML to help
infer optimal, system-specific ABM rules. Once such rule-sets are devised, ABM
calculations can generate a wealth of data, and ML can be applied there too --
e.g., to probe statistical measures that meaningfully describe a system's
stochastic properties. As an example of synergy in the other direction (from
ABM to ML), ABM simulations can generate realistic datasets for training ML
algorithms (e.g., for regularization, to mitigate overfitting). In these ways,
one can envision various synergistic ABM$\rightleftharpoons$ML loops. This
review summarizes how ABM and ML have been integrated in contexts that span
spatial scales from the cellular to population-level scale epidemiology."
3003,Machine Learning-based Lung and Colon Cancer Detection using Deep Feature Extraction and Ensemble Learning,"Cancer is a fatal disease caused by a combination of genetic diseases and a
variety of biochemical abnormalities. Lung and colon cancer have emerged as two
of the leading causes of death and disability in humans. The histopathological
detection of such malignancies is usually the most important component in
determining the best course of action. Early detection of the ailment on either
front considerably decreases the likelihood of mortality. Machine learning and
deep learning techniques can be utilized to speed up such cancer detection,
allowing researchers to study a large number of patients in a much shorter
amount of time and at a lower cost. In this research work, we introduced a
hybrid ensemble feature extraction model to efficiently identify lung and colon
cancer. It integrates deep feature extraction and ensemble learning with
high-performance filtering for cancer image datasets. The model is evaluated on
histopathological (LC25000) lung and colon datasets. According to the study
findings, our hybrid model can detect lung, colon, and (lung and colon) cancer
with accuracy rates of 99.05%, 100%, and 99.30%, respectively. The study's
findings show that our proposed strategy outperforms existing models
significantly. Thus, these models could be applicable in clinics to support the
doctor in the diagnosis of cancers."
3004,Incorporating Explicit Uncertainty Estimates into Deep Offline Reinforcement Learning,"Most theoretically motivated work in the offline reinforcement learning
setting requires precise uncertainty estimates. This requirement restricts the
algorithms derived in that work to the tabular and linear settings where such
estimates exist. In this work, we develop a novel method for incorporating
scalable uncertainty estimates into an offline reinforcement learning algorithm
called deep-SPIBB that extends the SPIBB family of algorithms to environments
with larger state and action spaces. We use recent innovations in uncertainty
estimation from the deep learning community to get more scalable uncertainty
estimates to plug into deep-SPIBB. While these uncertainty estimates do not
allow for the same theoretical guarantees as in the tabular case, we argue that
the SPIBB mechanism for incorporating uncertainty is more robust and flexible
than pessimistic approaches that incorporate the uncertainty as a value
function penalty. We bear this out empirically, showing that deep-SPIBB
outperforms pessimism based approaches with access to the same uncertainty
estimates and performs at least on par with a variety of other strong baselines
across several environments and datasets."
3005,Revisiting the General Identifiability Problem,"We revisit the problem of general identifiability originally introduced in
[Lee et al., 2019] for causal inference and note that it is necessary to add
positivity assumption of observational distribution to the original definition
of the problem. We show that without such an assumption the rules of
do-calculus and consequently the proposed algorithm in [Lee et al., 2019] are
not sound. Moreover, adding the assumption will cause the completeness proof in
[Lee et al., 2019] to fail. Under positivity assumption, we present a new
algorithm that is provably both sound and complete. A nice property of this new
algorithm is that it establishes a connection between general identifiability
and classical identifiability by Pearl [1995] through decomposing the general
identifiability problem into a series of classical identifiability
sub-problems."
3006,When does return-conditioned supervised learning work for offline reinforcement learning?,"Several recent works have proposed a class of algorithms for the offline
reinforcement learning (RL) problem that we will refer to as return-conditioned
supervised learning (RCSL). RCSL algorithms learn the distribution of actions
conditioned on both the state and the return of the trajectory. Then they
define a policy by conditioning on achieving high return. In this paper, we
provide a rigorous study of the capabilities and limitations of RCSL, something
which is crucially missing in previous work. We find that RCSL returns the
optimal policy under a set of assumptions that are stronger than those needed
for the more traditional dynamic programming-based algorithms. We provide
specific examples of MDPs and datasets that illustrate the necessity of these
assumptions and the limits of RCSL. Finally, we present empirical evidence that
these limitations will also cause issues in practice by providing illustrative
experiments in simple point-mass environments and on datasets from the D4RL
benchmark."
3007,Deep Transformer Q-Networks for Partially Observable Reinforcement Learning,"Real-world reinforcement learning tasks often involve some form of partial
observability where the observations only give a partial or noisy view of the
true state of the world. Such tasks typically require some form of memory,
where the agent has access to multiple past observations, in order to perform
well. One popular way to incorporate memory is by using a recurrent neural
network to access the agent's history. However, recurrent neural networks in
reinforcement learning are often fragile and difficult to train, susceptible to
catastrophic forgetting and sometimes fail completely as a result. In this
work, we propose Deep Transformer Q-Networks (DTQN), a novel architecture
utilizing transformers and self-attention to encode an agent's history. DTQN is
designed modularly, and we compare results against several modifications to our
base model. Our experiments demonstrate the transformer can solve partially
observable tasks faster and more stably than previous recurrent approaches."
3008,Practical Adversarial Multivalid Conformal Prediction,"We give a simple, generic conformal prediction method for sequential
prediction that achieves target empirical coverage guarantees against
adversarially chosen data. It is computationally lightweight -- comparable to
split conformal prediction -- but does not require having a held-out validation
set, and so all data can be used for training models from which to derive a
conformal score. It gives stronger than marginal coverage guarantees in two
ways. First, it gives threshold calibrated prediction sets that have correct
empirical coverage even conditional on the threshold used to form the
prediction set from the conformal score. Second, the user can specify an
arbitrary collection of subsets of the feature space -- possibly intersecting
-- and the coverage guarantees also hold conditional on membership in each of
these subsets. We call our algorithm MVP, short for MultiValid Prediction. We
give both theory and an extensive set of empirical evaluations."
3009,DocLayNet: A Large Human-Annotated Dataset for Document-Layout Analysis,"Accurate document layout analysis is a key requirement for high-quality PDF
document conversion. With the recent availability of public, large ground-truth
datasets such as PubLayNet and DocBank, deep-learning models have proven to be
very effective at layout detection and segmentation. While these datasets are
of adequate size to train such models, they severely lack in layout variability
since they are sourced from scientific article repositories such as PubMed and
arXiv only. Consequently, the accuracy of the layout segmentation drops
significantly when these models are applied on more challenging and diverse
layouts. In this paper, we present \textit{DocLayNet}, a new, publicly
available, document-layout annotation dataset in COCO format. It contains 80863
manually annotated pages from diverse data sources to represent a wide
variability in layouts. For each PDF page, the layout annotations provide
labelled bounding-boxes with a choice of 11 distinct classes. DocLayNet also
provides a subset of double- and triple-annotated pages to determine the
inter-annotator agreement. In multiple experiments, we provide baseline
accuracy scores (in mAP) for a set of popular object detection models. We also
demonstrate that these models fall approximately 10\% behind the
inter-annotator agreement. Furthermore, we provide evidence that DocLayNet is
of sufficient size. Lastly, we compare models trained on PubLayNet, DocBank and
DocLayNet, showing that layout predictions of the DocLayNet-trained models are
more robust and thus the preferred choice for general-purpose document-layout
analysis."
3010,Detecting the Severity of Major Depressive Disorder from Speech: A Novel HARD-Training Methodology,"Major Depressive Disorder (MDD) is a common worldwide mental health issue
with high associated socioeconomic costs. The prediction and automatic
detection of MDD can, therefore, make a huge impact on society. Speech, as a
non-invasive, easy to collect signal, is a promising marker to aid the
diagnosis and assessment of MDD. In this regard, speech samples were collected
as part of the Remote Assessment of Disease and Relapse in Major Depressive
Disorder (RADAR-MDD) research programme. RADAR-MDD was an observational cohort
study in which speech and other digital biomarkers were collected from a cohort
of individuals with a history of MDD in Spain, United Kingdom and the
Netherlands. In this paper, the RADAR-MDD speech corpus was taken as an
experimental framework to test the efficacy of a Sequence-to-Sequence model
with a local attention mechanism in a two-class depression severity
classification paradigm. Additionally, a novel training method, HARD-Training,
is proposed. It is a methodology based on the selection of more ambiguous
samples for the model training, and inspired by the curriculum learning
paradigm. HARD-Training was found to consistently improve - with an average
increment of 8.6% - the performance of our classifiers for both of two speech
elicitation tasks used and each collection site of the RADAR-MDD speech corpus.
With this novel methodology, our Sequence-to-Sequence model was able to
effectively detect MDD severity regardless of language. Finally, recognising
the need for greater awareness of potential algorithmic bias, we conduct an
additional analysis of our results separately for each gender."
3011,Trajectory of Mini-Batch Momentum: Batch Size Saturation and Convergence in High Dimensions,"We analyze the dynamics of large batch stochastic gradient descent with
momentum (SGD+M) on the least squares problem when both the number of samples
and dimensions are large. In this setting, we show that the dynamics of SGD+M
converge to a deterministic discrete Volterra equation as dimension increases,
which we analyze. We identify a stability measurement, the implicit
conditioning ratio (ICR), which regulates the ability of SGD+M to accelerate
the algorithm. When the batch size exceeds this ICR, SGD+M converges linearly
at a rate of $\mathcal{O}(1/\sqrt{\kappa})$, matching optimal full-batch
momentum (in particular performing as well as a full-batch but with a fraction
of the size). For batch sizes smaller than the ICR, in contrast, SGD+M has
rates that scale like a multiple of the single batch SGD rate. We give explicit
choices for the learning rate and momentum parameter in terms of the Hessian
spectra that achieve this performance."
3012,Learning Disentangled Representations for Counterfactual Regression via Mutual Information Minimization,"Learning individual-level treatment effect is a fundamental problem in causal
inference and has received increasing attention in many areas, especially in
the user growth area which concerns many internet companies. Recently,
disentangled representation learning methods that decompose covariates into
three latent factors, including instrumental, confounding and adjustment
factors, have witnessed great success in treatment effect estimation. However,
it remains an open problem how to learn the underlying disentangled factors
precisely. Specifically, previous methods fail to obtain independent
disentangled factors, which is a necessary condition for identifying treatment
effect. In this paper, we propose Disentangled Representations for
Counterfactual Regression via Mutual Information Minimization (MIM-DRCFR),
which uses a multi-task learning framework to share information when learning
the latent factors and incorporates MI minimization learning criteria to ensure
the independence of these factors. Extensive experiments including public
benchmarks and real-world industrial user growth datasets demonstrate that our
method performs much better than state-of-the-art methods."
3013,Score-Based Generative Models Detect Manifolds,"Score-based generative models (SGMs) need to approximate the scores $\nabla
\log p_t$ of the intermediate distributions as well as the final distribution
$p_T$ of the forward process. The theoretical underpinnings of the effects of
these approximations are still lacking. We find precise conditions under which
SGMs are able to produce samples from an underlying (low-dimensional) data
manifold $\mathcal{M}$. This assures us that SGMs are able to generate the
""right kind of samples"". For example, taking $\mathcal{M}$ to be the subset of
images of faces, we find conditions under which the SGM robustly produces an
image of a face, even though the relative frequencies of these images might not
accurately represent the true data generating distribution. Moreover, this
analysis is a first step towards understanding the generalization properties of
SGMs: Taking $\mathcal{M}$ to be the set of all training samples, our results
provide a precise description of when the SGM memorizes its training data."
3014,Policy Gradient Algorithms with Monte-Carlo Tree Search for Non-Markov Decision Processes,"Policy gradient (PG) is a reinforcement learning (RL) approach that optimizes
a parameterized policy model for an expected return using gradient ascent.
Given a well-parameterized policy model, such as a neural network model, with
appropriate initial parameters, the PG algorithms work well even when
environment does not have the Markov property. Otherwise, they can be trapped
on a plateau or suffer from peakiness effects. As another successful RL
approach, algorithms based on Monte-Carlo Tree Search (MCTS), which include
AlphaZero, have obtained groundbreaking results especially on the board game
playing domain. They are also suitable to be applied to non-Markov decision
processes. However, since the standard MCTS does not have the ability to learn
state representation, the size of the tree-search space can be too large to
search. In this work, we examine a mixture policy of PG and MCTS to complement
each other's difficulties and take advantage of them. We derive conditions for
asymptotic convergence with results of a two-timescale stochastic approximation
and propose an algorithm that satisfies these conditions. The effectivity of
the proposed methods is verified through numerical experiments on non-Markov
decision processes."
3015,Approximate Network Motif Mining Via Graph Learning,"Frequent and structurally related subgraphs, also known as network motifs,
are valuable features of many graph datasets. However, the high computational
complexity of identifying motif sets in arbitrary datasets (motif mining) has
limited their use in many real-world datasets. By automatically leveraging
statistical properties of datasets, machine learning approaches have shown
promise in several tasks with combinatorial complexity and are therefore a
promising candidate for network motif mining. In this work we seek to
facilitate the development of machine learning approaches aimed at motif
mining. We propose a formulation of the motif mining problem as a node
labelling task. In addition, we build benchmark datasets and evaluation metrics
which test the ability of models to capture different aspects of motif
discovery such as motif number, size, topology, and scarcity. Next, we propose
MotiFiesta, a first attempt at solving this problem in a fully differentiable
manner with promising results on challenging baselines. Finally, we demonstrate
through MotiFiesta that this learning setting can be applied simultaneously to
general-purpose data mining and interpretable feature extraction for graph
classification tasks."
3016,Excess risk analysis for epistemic uncertainty with application to variational inference,"We analyze the epistemic uncertainty (EU) of supervised learning in Bayesian
inference by focusing on the excess risk. Existing analysis is limited to the
Bayesian setting, which assumes a correct model and exact Bayesian posterior
distribution. Thus we cannot apply the existing theory to modern Bayesian
algorithms, such as variational inference. To address this, we present a novel
EU analysis in the frequentist setting, where data is generated from an unknown
distribution. We show a relation between the generalization ability and the
widely used EU measurements, such as the variance and entropy of the predictive
distribution. Then we show their convergence behaviors theoretically. Finally,
we propose new variational inference that directly controls the prediction and
EU evaluation performances based on the PAC-Bayesian theory. Numerical
experiments show that our algorithm significantly improves the EU evaluation
over the existing methods."
3017,Shortest Path Networks for Graph Property Prediction,"Most graph neural network models rely on a particular message passing
paradigm, where the idea is to iteratively propagate node representations of a
graph to each node in the direct neighborhood. While very prominent, this
paradigm leads to information propagation bottlenecks, as information is
repeatedly compressed at intermediary node representations, which causes loss
of information, making it practically impossible to gather meaningful signals
from distant nodes. To address this issue, we propose shortest path message
passing neural networks, where the node representations of a graph are
propagated to each node in the shortest path neighborhoods. In this setting,
nodes can directly communicate between each other even if they are not
neighbors, breaking the information bottleneck and hence leading to more
adequately learned representations. Theoretically, our framework generalizes
message passing neural networks, resulting in provably more expressive models.
Empirically, we verify the capacity of a basic model of this framework on
dedicated synthetic experiments, and on real-world graph classification and
regression benchmarks, obtaining several state-of-the-art results."
3018,Introducing One Sided Margin Loss for Solving Classification Problems in Deep Networks,"This paper introduces a new loss function, OSM (One-Sided Margin), to solve
maximum-margin classification problems effectively. Unlike the hinge loss, in
OSM the margin is explicitly determined with corresponding hyperparameters and
then the classification problem is solved. In experiments, we observe that
using OSM loss leads to faster training speeds and better accuracies than
binary and categorical cross-entropy in several commonly used deep models for
classification and optical character recognition problems.
OSM has consistently shown better classification accuracies over
cross-entropy and hinge losses for small to large neural networks. it has also
led to a more efficient training procedure. We achieved state-of-the-art
accuracies for small networks on several benchmark datasets of
CIFAR10(98.82\%), CIFAR100(91.56\%), Flowers(98.04\%), Stanford Cars(93.91\%)
with considerable improvements over other loss functions. Moreover, the
accuracies are rather better than cross-entropy and hinge loss for large
networks. Therefore, we strongly believe that OSM is a powerful alternative to
hinge and cross-entropy losses to train deep neural networks on classification
tasks."
3019,On the Effectiveness of Knowledge Graph Embeddings: a Rule Mining Approach,"We study the effectiveness of Knowledge Graph Embeddings (KGE) for knowledge
graph (KG) completion with rule mining. More specifically, we mine rules from
KGs before and after they have been completed by a KGE to compare possible
differences in the rules extracted. We apply this method to classical KGEs
approaches, in particular, TransE, DistMult and ComplEx. Our experiments
indicate that there can be huge differences between the extracted rules,
depending on the KGE approach for KG completion. In particular, after the
TransE completion, several spurious rules were extracted."
3020,Graph Kernels Based on Multi-scale Graph Embeddings,"Graph kernels are conventional methods for computing graph similarities.
However, most of the R-convolution graph kernels face two challenges: 1) They
cannot compare graphs at multiple different scales, and 2) they do not consider
the distributions of substructures when computing the kernel matrix. These two
challenges limit their performances. To mitigate the two challenges, we propose
a novel graph kernel called the Multi-scale Path-pattern Graph kernel (MPG), at
the heart of which is the multi-scale path-pattern node feature map. Each
element of the path-pattern node feature map is the number of occurrences of a
path-pattern around a node. A path-pattern is constructed by the concatenation
of all the node labels in a path of a truncated BFS tree rooted at each node.
Since the path-pattern node feature map can only compare graphs at local
scales, we incorporate into it the multiple different scales of the graph
structure, which are captured by the truncated BFS trees of different depth. We
use the Wasserstein distance to compute the similarity between the multi-scale
path-pattern node feature maps of two graphs, considering the distributions of
substructures. We empirically validate MPG on various benchmark graph datasets
and demonstrate that it achieves state-of-the-art performance."
3021,Accelerated first-order methods for convex optimization with locally Lipschitz continuous gradient,"In this paper we develop accelerated first-order methods for convex
optimization with locally Lipschitz continuous gradient (LLCG), which is beyond
the well-studied class of convex optimization with Lipschitz continuous
gradient. In particular, we first consider unconstrained convex optimization
with LLCG and propose accelerated proximal gradient (APG) methods for solving
it. The proposed APG methods are equipped with a verifiable termination
criterion and enjoy an operation complexity of ${\cal O}(\varepsilon^{-1/2}\log
\varepsilon^{-1})$ and ${\cal O}(\log \varepsilon^{-1})$ for finding an
$\varepsilon$-residual solution of an unconstrained convex and strongly convex
optimization problem, respectively. We then consider constrained convex
optimization with LLCG and propose an first-order proximal augmented Lagrangian
method for solving it by applying one of our proposed APG methods to
approximately solve a sequence of proximal augmented Lagrangian subproblems.
The resulting method is equipped with a verifiable termination criterion and
enjoys an operation complexity of ${\cal O}(\varepsilon^{-1}\log
\varepsilon^{-1})$ and ${\cal O}(\varepsilon^{-1/2}\log \varepsilon^{-1})$ for
finding an $\varepsilon$-KKT solution of a constrained convex and strongly
convex optimization problem, respectively. All the proposed methods in this
paper are parameter-free or almost parameter-free except that the knowledge on
convexity parameter is required. To the best of our knowledge, no prior studies
were conducted to investigate accelerated first-order methods with complexity
guarantees for convex optimization with LLCG. All the complexity results
obtained in this paper are entirely new."
3022,"Primal-dual extrapolation methods for monotone inclusions under local Lipschitz continuity with applications to variational inequality, conic constrained saddle point, and convex conic optimization problems","In this paper we consider a class of structured monotone inclusion (MI)
problems that consist of finding a zero in the sum of two monotone operators,
in which one is maximal monotone while another is locally Lipschitz continuous.
In particular, we first propose a primal-dual extrapolation (PDE) method for
solving a structured strongly MI problem by modifying the classical
forward-backward splitting method by using a point and operator extrapolation
technique, in which the parameters are adaptively updated by a backtracking
line search scheme. The proposed PDE method is almost parameter-free, equipped
with a verifiable termination criterion, and enjoys an operation complexity of
${\cal O}(\log \epsilon^{-1})$, measured by the amount of fundamental
operations consisting only of evaluations of one operator and resolvent of
another operator, for finding an $\epsilon$-residual solution of the structured
strongly MI problem. We then propose another PDE method for solving a
structured non-strongly MI problem by applying the above PDE method to
approximately solve a sequence of structured strongly MI problems. The
resulting PDE method is parameter-free, equipped with a verifiable termination
criterion, and enjoys an operation complexity of ${\cal O}(\epsilon^{-1}\log
\epsilon^{-1})$ for finding an $\epsilon$-residual solution of the structured
non-strongly MI problem. As a consequence, we apply the latter PDE method to
convex conic optimization, conic constrained saddle point, and variational
inequality problems, and obtain complexity results for finding an
$\epsilon$-KKT or $\epsilon$-residual solution of them under local Lipschitz
continuity. To the best of our knowledge, no prior studies were conducted to
investigate methods with complexity guarantees for solving the aforementioned
problems under local Lipschitz continuity. All the complexity results obtained
in this paper are entirely new."
3023,A Deep Learning Network for the Classification of Intracardiac Electrograms in Atrial Tachycardia,"A key technology enabling the success of catheter ablation treatment for
atrial tachycardia is activation mapping, which relies on manual local
activation time (LAT) annotation of all acquired intracardiac electrogram (EGM)
signals. This is a time-consuming and error-prone procedure, due to the
difficulty in identifying the signal activation peaks for fractionated signals.
This work presents a Deep Learning approach for the automated classification of
EGM signals into three different types: normal, abnormal, and unclassified,
which forms part of the LAT annotation pipeline, and contributes towards
bypassing the need for manual annotations of the LAT. The Deep Learning
network, the CNN-LSTM model, is a hybrid network architecture which combines
convolutional neural network (CNN) layers with long short-term memory (LSTM)
layers. 1452 EGM signals from a total of 9 patients undergoing
clinically-indicated 3D cardiac mapping were used for the training, validation
and testing of our models. From our findings, the CNN-LSTM model achieved an
accuracy of 81% for the balanced dataset. For comparison, we separately
developed a rule-based Decision Trees model which attained an accuracy of 67%
for the same balanced dataset. Our work elucidates that analysing the EGM
signals using a set of explicitly specified rules as proposed by the Decision
Trees model is not suitable as EGM signals are complex. The CNN-LSTM model, on
the other hand, has the ability to learn the complex, intrinsic features within
the signals and identify useful features to differentiate the EGM signals."
3024,Transfer Language Selection for Zero-Shot Cross-Lingual Abusive Language Detection,"We study the selection of transfer languages for automatic abusive language
detection. Instead of preparing a dataset for every language, we demonstrate
the effectiveness of cross-lingual transfer learning for zero-shot abusive
language detection. This way we can use existing data from higher-resource
languages to build better detection systems for low-resource languages. Our
datasets are from seven different languages from three language families. We
measure the distance between the languages using several language similarity
measures, especially by quantifying the World Atlas of Language Structures. We
show that there is a correlation between linguistic similarity and classifier
performance. This discovery allows us to choose an optimal transfer language
for zero shot abusive language detection."
3025,Feature Space Particle Inference for Neural Network Ensembles,"Ensembles of deep neural networks demonstrate improved performance over
single models. For enhancing the diversity of ensemble members while keeping
their performance, particle-based inference methods offer a promising approach
from a Bayesian perspective. However, the best way to apply these methods to
neural networks is still unclear: seeking samples from the weight-space
posterior suffers from inefficiency due to the over-parameterization issues,
while seeking samples directly from the function-space posterior often results
in serious underfitting. In this study, we propose optimizing particles in the
feature space where the activation of a specific intermediate layer lies to
address the above-mentioned difficulties. Our method encourages each member to
capture distinct features, which is expected to improve ensemble prediction
robustness. Extensive evaluation on real-world datasets shows that our model
significantly outperforms the gold-standard Deep Ensembles on various metrics,
including accuracy, calibration, and robustness. Code is available at
https://github.com/DensoITLab/featurePI ."
3026,Improving Diffusion Models for Inverse Problems using Manifold Constraints,"Recently, diffusion models have been used to solve various inverse problems
in an unsupervised manner with appropriate modifications to the sampling
process. However, the current solvers, which recursively apply a reverse
diffusion step followed by a measurement consistency step, often produce
sub-optimal results. By studying the generative sampling path, here we show
that current solvers throw the sample path off the data manifold, and hence the
error accumulates. To address this, we propose an additional correction term
inspired by the manifold constraint, which can be used synergistically with the
previous solvers to make the iterations close to the manifold. The proposed
manifold constraint is straightforward to implement within a few lines of code,
yet boosts the performance by a surprisingly large margin. With extensive
experiments, we show that our method is superior to the previous methods both
theoretically and empirically, producing promising results in many applications
such as image inpainting, colorization, and sparse-view computed tomography."
3027,Compound Multi-branch Feature Fusion for Real Image Restoration,"Image restoration is a challenging and ill-posed problem which also has been
a long-standing issue. However, most of learning based restoration methods are
proposed to target one degradation type which means they are lack of
generalization. In this paper, we proposed a multi-branch restoration model
inspired from the Human Visual System (i.e., Retinal Ganglion Cells) which can
achieve multiple restoration tasks in a general framework. The experiments show
that the proposed multi-branch architecture, called CMFNet, has competitive
performance results on four datasets, including image dehazing, deraindrop, and
deblurring, which are very common applications for autonomous cars. The source
code and pretrained models of three restoration tasks are available at
https://github.com/FanChiMao/CMFNet."
3028,Gradient flow dynamics of shallow ReLU networks for square loss and orthogonal inputs,"The training of neural networks by gradient descent methods is a cornerstone
of the deep learning revolution. Yet, despite some recent progress, a complete
theory explaining its success is still missing. This article presents, for
orthogonal input vectors, a precise description of the gradient flow dynamics
of training one-hidden layer ReLU neural networks for the mean squared error at
small initialisation. In this setting, despite non-convexity, we show that the
gradient flow converges to zero loss and characterise its implicit bias towards
minimum variation norm. Furthermore, some interesting phenomena are
highlighted: a quantitative description of the initial alignment phenomenon and
a proof that the process follows a specific saddle to saddle dynamics."
3029,Generating Sparse Counterfactual Explanations For Multivariate Time Series,"Since neural networks play an increasingly important role in critical
sectors, explaining network predictions has become a key research topic.
Counterfactual explanations can help to understand why classifier models decide
for particular class assignments and, moreover, how the respective input
samples would have to be modified such that the class prediction changes.
Previous approaches mainly focus on image and tabular data. In this work we
propose SPARCE, a generative adversarial network (GAN) architecture that
generates SPARse Counterfactual Explanations for multivariate time series. Our
approach provides a custom sparsity layer and regularizes the counterfactual
loss function in terms of similarity, sparsity, and smoothness of trajectories.
We evaluate our approach on real-world human motion datasets as well as a
synthetic time series interpretability benchmark. Although we make
significantly sparser modifications than other approaches, we achieve
comparable or better performance on all metrics. Moreover, we demonstrate that
our approach predominantly modifies salient time steps and features, leaving
non-salient inputs untouched."
3030,DPM-Solver: A Fast ODE Solver for Diffusion Probabilistic Model Sampling in Around 10 Steps,"Diffusion probabilistic models (DPMs) are emerging powerful generative
models. Despite their high-quality generation performance, DPMs still suffer
from their slow sampling as they generally need hundreds or thousands of
sequential function evaluations (steps) of large neural networks to draw a
sample. Sampling from DPMs can be viewed alternatively as solving the
corresponding diffusion ordinary differential equations (ODEs). In this work,
we propose an exact formulation of the solution of diffusion ODEs. The
formulation analytically computes the linear part of the solution, rather than
leaving all terms to black-box ODE solvers as adopted in previous works. By
applying change-of-variable, the solution can be equivalently simplified to an
exponentially weighted integral of the neural network. Based on our
formulation, we propose DPM-Solver, a fast dedicated high-order solver for
diffusion ODEs with the convergence order guarantee. DPM-Solver is suitable for
both discrete-time and continuous-time DPMs without any further training.
Experimental results show that DPM-Solver can generate high-quality samples in
only 10 to 20 function evaluations on various datasets. We achieve 4.70 FID in
10 function evaluations and 2.87 FID in 20 function evaluations on the CIFAR10
dataset, and a $4\sim 16\times$ speedup compared with previous state-of-the-art
training-free samplers on various datasets."
3031,KPGT: Knowledge-Guided Pre-training of Graph Transformer for Molecular Property Prediction,"Designing accurate deep learning models for molecular property prediction
plays an increasingly essential role in drug and material discovery. Recently,
due to the scarcity of labeled molecules, self-supervised learning methods for
learning generalizable and transferable representations of molecular graphs
have attracted lots of attention. In this paper, we argue that there exist two
major issues hindering current self-supervised learning methods from obtaining
desired performance on molecular property prediction, that is, the ill-defined
pre-training tasks and the limited model capacity. To this end, we introduce
Knowledge-guided Pre-training of Graph Transformer (KPGT), a novel
self-supervised learning framework for molecular graph representation learning,
to alleviate the aforementioned issues and improve the performance on the
downstream molecular property prediction tasks. More specifically, we first
introduce a high-capacity model, named Line Graph Transformer (LiGhT), which
emphasizes the importance of chemical bonds and is mainly designed to model the
structural information of molecular graphs. Then, a knowledge-guided
pre-training strategy is proposed to exploit the additional knowledge of
molecules to guide the model to capture the abundant structural and semantic
information from large-scale unlabeled molecular graphs. Extensive
computational tests demonstrated that KPGT can offer superior performance over
current state-of-the-art methods on several molecular property prediction
tasks."
3032,Federated Learning with a Sampling Algorithm under Isoperimetry,"Federated learning uses a set of techniques to efficiently distribute the
training of a machine learning algorithm across several devices, who own the
training data. These techniques critically rely on reducing the communication
cost -- the main bottleneck -- between the devices and a central server.
Federated learning algorithms usually take an optimization approach: they are
algorithms for minimizing the training loss subject to communication (and
other) constraints. In this work, we instead take a Bayesian approach for the
training task, and propose a communication-efficient variant of the Langevin
algorithm to sample a posteriori. The latter approach is more robust and
provides more knowledge of the \textit{a posteriori} distribution than its
optimization counterpart. We analyze our algorithm without assuming that the
target distribution is strongly log-concave. Instead, we assume the weaker log
Sobolev inequality, which allows for nonconvexity."
3033,Mask-Guided Divergence Loss Improves the Generalization and Robustness of Deep Neural Network,"Deep neural network (DNN) with dropout can be regarded as an ensemble model
consisting of lots of sub-DNNs (i.e., an ensemble sub-DNN where the sub-DNN is
the remaining part of the DNN after dropout), and through increasing the
diversity of the ensemble sub-DNN, the generalization and robustness of the DNN
can be effectively improved. In this paper, a mask-guided divergence loss
function (MDL), which consists of a cross-entropy loss term and an orthogonal
term, is proposed to increase the diversity of the ensemble sub-DNN by the
added orthogonal term. Particularly, the mask technique is introduced to assist
in generating the orthogonal term for avoiding overfitting of the diversity
learning. The theoretical analysis and extensive experiments on 4 datasets
(i.e., MNIST, FashionMNIST, CIFAR10, and CIFAR100) manifest that MDL can
improve the generalization and robustness of standard training and adversarial
training. For CIFAR10 and CIFAR100, in standard training, the maximum
improvement of accuracy is $1.38\%$ on natural data, $30.97\%$ on FGSM (i.e.,
Fast Gradient Sign Method) attack, $38.18\%$ on PGD (i.e., Projected Gradient
Descent) attack. While in adversarial training, the maximum improvement is
$1.68\%$ on natural data, $4.03\%$ on FGSM attack and $2.65\%$ on PGD attack."
3034,A Local Optima Network Analysis of the Feedforward Neural Architecture Space,"This study investigates the use of local optima network (LON) analysis, a
derivative of the fitness landscape of candidate solutions, to characterise and
visualise the neural architecture space. The search space of feedforward neural
network architectures with up to three layers, each with up to 10 neurons, is
fully enumerated by evaluating trained model performance on a selection of data
sets. Extracted LONs, while heterogeneous across data sets, all exhibit simple
global structures, with single global funnels in all cases but one. These
results yield early indication that LONs may provide a viable paradigm by which
to analyse and optimise neural architectures."
3035,Conversation Group Detection With Spatio-Temporal Context,"In this work, we propose an approach for detecting conversation groups in
social scenarios like cocktail parties and networking events, from overhead
camera recordings. We posit the detection of conversation groups as a learning
problem that could benefit from leveraging the spatial context of the
surroundings, and the inherent temporal context in interpersonal dynamics which
is reflected in the temporal dynamics in human behavior signals, an aspect that
has not been addressed in recent prior works. This motivates our approach which
consists of a dynamic LSTM-based deep learning model that predicts continuous
pairwise affinity values indicating how likely two people are in the same
conversation group. These affinity values are also continuous in time, since
relationships and group membership do not occur instantaneously, even though
the ground truths of group membership are binary. Using the predicted affinity
values, we apply a graph clustering method based on Dominant Set extraction to
identify the conversation groups. We benchmark the proposed method against
established methods on multiple social interaction datasets. Our results showed
that the proposed method improves group detection performance in data that has
more temporal granularity in conversation group labels. Additionally, we
provide an analysis in the predicted affinity values in relation to the
conversation group detection. Finally, we demonstrate the usability of the
predicted affinity values in a forecasting framework to predict group
membership for a given forecast horizon."
3036,Adversarial RAW: Image-Scaling Attack Against Imaging Pipeline,"Deep learning technologies have become the backbone for the development of
computer vision. With further explorations, deep neural networks have been
found vulnerable to well-designed adversarial attacks. Most of the vision
devices are equipped with image signal processing (ISP) pipeline to implement
RAW-to-RGB transformations and embedded into data preprocessing module for
efficient image processing. Actually, ISP pipeline can introduce adversarial
behaviors to post-capture images while data preprocessing may destroy attack
patterns. However, none of the existing adversarial attacks takes into account
the impacts of both ISP pipeline and data preprocessing. In this paper, we
develop an image-scaling attack targeting on ISP pipeline, where the crafted
adversarial RAW can be transformed into attack image that presents entirely
different appearance once being scaled to a specific-size image. We first
consider the gradient-available ISP pipeline, i.e., the gradient information
can be directly used in the generation process of adversarial RAW to launch the
attack. To make the adversarial attack more applicable, we further consider the
gradient-unavailable ISP pipeline, in which a proxy model that well learns the
RAW-to-RGB transformations is proposed as the gradient oracles. Extensive
experiments show that the proposed adversarial attacks can craft adversarial
RAW data against the target ISP pipelines with high attack rates."
3037,Leveraging Systematic Knowledge of 2D Transformations,"The existing deep learning models suffer from out-of-distribution (o.o.d.)
performance drop in computer vision tasks. In comparison, humans have a
remarkable ability to interpret images, even if the scenes in the images are
rare, thanks to the systematicity of acquired knowledge. This work focuses on
1) the acquisition of systematic knowledge of 2D transformations, and 2)
architectural components that can leverage the learned knowledge in image
classification tasks in an o.o.d. setting. With a new training methodology
based on synthetic datasets that are constructed under the causal framework,
the deep neural networks acquire knowledge from semantically different domains
(e.g. even from noise), and exhibit certain level of systematicity in parameter
estimation experiments. Based on this, a novel architecture is devised
consisting of a classifier, an estimator and an identifier (abbreviated as
""CED""). By emulating the ""hypothesis-verification"" process in human visual
perception, CED improves the classification accuracy significantly on test sets
under covariate shift."
3038,Watch Out for the Safety-Threatening Actors: Proactively Mitigating Safety Hazards,"Despite the successful demonstration of autonomous vehicles (AVs), such as
self-driving cars, ensuring AV safety remains a challenging task. Although some
actors influence an AV's driving decisions more than others, current approaches
pay equal attention to each actor on the road. An actor's influence on the AV's
decision can be characterized in terms of its ability to decrease the number of
safe navigational choices for the AV. In this work, we propose a safety threat
indicator (STI) using counterfactual reasoning to estimate the importance of
each actor on the road with respect to its influence on the AV's safety. We use
this indicator to (i) characterize the existing real-world datasets to identify
rare hazardous scenarios as well as the poor performance of existing
controllers in such scenarios; and (ii) design an RL based safety mitigation
controller to proactively mitigate the safety hazards those actors pose to the
AV. Our approach reduces the accident rate for the state-of-the-art AV agent(s)
in rare hazardous scenarios by more than 70%."
3039,Coordinated Double Machine Learning,"Double machine learning is a statistical method for leveraging complex
black-box models to construct approximately unbiased treatment effect estimates
given observational data with high-dimensional covariates, under the assumption
of a partially linear model. The idea is to first fit on a subset of the
samples two non-linear predictive models, one for the continuous outcome of
interest and one for the observed treatment, and then to estimate a linear
coefficient for the treatment using the remaining samples through a simple
orthogonalized regression. While this methodology is flexible and can
accommodate arbitrary predictive models, typically trained independently of one
another, this paper argues that a carefully coordinated learning algorithm for
deep neural networks may reduce the estimation bias. The improved empirical
performance of the proposed method is demonstrated through numerical
experiments on both simulated and real data."
3040,Prediction of Maneuvering Status for Aerial Vehicles using Supervised Learning Methods,"Aerial Vehicles follow a guided approach based on Latitude, Longitude and
Altitude. This information can be used for calculating the status of
maneuvering for the aerial vehicles along the line of trajectory. This is a
binary classification problem and Machine Learning can be leveraged for solving
such problem. In this paper we present a methodology for deriving maneuvering
status and its prediction using Linear, Distance Metric, Discriminant Analysis
and Boosting Ensemble supervised learning methods. We provide various metrics
along the line in the results section that give condensed comparison of the
appropriate algorithm for prediction of the maneuvering status."
3041,Nearly Optimal Best-of-Both-Worlds Algorithms for Online Learning with Feedback Graphs,"This study considers online learning with general directed feedback graphs.
For this problem, we present best-of-both-worlds algorithms that achieve nearly
tight regret bounds for adversarial environments as well as poly-logarithmic
regret bounds for stochastic environments. As Alon et al. [2015] have shown,
tight regret bounds depend on the structure of the feedback graph:
\textit{strongly observable} graphs yield minimax regret of $\tilde{\Theta}(
\alpha^{1/2} T^{1/2} )$, while \textit{weakly observable} graphs induce minimax
regret of $\tilde{\Theta}( \delta^{1/3} T^{2/3} )$, where $\alpha$ and
$\delta$, respectively, represent the independence number of the graph and the
domination number of a certain portion of the graph. Our proposed algorithm for
strongly observable graphs has a regret bound of $\tilde{O}( \alpha^{1/2}
T^{1/2} ) $ for adversarial environments, as well as of $ {O} ( \frac{\alpha
(\ln T)^3 }{\Delta_{\min}} ) $ for stochastic environments, where
$\Delta_{\min}$ expresses the minimum suboptimality gap. This result resolves
an open question raised by Erez and Koren [2021]. We also provide an algorithm
for weakly observable graphs that achieves a regret bound of $\tilde{O}(
\delta^{1/3}T^{2/3} )$ for adversarial environments and poly-logarithmic regret
for stochastic environments. The proposed algorithms are based on the
follow-the-perturbed-leader approach combined with newly designed update rules
for learning rates."
3042,Resource Allocation for Compression-aided Federated Learning with High Distortion Rate,"Recently, a considerable amount of works have been made to tackle the
communication burden in federated learning (FL) (e.g., model quantization, data
sparsification, and model compression). However, the existing methods, that
boost the communication efficiency in FL, result in a considerable trade-off
between communication efficiency and global convergence rate. We formulate an
optimization problem for compression-aided FL, which captures the relationship
between the distortion rate, number of participating IoT devices, and
convergence rate. Following that, the objective function is to minimize the
total transmission time for FL convergence. Because the problem is non-convex,
we propose to decompose it into sub-problems. Based on the property of a FL
model, we first determine the number of IoT devices participating in the FL
process. Then, the communication between IoT devices and the server is
optimized by efficiently allocating wireless resources based on a coalition
game. Our theoretical analysis shows that, by actively controlling the number
of participating IoT devices, we can avoid the training divergence of
compression-aided FL while maintaining the communication efficiency."
3043,Dynamic Structure Estimation from Bandit Feedback,"This work present novel method for structure estimation of an underlying
dynamical system. We tackle problems of estimating dynamic structure from
bandit feedback contaminated by sub-Gaussian noise. In particular, we focus on
periodically behaved discrete dynamical system in the Euclidean space, and
carefully identify certain obtainable subset of full information of the
periodic structure. We then derive a sample complexity bound for periodic
structure estimation. Technically, asymptotic results for exponential sums are
adopted to effectively average out the noise effects while preventing the
information to be estimated from vanishing. For linear systems, the use of the
Weyl sum further allows us to extract eigenstructures. Our theoretical claims
are experimentally validated on simulations of toy examples, including Cellular
Automata."
3044,Self-Consistency of the Fokker-Planck Equation,"The Fokker-Planck equation (FPE) is the partial differential equation that
governs the density evolution of the It\^o process and is of great importance
to the literature of statistical physics and machine learning. The FPE can be
regarded as a continuity equation where the change of the density is completely
determined by a time varying velocity field. Importantly, this velocity field
also depends on the current density function. As a result, the ground-truth
velocity field can be shown to be the solution of a fixed-point equation, a
property that we call self-consistency. In this paper, we exploit this concept
to design a potential function of the hypothesis velocity fields, and prove
that, if such a function diminishes to zero during the training procedure, the
trajectory of the densities generated by the hypothesis velocity fields
converges to the solution of the FPE in the Wasserstein-2 sense. The proposed
potential function is amenable to neural-network based parameterization as the
stochastic gradient with respect to the parameter can be efficiently computed.
Once a parameterized model, such as Neural Ordinary Differential Equation is
trained, we can generate the entire trajectory to the FPE."
3045,RACA: Relation-Aware Credit Assignment for Ad-Hoc Cooperation in Multi-Agent Deep Reinforcement Learning,"In recent years, reinforcement learning has faced several challenges in the
multi-agent domain, such as the credit assignment issue. Value function
factorization emerges as a promising way to handle the credit assignment issue
under the centralized training with decentralized execution (CTDE) paradigm.
However, existing value function factorization methods cannot deal with ad-hoc
cooperation, that is, adapting to new configurations of teammates at test time.
Specifically, these methods do not explicitly utilize the relationship between
agents and cannot adapt to different sizes of inputs. To address these
limitations, we propose a novel method, called Relation-Aware Credit Assignment
(RACA), which achieves zero-shot generalization in ad-hoc cooperation
scenarios. RACA takes advantage of a graph-based relation encoder to encode the
topological structure between agents. Furthermore, RACA utilizes an
attention-based observation abstraction mechanism that can generalize to an
arbitrary number of teammates with a fixed number of parameters. Experiments
demonstrate that our method outperforms baseline methods on the StarCraftII
micromanagement benchmark and ad-hoc cooperation scenarios."
3046,Bayesian Inference of Stochastic Dynamical Networks,"Network inference has been extensively studied in several fields, such as
systems biology and social sciences. Learning network topology and internal
dynamics is essential to understand mechanisms of complex systems. In
particular, sparse topologies and stable dynamics are fundamental features of
many real-world continuous-time (CT) networks. Given that usually only a
partial set of nodes are able to observe, in this paper, we consider linear CT
systems to depict networks since they can model unmeasured nodes via transfer
functions. Additionally, measurements tend to be noisy and with low and varying
sampling frequencies. For this reason, we consider CT models since
discrete-time approximations often require fine-grained measurements and
uniform sampling steps. The developed method applies dynamical structure
functions (DSFs) derived from linear stochastic differential equations (SDEs)
to describe networks of measured nodes. A numerical sampling method,
preconditioned Crank-Nicolson (pCN), is used to refine coarse-grained
trajectories to improve inference accuracy. The convergence property of the
developed method is robust to the dimension of data sources. Monte Carlo
simulations indicate that the developed method outperforms state-of-the-art
methods including group sparse Bayesian learning (GSBL), BINGO, kernel-based
methods, dynGENIE3, GENIE3, and ARNI. The simulations include random and ring
networks, and a synthetic biological network. These are challenging networks,
suggesting that the developed method can be applied under a wide range of
contexts, such as gene regulatory networks, social networks, and communication
systems."
3047,Masked Bayesian Neural Networks : Computation and Optimality,"As data size and computing power increase, the architectures of deep neural
networks (DNNs) have been getting more complex and huge, and thus there is a
growing need to simplify such complex and huge DNNs. In this paper, we propose
a novel sparse Bayesian neural network (BNN) which searches a good DNN with an
appropriate complexity. We employ the masking variables at each node which can
turn off some nodes according to the posterior distribution to yield a nodewise
sparse DNN. We devise a prior distribution such that the posterior distribution
has theoretical optimalities (i.e. minimax optimality and adaptiveness), and
develop an efficient MCMC algorithm. By analyzing several benchmark datasets,
we illustrate that the proposed BNN performs well compared to other existing
methods in the sense that it discovers well condensed DNN architectures with
similar prediction accuracy and uncertainty quantification compared to large
DNNs."
3048,Dynamic MRI using Learned Transform-based Deep Tensor Low-Rank Network (DTLR-Net),"While low-rank matrix prior has been exploited in dynamic MR image
reconstruction and has obtained satisfying performance, low-rank tensors models
have recently emerged as powerful alternative representations for
three-dimensional dynamic MR datasets. In this paper, we introduce a
model-based deep learning network by learning the tensor low-rank prior of the
cardiac dynamic MR images. Instead of representing the dynamic dataset as a
low-rank tensor directly, we propose a learned transformation operator to
exploit the tensor low-rank property in a transform domain. In particular, by
generalizing the t-SVD tensor decomposition into a unitary transformed t-SVD,
we define a transformed tensor nuclear norm (TTNN) to enforce the tensor
low-rankness. The dynamic MRI reconstruction problem is thus formulated using a
TTNN regularized optimization problem. An iterative algorithm based on ADMM
used to minimize the cost is unrolled into a deep network, where the transform
is learned using convolutional neural networks (CNNs) to promote the
reconstruction quality in the feature domain. Experimental results on cardiac
cine MRI reconstruction demonstrate that the proposed framework is able to
provide improved recovery results compared with the state-of-the-art
algorithms."
3049,Faster Rates of Convergence to Stationary Points in Differentially Private Optimization,"We study the problem of approximating stationary points of Lipschitz and
smooth functions under $(\varepsilon,\delta)$-differential privacy (DP) in both
the finite-sum and stochastic settings. A point $\widehat{w}$ is called an
$\alpha$-stationary point of a function $F:\mathbb{R}^d\rightarrow\mathbb{R}$
if $\|\nabla F(\widehat{w})\|\leq \alpha$. We provide a new efficient algorithm
that finds an
$\tilde{O}\big(\big[\frac{\sqrt{d}}{n\varepsilon}\big]^{2/3}\big)$-stationary
point in the finite-sum setting, where $n$ is the number of samples. This
improves on the previous best rate of
$\tilde{O}\big(\big[\frac{\sqrt{d}}{n\varepsilon}\big]^{1/2}\big)$. We also
give a new construction that improves over the existing rates in the stochastic
optimization setting, where the goal is to find approximate stationary points
of the population risk. Our construction finds a
$\tilde{O}\big(\frac{1}{n^{1/3}} +
\big[\frac{\sqrt{d}}{n\varepsilon}\big]^{1/2}\big)$-stationary point of the
population risk in time linear in $n$. Furthermore, under the additional
assumption of convexity, we completely characterize the sample complexity of
finding stationary points of the population risk (up to polylog factors) and
show that the optimal rate on population stationarity is $\tilde
\Theta\big(\frac{1}{\sqrt{n}}+\frac{\sqrt{d}}{n\varepsilon}\big)$. Finally, we
show that our methods can be used to provide dimension-independent rates of
$O\big(\frac{1}{\sqrt{n}}+\min\big(\big[\frac{\sqrt{rank}}{n\varepsilon}\big]^{2/3},\frac{1}{(n\varepsilon)^{2/5}}\big)\big)$
on population stationarity for Generalized Linear Models (GLM), where $rank$ is
the rank of the design matrix, which improves upon the previous best known
rate."
3050,Hyperspherical Consistency Regularization,"Recent advances in contrastive learning have enlightened diverse applications
across various semi-supervised fields. Jointly training supervised learning and
unsupervised learning with a shared feature encoder becomes a common scheme.
Though it benefits from taking advantage of both feature-dependent information
from self-supervised learning and label-dependent information from supervised
learning, this scheme remains suffering from bias of the classifier. In this
work, we systematically explore the relationship between self-supervised
learning and supervised learning, and study how self-supervised learning helps
robust data-efficient deep learning. We propose hyperspherical consistency
regularization (HCR), a simple yet effective plug-and-play method, to
regularize the classifier using feature-dependent information and thus avoid
bias from labels. Specifically, HCR first projects logits from the classifier
and feature projections from the projection head on the respective hypersphere,
then it enforces data points on hyperspheres to have similar structures by
minimizing binary cross entropy of pairwise distances' similarity metrics.
Extensive experiments on semi-supervised and weakly-supervised learning
demonstrate the effectiveness of our method, by showing superior performance
with HCR."
3051,DepthShrinker: A New Compression Paradigm Towards Boosting Real-Hardware Efficiency of Compact Neural Networks,"Efficient deep neural network (DNN) models equipped with compact operators
(e.g., depthwise convolutions) have shown great potential in reducing DNNs'
theoretical complexity (e.g., the total number of weights/operations) while
maintaining a decent model accuracy. However, existing efficient DNNs are still
limited in fulfilling their promise in boosting real-hardware efficiency, due
to their commonly adopted compact operators' low hardware utilization. In this
work, we open up a new compression paradigm for developing real-hardware
efficient DNNs, leading to boosted hardware efficiency while maintaining model
accuracy. Interestingly, we observe that while some DNN layers' activation
functions help DNNs' training optimization and achievable accuracy, they can be
properly removed after training without compromising the model accuracy.
Inspired by this observation, we propose a framework dubbed DepthShrinker,
which develops hardware-friendly compact networks via shrinking the basic
building blocks of existing efficient DNNs that feature irregular computation
patterns into dense ones with much improved hardware utilization and thus
real-hardware efficiency. Excitingly, our DepthShrinker framework delivers
hardware-friendly compact networks that outperform both state-of-the-art
efficient DNNs and compression techniques, e.g., a 3.06% higher accuracy and
1.53$\times$ throughput on Tesla V100 over SOTA channel-wise pruning method
MetaPruning. Our codes are available at:
https://github.com/facebookresearch/DepthShrinker."
3052,Robustness Evaluation and Adversarial Training of an Instance Segmentation Model,"To evaluate the robustness of non-classifier models, we propose probabilistic
local equivalence, based on the notion of randomized smoothing, as a way to
quantitatively evaluate the robustness of an arbitrary function. In addition,
to understand the effect of adversarial training on non-classifiers and to
investigate the level of robustness that can be obtained without degrading
performance on the training distribution, we apply Fast is Better than Free
adversarial training together with the TRADES robust loss to the training of an
instance segmentation network. In this direction, we were able to achieve a
symmetric best dice score of 0.85 on the TuSimple lane detection challenge,
outperforming the standardly-trained network's score of 0.82. Additionally, we
were able to obtain an F-measure of 0.49 on manipulated inputs, in contrast to
the standardly-trained network's score of 0. We show that probabilisitic local
equivalence is able to successfully distinguish between standardly-trained and
adversarially-trained models, providing another view of the improved robustness
of the adversarially-trained models."
3053,Finite-Time Analysis of Entropy-Regularized Neural Natural Actor-Critic Algorithm,"Natural actor-critic (NAC) and its variants, equipped with the representation
power of neural networks, have demonstrated impressive empirical success in
solving Markov decision problems with large state spaces. In this paper, we
present a finite-time analysis of NAC with neural network approximation, and
identify the roles of neural networks, regularization and optimization
techniques (e.g., gradient clipping and averaging) to achieve provably good
performance in terms of sample complexity, iteration complexity and
overparametrization bounds for the actor and the critic. In particular, we
prove that (i) entropy regularization and averaging ensure stability by
providing sufficient exploration to avoid near-deterministic and strictly
suboptimal policies and (ii) regularization leads to sharp sample complexity
and network width bounds in the regularized MDPs, yielding a favorable
bias-variance tradeoff in policy optimization. In the process, we identify the
importance of uniform approximation power of the actor neural network to
achieve global optimality in policy optimization due to distributional shift."
3054,A Survey of Detection Methods for Die Attachment and Wire Bonding Defects in Integrated Circuit Manufacturing,"Defect detection plays a vital role in the manufacturing process of
integrated circuits (ICs). Die attachment and wire bonding are two steps of the
manufacturing process that determine the power and signal transmission quality
and dependability in an IC. This paper presents a survey or literature review
of the methods used for detecting these defects based on different sensing
modalities used including optical, radiological, acoustical, and infrared
thermography. A discussion of the detection methods used is provided in this
survey. Both conventional and deep learning approaches for detecting die
attachment and wire bonding defects are considered along with challenges and
future research directions."
3055,Fast Benchmarking of Accuracy vs. Training Time with Cyclic Learning Rates,"Benchmarking the tradeoff between neural network accuracy and training time
is computationally expensive. Here we show how a multiplicative cyclic learning
rate schedule can be used to construct a tradeoff curve in a single training
run. We generate cyclic tradeoff curves for combinations of training methods
such as Blurpool, Channels Last, Label Smoothing and MixUp, and highlight how
these cyclic tradeoff curves can be used to evaluate the effects of algorithmic
choices on network training efficiency."
3056,Dynamic Cardiac MRI Reconstruction Using Combined Tensor Nuclear Norm and Casorati Matrix Nuclear Norm Regularizations,"Low-rank tensor models have been applied in accelerating dynamic magnetic
resonance imaging (dMRI). Recently, a new tensor nuclear norm based on t-SVD
has been proposed and applied to tensor completion. Inspired by the different
properties of the tensor nuclear norm (TNN) and the Casorati matrix nuclear
norm (MNN), we introduce a combined TNN and Casorati MNN regularizations
framework to reconstruct dMRI, which we term as TMNN. The proposed method
simultaneously exploits the spatial structure and the temporal correlation of
the dynamic MR data. The optimization problem can be efficiently solved by the
alternating direction method of multipliers (ADMM). In order to further improve
the computational efficiency, we develop a fast algorithm under the Cartesian
sampling scenario. Numerical experiments based on cardiac cine MRI and
perfusion MRI data demonstrate the performance improvement over the traditional
Casorati nuclear norm regularization method."
3057,Progressive Purification for Instance-Dependent Partial Label Learning,"Partial label learning (PLL) aims to train multi-class classifiers from
instances with partial labels (PLs)-a PL for an instance is a set of candidate
labels where a fixed but unknown candidate is the true label. In the last few
years, the instance-independent generation process of PLs has been extensively
studied, on the basis of which many practical and theoretical advances have
been made in PLL, whereas relatively less attention has been paid to the
practical setting of instance-dependent PLs, namely, the PL depends not only on
the true label but the instance itself. In this paper, we propose a
theoretically grounded and practically effective approach called PrOgressive
Purification (POP) for instance-dependent PLL: in each epoch, POP updates the
learning model while purifying each PL for the next epoch of the model training
by progressively moving out false candidate labels. Theoretically, we prove
that POP enlarges the region appropriately fast where the model is reliable,
and eventually approximates the Bayes optimal classifier with mild assumptions;
technically, POP is flexible with arbitrary losses and compatible with deep
networks, so that the previous advanced PLL losses can be embedded in it and
the performance is often significantly improved."
3058,BayesFormer: Transformer with Uncertainty Estimation,"Transformer has become ubiquitous due to its dominant performance in various
NLP and image processing tasks. However, it lacks understanding of how to
generate mathematically grounded uncertainty estimates for transformer
architectures. Models equipped with such uncertainty estimates can typically
improve predictive performance, make networks robust, avoid over-fitting and
used as acquisition function in active learning. In this paper, we introduce
BayesFormer, a Transformer model with dropouts designed by Bayesian theory. We
proposed a new theoretical framework to extend the approximate variational
inference-based dropout to Transformer-based architectures. Through extensive
experiments, we validate the proposed architecture in four paradigms and show
improvements across the board: language modeling and classification,
long-sequence understanding, machine translation and acquisition function for
active learning."
3059,NIPQ: Noise Injection Pseudo Quantization for Automated DNN Optimization,"The optimization of neural networks in terms of computation cost and memory
footprint is crucial for their practical deployment on edge devices. In this
work, we propose a novel quantization-aware training (QAT) scheme called noise
injection pseudo quantization (NIPQ). NIPQ is implemented based on pseudo
quantization noise (PQN) and has several advantages. First, both activation and
weight can be quantized based on a unified framework. Second, the
hyper-parameters of quantization (e.g., layer-wise bit-width and quantization
interval) are automatically tuned. Third, after QAT, the network has robustness
against quantization, thereby making it easier to deploy in practice. To
validate the superiority of the proposed algorithm, we provide extensive
analysis and conduct diverse experiments for various vision applications. Our
comprehensive experiments validate the outstanding performance of the proposed
algorithm in several aspects."
3060,Offline Reinforcement Learning with Differential Privacy,"The offline reinforcement learning (RL) problem is often motivated by the
need to learn data-driven decision policies in financial, legal and healthcare
applications. However, the learned policy could retain sensitive information of
individuals in the training data (e.g., treatment and outcome of patients),
thus susceptible to various privacy risks. We design offline RL algorithms with
differential privacy guarantees which provably prevent such risks. These
algorithms also enjoy strong instance-dependent learning bounds under both
tabular and linear Markov decision process (MDP) settings. Our theory and
simulation suggest that the privacy guarantee comes at (almost) no drop in
utility comparing to the non-private counterpart for a medium-size dataset."
3061,Applied Federated Learning: Architectural Design for Robust and Efficient Learning in Privacy Aware Settings,"The classical machine learning paradigm requires the aggregation of user data
in a central location where machine learning practitioners can preprocess data,
calculate features, tune models and evaluate performance. The advantage of this
approach includes leveraging high performance hardware (such as GPUs) and the
ability of machine learning practitioners to do in depth data analysis to
improve model performance. However, these advantages may come at a cost to data
privacy. User data is collected, aggregated, and stored on centralized servers
for model development. Centralization of data poses risks, including a
heightened risk of internal and external security incidents as well as
accidental data misuse. Federated learning with differential privacy is
designed to avoid the server-side centralization pitfall by bringing the ML
learning step to users' devices. Learning is done in a federated manner where
each mobile device runs a training loop on a local copy of a model. Updates
from on-device models are sent to the server via encrypted communication and
through differential privacy to improve the global model. In this paradigm,
users' personal data remains on their devices. Surprisingly, model training in
this manner comes at a fairly minimal degradation in model performance.
However, federated learning comes with many other challenges due to its
distributed nature, heterogeneous compute environments and lack of data
visibility. This paper explores those challenges and outlines an architectural
design solution we are exploring and testing to productionize federated
learning at Meta scale."
3062,Learning code summarization from a small and local dataset,"Foundation models (e.g., CodeBERT, GraphCodeBERT, CodeT5) work well for many
software engineering tasks. These models are pre-trained (using
self-supervision) with billions of code tokens, and then fine-tuned with
hundreds of thousands of labeled examples, typically drawn from many projects.
However, software phenomena can be very project-specific. Vocabulary, and other
phenomena vary substantially with each project. Thus, training on
project-specific data, and testing on the same project, is a promising idea.
This hypothesis has to be evaluated carefully, e.g., in a time-series setting,
to prevent training-test leakage. We compare several models and training
approaches, including same-project training, cross-project training, training a
model especially designed to be sample efficient (and thus prima facie
well-suited for learning in a limited-sample same-project setting) and a
maximalist hybrid approach, fine-tuning first on many projects in many
languages and then training on the same-project. We find that the maximalist
hybrid setting provides consistent, substantial gains over the
state-of-the-art, on many different projects in both Java and Python."
3063,Indeterminacy in Latent Variable Models: Characterization and Strong Identifiability,"Most modern latent variable and probabilistic generative models, such as the
variational autoencoder (VAE), have certain indeterminacies that are
unresolvable even with an infinite amount of data. Recent applications of such
models have indicated the need for strongly identifiable models, in which an
observation corresponds to a unique latent code. Progress has been made towards
reducing model indeterminacies while maintaining flexibility, most notably by
the iVAE (arXiv:1907.04809 [stat.ML]), which excludes many -- but not all --
indeterminacies. We construct a full theoretical framework for analyzing the
indeterminacies of latent variable models, and characterize them precisely in
terms of properties of the generator functions and the latent variable prior
distributions. To illustrate, we apply the framework to better understand the
structure of recent identifiability results. We then investigate how we might
specify strongly identifiable latent variable models, and construct two such
classes of models. One is a straightforward modification of iVAE; the other
uses ideas from optimal transport and leads to novel models and connections to
recent work."
3064,Federated Learning under Distributed Concept Drift,"Federated Learning (FL) under distributed concept drift is a largely
unexplored area. Although concept drift is itself a well-studied phenomenon, it
poses particular challenges for FL, because drifts arise staggered in time and
space (across clients). Our work is the first to explicitly study data
heterogeneity in both dimensions. We first demonstrate that prior solutions to
drift adaptation, with their single global model, are ill-suited to staggered
drifts, necessitating multi-model solutions. We identify the problem of drift
adaptation as a time-varying clustering problem, and we propose two new
clustering algorithms for reacting to drifts based on local drift detection and
hierarchical clustering. Empirical evaluation shows that our solutions achieve
significantly higher accuracy than existing baselines, and are comparable to an
idealized algorithm with oracle knowledge of the ground-truth clustering of
clients to concepts at each time step."
3065,Stabilizing Q-learning with Linear Architectures for Provably Efficient Learning,"The $Q$-learning algorithm is a simple and widely-used stochastic
approximation scheme for reinforcement learning, but the basic protocol can
exhibit instability in conjunction with function approximation. Such
instability can be observed even with linear function approximation. In
practice, tools such as target networks and experience replay appear to be
essential, but the individual contribution of each of these mechanisms is not
well understood theoretically. This work proposes an exploration variant of the
basic $Q$-learning protocol with linear function approximation. Our modular
analysis illustrates the role played by each algorithmic tool that we adopt: a
second order update rule, a set of target networks, and a mechanism akin to
experience replay. Together, they enable state of the art regret bounds on
linear MDPs while preserving the most prominent feature of the algorithm,
namely a space complexity independent of the number of step elapsed. We show
that the performance of the algorithm degrades very gracefully under a novel
and more permissive notion of approximation error. The algorithm also exhibits
a form of instance-dependence, in that its performance depends on the
""effective"" feature dimension."
3066,Sequential Bayesian Neural Subnetwork Ensembles,"Deep neural network ensembles that appeal to model diversity have been used
successfully to improve predictive performance and model robustness in several
applications. Whereas, it has recently been shown that sparse subnetworks of
dense models can match the performance of their dense counterparts and increase
their robustness while effectively decreasing the model complexity. However,
most ensembling techniques require multiple parallel and costly evaluations and
have been proposed primarily with deterministic models, whereas sparsity
induction has been mostly done through ad-hoc pruning. We propose sequential
ensembling of dynamic Bayesian neural subnetworks that systematically reduce
model complexity through sparsity-inducing priors and generate diverse
ensembles in a single forward pass of the model. The ensembling strategy
consists of an exploration phase that finds high-performing regions of the
parameter space and multiple exploitation phases that effectively exploit the
compactness of the sparse model to quickly converge to different minima in the
energy landscape corresponding to high-performing subnetworks yielding diverse
ensembles. We empirically demonstrate that our proposed approach surpasses the
baselines of the dense frequentist and Bayesian ensemble models in prediction
accuracy, uncertainty estimation, and out-of-distribution (OoD) robustness on
CIFAR10, CIFAR100 datasets, and their out-of-distribution variants: CIFAR10-C,
CIFAR100-C induced by corruptions. Furthermore, we found that our approach
produced the most diverse ensembles compared to the approaches with a single
forward pass and even compared to the approaches with multiple forward passes
in some cases."
3067,On the Generalization of Neural Combinatorial Optimization Heuristics,"Neural Combinatorial Optimization approaches have recently leveraged the
expressiveness and flexibility of deep neural networks to learn efficient
heuristics for hard Combinatorial Optimization (CO) problems. However, most of
the current methods lack generalization: for a given CO problem, heuristics
which are trained on instances with certain characteristics underperform when
tested on instances with different characteristics. While some previous works
have focused on varying the training instances properties, we postulate that a
one-size-fit-all model is out of reach. Instead, we formalize solving a CO
problem over a given instance distribution as a separate learning task and
investigate meta-learning techniques to learn a model on a variety of tasks, in
order to optimize its capacity to adapt to new tasks. Through extensive
experiments, on two CO problems, using both synthetic and realistic instances,
we show that our proposed meta-learning approach significantly improves the
generalization of two state-of-the-art models."
3068,Neural Decoding with Optimization of Node Activations,"The problem of maximum likelihood decoding with a neural decoder for
error-correcting code is considered. It is shown that the neural decoder can be
improved with two novel loss terms on the node's activations. The first loss
term imposes a sparse constraint on the node's activations. Whereas, the second
loss term tried to mimic the node's activations from a teacher decoder which
has better performance. The proposed method has the same run time complexity
and model size as the neural Belief Propagation decoder, while improving the
decoding performance by up to $1.1dB$ on BCH codes."
3069,Core-periphery Models for Hypergraphs,"We introduce a random hypergraph model for core-periphery structure. By
leveraging our model's sufficient statistics, we develop a novel statistical
inference algorithm that is able to scale to large hypergraphs with runtime
that is practically linear wrt. the number of nodes in the graph after a
preprocessing step that is almost linear in the number of hyperedges, as well
as a scalable sampling algorithm. Our inference algorithm is capable of
learning embeddings that correspond to the reputation (rank) of a node within
the hypergraph. We also give theoretical bounds on the size of the core of
hypergraphs generated by our model. We experiment with hypergraph data that
range to $\sim 10^5$ hyperedges mined from the Microsoft Academic Graph, Stack
Exchange, and GitHub and show that our model outperforms baselines wrt.
producing good fits."
3070,Binding Dancers Into Attractors,"To effectively perceive and process observations in our environment, feature
binding and perspective taking are crucial cognitive abilities. Feature binding
combines observed features into one entity, called a Gestalt. Perspective
taking transfers the percept into a canonical, observer-centered frame of
reference. Here we propose a recurrent neural network model that solves both
challenges. We first train an LSTM to predict 3D motion dynamics from a
canonical perspective. We then present similar motion dynamics with novel
viewpoints and feature arrangements. Retrospective inference enables the
deduction of the canonical perspective. Combined with a robust mutual-exclusive
softmax selection scheme, random feature arrangements are reordered and
precisely bound into known Gestalt percepts. To corroborate evidence for the
architecture's cognitive validity, we examine its behavior on the silhouette
illusion, which elicits two competitive Gestalt interpretations of a rotating
dancer. Our system flexibly binds the information of the rotating figure into
the alternative attractors resolving the illusion's ambiguity and imagining the
respective depth interpretation and the corresponding direction of rotation. We
finally discuss the potential universality of the proposed mechanisms."
3071,Adaptive Local Neighborhood-based Neural Networks for MR Image Reconstruction from Undersampled Data,"Recent medical image reconstruction techniques focus on generating
high-quality medical images suitable for clinical use at the lowest possible
cost and with the fewest possible adverse effects on patients. Recent works
have shown significant promise for reconstructing MR images from sparsely
sampled k-space data using deep learning. In this work, we propose a technique
that rapidly estimates deep neural networks directly at reconstruction time by
fitting them on small adaptively estimated neighborhoods of a training set. In
brief, our algorithm alternates between searching for neighbors in a data set
that are similar to the test reconstruction, and training a local network on
these neighbors followed by updating the test reconstruction. Because our
reconstruction model is learned on a dataset that is structurally similar to
the image being reconstructed rather than being fit on a large, diverse
training set, it is more adaptive to new scans. It can also handle changes in
training sets and flexible scan settings, while being relatively fast. Our
approach, dubbed LONDN-MRI, was validated on the FastMRI multi-coil knee data
set using deep unrolled reconstruction networks. Reconstructions were performed
at four fold and eight fold undersampling of k-space with 1D variable-density
random phase-encode undersampling masks. Our results demonstrate that our
proposed locally-trained method produces higher-quality reconstructions
compared to models trained globally on larger datasets."
3072,Assessing the trade-off between prediction accuracy and interpretability for topic modeling on energetic materials corpora,"As the amount and variety of energetics research increases, machine aware
topic identification is necessary to streamline future research pipelines. The
makeup of an automatic topic identification process consists of creating
document representations and performing classification. However, the
implementation of these processes on energetics research imposes new
challenges. Energetics datasets contain many scientific terms that are
necessary to understand the context of a document but may require more complex
document representations. Secondly, the predictions from classification must be
understandable and trusted by the chemists within the pipeline. In this work,
we study the trade-off between prediction accuracy and interpretability by
implementing three document embedding methods that vary in computational
complexity. With our accuracy results, we also introduce local interpretability
model-agnostic explanations (LIME) of each prediction to provide a localized
understanding of each prediction and to validate classifier decisions with our
team of energetics experts. This study was carried out on a novel labeled
energetics dataset created and validated by our team of energetics experts."
3073,A Multi-Policy Framework for Deep Learning-Based Fake News Detection,"Connectivity plays an ever-increasing role in modern society, with people all
around the world having easy access to rapidly disseminated information.
However, a more interconnected society enables the spread of intentionally
false information. To mitigate the negative impacts of fake news, it is
essential to improve detection methodologies. This work introduces Multi-Policy
Statement Checker (MPSC), a framework that automates fake news detection by
using deep learning techniques to analyze a statement itself and its related
news articles, predicting whether it is seemingly credible or suspicious. The
proposed framework was evaluated using four merged datasets containing real and
fake news. Long-Short Term Memory (LSTM), Gated Recurrent Unit (GRU) and
Bidirectional Encoder Representations from Transformers (BERT) models were
trained to utilize both lexical and syntactic features, and their performance
was evaluated. The obtained results demonstrate that a multi-policy analysis
reliably identifies suspicious statements, which can be advantageous for fake
news detection."
3074,On the reversibility of adversarial attacks,"Adversarial attacks modify images with perturbations that change the
prediction of classifiers. These modified images, known as adversarial
examples, expose the vulnerabilities of deep neural network classifiers. In
this paper, we investigate the predictability of the mapping between the
classes predicted for original images and for their corresponding adversarial
examples. This predictability relates to the possibility of retrieving the
original predictions and hence reversing the induced misclassification. We
refer to this property as the reversibility of an adversarial attack, and
quantify reversibility as the accuracy in retrieving the original class or the
true class of an adversarial example. We present an approach that reverses the
effect of an adversarial attack on a classifier using a prior set of
classification results. We analyse the reversibility of state-of-the-art
adversarial attacks on benchmark classifiers and discuss the factors that
affect the reversibility."
3075,Defense Against Gradient Leakage Attacks via Learning to Obscure Data,"Federated learning is considered as an effective privacy-preserving learning
mechanism that separates the client's data and model training process. However,
federated learning is still under the risk of privacy leakage because of the
existence of attackers who deliberately conduct gradient leakage attacks to
reconstruct the client data. Recently, popular strategies such as gradient
perturbation methods and input encryption methods have been proposed to defend
against gradient leakage attacks. Nevertheless, these defenses can either
greatly sacrifice the model performance, or be evaded by more advanced attacks.
In this paper, we propose a new defense method to protect the privacy of
clients' data by learning to obscure data. Our defense method can generate
synthetic samples that are totally distinct from the original samples, but they
can also maximally preserve their predictive features and guarantee the model
performance. Furthermore, our defense strategy makes the gradient leakage
attack and its variants extremely difficult to reconstruct the client data.
Through extensive experiments, we show that our proposed defense method obtains
better privacy protection while preserving high accuracy compared with
state-of-the-art methods."
3076,On Reinforcement Learning and Distribution Matching for Fine-Tuning Language Models with no Catastrophic Forgetting,"The availability of large pre-trained models is changing the landscape of
Machine Learning research and practice, moving from a training-from-scratch to
a fine-tuning paradigm. While in some applications the goal is to ""nudge"" the
pre-trained distribution towards preferred outputs, in others it is to steer it
towards a different distribution over the sample space. Two main paradigms have
emerged to tackle this challenge: Reward Maximization (RM) and, more recently,
Distribution Matching (DM). RM applies standard Reinforcement Learning (RL)
techniques, such as Policy Gradients, to gradually increase the reward signal.
DM prescribes to first make explicit the target distribution that the model is
fine-tuned to approximate. Here we explore the theoretical connections between
the two paradigms, and show that methods such as KL-control developed for RM
can also be construed as belonging to DM. We further observe that while DM
differs from RM, it can suffer from similar training difficulties, such as high
gradient variance. We leverage connections between the two paradigms to import
the concept of baseline into DM methods. We empirically validate the benefits
of adding a baseline on an array of controllable language generation tasks such
as constraining topic, sentiment, and gender distributions in texts sampled
from a language model. We observe superior performance in terms of constraint
satisfaction, stability and sample efficiency."
3077,Merlin-Arthur Classifiers: Formal Interpretability with Interactive Black Boxes,"We present a new theoretical framework for making black box classifiers such
as Neural Networks interpretable, basing our work on clear assumptions and
guarantees. In our setting, which is inspired by the Merlin-Arthur protocol
from Interactive Proof Systems, two functions cooperate to achieve a
classification together: the \emph{prover} selects a small set of features as a
certificate and presents it to the \emph{classifier}. Including a second,
adversarial prover allows us to connect a game-theoretic equilibrium to
information-theoretic guarantees on the exchanged features. We define notions
of completeness and soundness that enable us to lower bound the mutual
information between features and class. To demonstrate good agreement between
theory and practice, we support our framework by providing numerical
experiments for Neural Network classifiers, explicitly calculating the mutual
information of features with respect to the class."
3078,SolarGAN: Synthetic Annual Solar Irradiance Time Series on Urban Building Facades via Deep Generative Networks,"Building Integrated Photovoltaics (BIPV) is a promising technology to
decarbonize urban energy systems via harnessing solar energy available on
building envelopes. While methods to assess solar irradiation, especially on
rooftops, are well established, the assessment on building facades usually
involves a higher effort due to more complex urban features and obstructions.
The drawback of existing physics-based simulation programs is that they require
significant manual modelling effort and computing time for generating time
resolved deterministic results. Yet, solar irradiation is highly intermittent
and representing its inherent uncertainty may be required for designing robust
BIPV energy systems. Targeting on these drawbacks, this paper proposes a
data-driven model based on Deep Generative Networks (DGN) to efficiently
generate high-fidelity stochastic ensembles of annual hourly solar irradiance
time series on building facades with uncompromised spatiotemporal resolution at
the urban scale. The only input required is easily obtainable, simple fisheye
images as categorical shading masks captured from 3D models. In principle, even
actual photographs of urban contexts can be utilized, given they are
semantically segmented. Our validations exemplify the high fidelity of the
generated time series when compared to the physics-based simulator. To
demonstrate the model's relevance for urban energy planning, we showcase its
potential for generative design by parametrically altering characteristic
features of the urban environment and producing corresponding time series on
building facades under different climatic contexts in real-time."
3079,Positive Unlabeled Contrastive Learning,"Self-supervised pretraining on unlabeled data followed by supervised
finetuning on labeled data is a popular paradigm for learning from limited
labeled examples. In this paper, we investigate and extend this paradigm to the
classical positive unlabeled (PU) setting - the weakly supervised task of
learning a binary classifier only using a few labeled positive examples and a
set of unlabeled samples. We propose a novel PU learning objective positive
unlabeled Noise Contrastive Estimation (puNCE) that leverages the available
explicit (from labeled samples) and implicit (from unlabeled samples)
supervision to learn useful representations from positive unlabeled input data.
The underlying idea is to assign each training sample an individual weight;
labeled positives are given unit weight; unlabeled samples are duplicated, one
copy is labeled positive and the other as negative with weights $\pi$ and
$(1-\pi)$ where $\pi$ denotes the class prior. Extensive experiments across
vision and natural language tasks reveal that puNCE consistently improves over
existing unsupervised and supervised contrastive baselines under limited
supervision."
3080,Residual Multiplicative Filter Networks for Multiscale Reconstruction,"Coordinate networks like Multiplicative Filter Networks (MFNs) and BACON
offer some control over the frequency spectrum used to represent continuous
signals such as images or 3D volumes. Yet, they are not readily applicable to
problems for which coarse-to-fine estimation is required, including various
inverse problems in which coarse-to-fine optimization plays a key role in
avoiding poor local minima. We introduce a new coordinate network architecture
and training scheme that enables coarse-to-fine optimization with fine-grained
control over the frequency support of learned reconstructions. This is achieved
with two key innovations. First, we incorporate skip connections so that
structure at one scale is preserved when fitting finer-scale structure. Second,
we propose a novel initialization scheme to provide control over the model
frequency spectrum at each stage of optimization. We demonstrate how these
modifications enable multiscale optimization for coarse-to-fine fitting to
natural images. We then evaluate our model on synthetically generated datasets
for the the problem of single-particle cryo-EM reconstruction. We learn high
resolution multiscale structures, on par with the state-of-the art."
3081,A Log-Linear Time Sequential Optimal Calibration Algorithm for Quantized Isotonic L2 Regression,"We study the sequential calibration of estimations in a quantized isotonic L2
regression setting. We start by showing that the optimal calibrated quantized
estimations can be acquired from the traditional isotonic L2 regression
solution. We modify the traditional PAVA algorithm to create calibrators for
both batch and sequential optimization of the quantized isotonic regression
problem. Our algorithm can update the optimal quantized monotone mapping for
the samples observed so far in linear space and logarithmic time per new
unordered sample."
3082,Nest Your Adaptive Algorithm for Parameter-Agnostic Nonconvex Minimax Optimization,"Adaptive algorithms like AdaGrad and AMSGrad are successful in nonconvex
optimization owing to their parameter-agnostic ability -- requiring no a priori
knowledge about problem-specific parameters nor tuning of learning rates.
However, when it comes to nonconvex minimax optimization, direct extensions of
such adaptive optimizers without proper time-scale separation may fail to work
in practice. We provide such an example proving that the simple combination of
Gradient Descent Ascent (GDA) with adaptive stepsizes can diverge if the
primal-dual stepsize ratio is not carefully chosen; hence, a fortiori, such
adaptive extensions are not parameter-agnostic. To address the issue, we
formally introduce a Nested Adaptive framework, NeAda for short, that carries
an inner loop for adaptively maximizing the dual variable with controllable
stopping criteria and an outer loop for adaptively minimizing the primal
variable. Such mechanism can be equipped with off-the-shelf adaptive optimizers
and automatically balance the progress in the primal and dual variables.
Theoretically, for nonconvex-strongly-concave minimax problems, we show that
NeAda can achieve the near-optimal $\tilde{O}(\epsilon^{-2})$ and
$\tilde{O}(\epsilon^{-4})$ gradient complexities respectively in the
deterministic and stochastic settings, without prior information on the
problem's smoothness and strong concavity parameters. To the best of our
knowledge, this is the first algorithm that simultaneously achieves
near-optimal convergence rates and parameter-agnostic adaptation in the
nonconvex minimax setting. Numerically, we further illustrate the robustness of
the NeAda family with experiments on simple test functions and a real-world
application."
3083,Composition of Relational Features with an Application to Explaining Black-Box Predictors,"Relational machine learning programs like those developed in Inductive Logic
Programming (ILP) offer several advantages: (1) The ability to model complex
relationships amongst data instances; (2) The use of domain-specific relations
during model construction; and (3) The models constructed are human-readable,
which is often one step closer to being human-understandable. However, these
ILP-like methods have not been able to capitalise fully on the rapid hardware,
software and algorithmic developments fuelling current developments in deep
neural networks. In this paper, we treat relational features as functions and
use the notion of generalised composition of functions to derive complex
functions from simpler ones. We formulate the notion of a set of
$\text{M}$-simple features in a mode language $\text{M}$ and identify two
composition operators ($\rho_1$ and $\rho_2$) from which all possible complex
features can be derived. We use these results to implement a form of
""explainable neural network"" called Compositional Relational Machines, or CRMs,
which are labelled directed-acyclic graphs. The vertex-label for any vertex $j$
in the CRM contains a feature-function $f_j$ and a continuous activation
function $g_j$. If $j$ is a ""non-input"" vertex, then $f_j$ is the composition
of features associated with vertices in the direct predecessors of $j$. Our
focus is on CRMs in which input vertices (those without any direct
predecessors) all have $\text{M}$-simple features in their vertex-labels. We
provide a randomised procedure for constructing and learning such CRMs. Using a
notion of explanations based on the compositional structure of features in a
CRM, we provide empirical evidence on synthetic data of the ability to identify
appropriate explanations; and demonstrate the use of CRMs as 'explanation
machines' for black-box models that do not provide explanations for their
predictions."
3084,Walk for Learning: A Random Walk Approach for Federated Learning from Heterogeneous Data,"We consider the problem of a Parameter Server (PS) that wishes to learn a
model that fits data distributed on the nodes of a graph. We focus on Federated
Learning (FL) as a canonical application. One of the main challenges of FL is
the communication bottleneck between the nodes and the parameter server. A
popular solution in the literature is to allow each node to do several local
updates on the model in each iteration before sending it back to the PS. While
this mitigates the communication bottleneck, the statistical heterogeneity of
the data owned by the different nodes has proven to delay convergence and bias
the model. In this work, we study random walk (RW) learning algorithms for
tackling the communication and data heterogeneity problems. The main idea is to
leverage available direct connections among the nodes themselves, which are
typically ""cheaper"" than the communication to the PS. In a random walk, the
model is thought of as a ""baton"" that is passed from a node to one of its
neighbors after being updated in each iteration. The challenge in designing the
RW is the data heterogeneity and the uncertainty about the data distributions.
Ideally, we would want to visit more often nodes that hold more informative
data. We cast this problem as a sleeping multi-armed bandit (MAB) to design a
near-optimal node sampling strategy that achieves variance-reduced gradient
estimates and approaches sub-linearly the optimal sampling strategy. Based on
this framework, we present an adaptive random walk learning algorithm. We
provide theoretical guarantees on its convergence. Our numerical results
validate our theoretical findings and show that our algorithm outperforms
existing random walk algorithms."
3085,Cascaded Video Generation for Videos In-the-Wild,"Videos can be created by first outlining a global view of the scene and then
adding local details. Inspired by this idea we propose a cascaded model for
video generation which follows a coarse to fine approach. First our model
generates a low resolution video, establishing the global scene structure,
which is then refined by subsequent cascade levels operating at larger
resolutions. We train each cascade level sequentially on partial views of the
videos, which reduces the computational complexity of our model and makes it
scalable to high-resolution videos with many frames. We empirically validate
our approach on UCF101 and Kinetics-600, for which our model is competitive
with the state-of-the-art. We further demonstrate the scaling capabilities of
our model and train a three-level model on the BDD100K dataset which generates
256x256 pixels videos with 48 frames."
3086,The Phenomenon of Policy Churn,"We identify and study the phenomenon of policy churn, that is, the rapid
change of the greedy policy in value-based reinforcement learning. Policy churn
operates at a surprisingly rapid pace, changing the greedy action in a large
fraction of states within a handful of learning updates (in a typical deep RL
set-up such as DQN on Atari). We characterise the phenomenon empirically,
verifying that it is not limited to specific algorithm or environment
properties. A number of ablations help whittle down the plausible explanations
on why churn occurs to just a handful, all related to deep learning. Finally,
we hypothesise that policy churn is a beneficial but overlooked form of
implicit exploration that casts $\epsilon$-greedy exploration in a fresh light,
namely that $\epsilon$-noise plays a much smaller role than expected."
3087,(Machine) Learning What Policies Value,"When a policy prioritizes one person over another, is it because they benefit
more, or because they are preferred? This paper develops a method to uncover
the values consistent with observed allocation decisions. We use machine
learning methods to estimate how much each individual benefits from an
intervention, and then reconcile its allocation with (i) the welfare weights
assigned to different people; (ii) heterogeneous treatment effects of the
intervention; and (iii) weights on different outcomes. We demonstrate this
approach by analyzing Mexico's PROGRESA anti-poverty program. The analysis
reveals that while the program prioritized certain subgroups -- such as
indigenous households -- the fact that those groups benefited more implies that
they were in fact assigned a lower welfare weight. The PROGRESA case
illustrates how the method makes it possible to audit existing policies, and to
design future policies that better align with values."
3088,Dataset Distillation using Neural Feature Regression,"Dataset distillation aims to learn a small synthetic dataset that preserves
most of the information from the original dataset. Dataset distillation can be
formulated as a bi-level meta-learning problem where the outer loop optimizes
the meta-dataset and the inner loop trains a model on the distilled data.
Meta-gradient computation is one of the key challenges in this formulation, as
differentiating through the inner loop learning procedure introduces
significant computation and memory costs. In this paper, we address these
challenges using neural Feature Regression with Pooling (FRePo), achieving the
state-of-the-art performance with an order of magnitude less memory requirement
and two orders of magnitude faster training than previous methods. The proposed
algorithm is analogous to truncated backpropagation through time with a pool of
models to alleviate various types of overfitting in dataset distillation. FRePo
significantly outperforms the previous methods on CIFAR100, Tiny ImageNet, and
ImageNet-1K. Furthermore, we show that high-quality distilled data can greatly
improve various downstream applications, such as continual learning and
membership inference defense."
3089,Learning to Solve PDE-constrained Inverse Problems with Graph Networks,"Learned graph neural networks (GNNs) have recently been established as fast
and accurate alternatives for principled solvers in simulating the dynamics of
physical systems. In many application domains across science and engineering,
however, we are not only interested in a forward simulation but also in solving
inverse problems with constraints defined by a partial differential equation
(PDE). Here we explore GNNs to solve such PDE-constrained inverse problems.
Given a sparse set of measurements, we are interested in recovering the initial
condition or parameters of the PDE. We demonstrate that GNNs combined with
autodecoder-style priors are well-suited for these tasks, achieving more
accurate estimates of initial conditions or physical parameters than other
learned approaches when applied to the wave equation or Navier-Stokes
equations. We also demonstrate computational speedups of up to 90x using GNNs
compared to principled solvers. Project page:
https://cyanzhao42.github.io/LearnInverseProblem"
3090,Collaborative Learning of Distributions under Heterogeneity and Communication Constraints,"In modern machine learning, users often have to collaborate to learn the
distribution of the data. Communication can be a significant bottleneck. Prior
work has studied homogeneous users -- i.e., whose data follow the same discrete
distribution -- and has provided optimal communication-efficient methods for
estimating that distribution. However, these methods rely heavily on
homogeneity, and are less applicable in the common case when users' discrete
distributions are heterogeneous. Here we consider a natural and tractable model
of heterogeneity, where users' discrete distributions only vary sparsely, on a
small number of entries. We propose a novel two-stage method named SHIFT:
First, the users collaborate by communicating with the server to learn a
central distribution; relying on methods from robust statistics. Then, the
learned central distribution is fine-tuned to estimate their respective
individual distribution. We show that SHIFT is minimax optimal in our model of
heterogeneity and under communication constraints. Further, we provide
experimental results using both synthetic data and $n$-gram frequency
estimation in the text domain, which corroborate its efficiency."
3091,Split-kl and PAC-Bayes-split-kl Inequalities,"We present a new concentration of measure inequality for sums of independent
bounded random variables, which we name a split-kl inequality. The inequality
combines the combinatorial power of the kl inequality with ability to exploit
low variance. While for Bernoulli random variables the kl inequality is tighter
than the Empirical Bernstein, for random variables taking values inside a
bounded interval and having low variance the Empirical Bernstein inequality is
tighter than the kl. The proposed split-kl inequality yields the best of both
worlds. We discuss an application of the split-kl inequality to bounding excess
losses. We also derive a PAC-Bayes-split-kl inequality and use a synthetic
example and several UCI datasets to compare it with the PAC-Bayes-kl, PAC-Bayes
Empirical Bernstein, PAC-Bayes Unexpected Bernstein, and PAC-Bayes Empirical
Bennett inequalities."
3092,Fast and Precise: Adjusting Planning Horizon with Adaptive Subgoal Search,"Complex reasoning problems contain states that vary in the computational cost
required to determine a good action plan. Taking advantage of this property, we
propose Adaptive Subgoal Search (AdaSubS), a search method that adaptively
adjusts the planning horizon. To this end, AdaSubS generates diverse sets of
subgoals at different distances. A verification mechanism is employed to filter
out unreachable subgoals swiftly and thus allowing to focus on feasible further
subgoals. In this way, AdaSubS benefits from the efficiency of planning with
longer subgoals and the fine control with the shorter ones. We show that
AdaSubS significantly surpasses hierarchical planning algorithms on three
complex reasoning tasks: Sokoban, the Rubik's Cube, and inequality proving
benchmark INT, setting new state-of-the-art on INT."
3093,Snow Mountain: Dataset of Audio Recordings of The Bible in Low Resource Languages,"Automatic Speech Recognition (ASR) has increasing utility in the modern
world. There are a many ASR models available for languages with large amounts
of training data like English. However, low-resource languages are poorly
represented. In response we create and release an open-licensed and formatted
dataset of audio recordings of the Bible in low-resource northern Indian
languages. We setup multiple experimental splits and train and analyze two
competitive ASR models to serve as the baseline for future research using this
data."
3094,RoCourseNet: Distributionally Robust Training of a Prediction Aware Recourse Model,"Counterfactual (CF) explanations for machine learning (ML) models are
preferred by end-users, as they explain the predictions of ML models by
providing a recourse case to individuals who are adversely impacted by
predicted outcomes. Existing CF explanation methods generate recourses under
the assumption that the underlying target ML model remains stationary over
time. However, due to commonly occurring distributional shifts in training
data, ML models constantly get updated in practice, which might render
previously generated recourses invalid and diminish end-users trust in our
algorithmic framework. To address this problem, we propose RoCourseNet, a
training framework that jointly optimizes for predictions and robust recourses
to future data shifts. We have three main contributions: (i) We propose a novel
virtual data shift (VDS) algorithm to find worst-case shifted ML models by
explicitly considering the worst-case data shift in the training dataset. (ii)
We leverage adversarial training to solve a novel tri-level optimization
problem inside RoCourseNet, which simultaneously generates predictions and
corresponding robust recourses. (iii) Finally, we evaluate RoCourseNet's
performance on three real-world datasets and show that RoCourseNet outperforms
state-of-the-art baselines by 10% in generating robust CF explanations."
3095,Know Your Boundaries: The Necessity of Explicit Behavioral Cloning in Offline RL,"We introduce an offline reinforcement learning (RL) algorithm that explicitly
clones a behavior policy to constrain value learning. In offline RL, it is
often important to prevent a policy from selecting unobserved actions, since
the consequence of these actions cannot be presumed without additional
information about the environment. One straightforward way to implement such a
constraint is to explicitly model a given data distribution via behavior
cloning and directly force a policy not to select uncertain actions. However,
many offline RL methods instantiate the constraint indirectly -- for example,
pessimistic value estimation -- due to a concern about errors when modeling a
potentially complex behavior policy. In this work, we argue that it is not only
viable but beneficial to explicitly model the behavior policy for offline RL
because the constraint can be realized in a stable way with the trained model.
We first suggest a theoretical framework that allows us to incorporate
behavior-cloned models into value-based offline RL methods, enjoying the
strength of both explicit behavior cloning and value learning. Then, we propose
a practical method utilizing a score-based generative model for behavior
cloning. With the proposed method, we show state-of-the-art performance on
several datasets within the D4RL and Robomimic benchmarks and achieve
competitive performance across all datasets tested."
3096,Meta-SysId: A Meta-Learning Approach for Simultaneous Identification and Prediction,"In this paper, we propose Meta-SysId, a meta-learning approach to model sets
of systems that have behavior governed by common but unknown laws and that
differentiate themselves by their context. Inspired by classical
modeling-and-identification approaches, Meta-SysId learns to represent the
common law through shared parameters and relies on online optimization to
compute system-specific context. Compared to optimization-based meta-learning
methods, the separation between class parameters and context variables reduces
the computational burden while allowing batch computations and a simple
training scheme. We test Meta-SysId on polynomial regression, time-series
prediction, model-based control, and real-world traffic prediction domains,
empirically finding it outperforms or is competitive with meta-learning
baselines."
3097,Federated Learning in Non-IID Settings Aided by Differentially Private Synthetic Data,"Federated learning (FL) is a privacy-promoting framework that enables
potentially large number of clients to collaboratively train machine learning
models. In a FL system, a server coordinates the collaboration by collecting
and aggregating clients' model updates while the clients' data remains local
and private. A major challenge in federated learning arises when the local data
is heterogeneous -- the setting in which performance of the learned global
model may deteriorate significantly compared to the scenario where the data is
identically distributed across the clients. In this paper we propose FedDPMS
(Federated Differentially Private Means Sharing), an FL algorithm in which
clients deploy variational auto-encoders to augment local datasets with data
synthesized using differentially private means of latent data representations
communicated by a trusted server. Such augmentation ameliorates effects of data
heterogeneity across the clients without compromising privacy. Our experiments
on deep image classification tasks demonstrate that FedDPMS outperforms
competing state-of-the-art FL methods specifically designed for heterogeneous
data settings."
3098,Why Did This Model Forecast This Future? Closed-Form Temporal Saliency Towards Causal Explanations of Probabilistic Forecasts,"Forecasting tasks surrounding the dynamics of low-level human behavior are of
significance to multiple research domains. In such settings, methods for
explaining specific forecasts can enable domain experts to gain insights into
the predictive relationships between behaviors. In this work, we introduce and
address the following question: given a probabilistic forecasting model how can
we identify observed windows that the model considers salient when making its
forecasts? We build upon a general definition of information-theoretic saliency
grounded in human perception and extend it to forecasting settings by
leveraging a crucial attribute of the domain: a single observation can result
in multiple valid futures. We propose to express the saliency of an observed
window in terms of the differential entropy of the resulting predicted future
distribution. In contrast to existing methods that either require explicit
training of the saliency mechanism or access to the internal states of the
forecasting model, we obtain a closed-form solution for the saliency map for
commonly used density functions in probabilistic forecasting. We empirically
demonstrate how our framework can recover salient observed windows from head
pose features for the sample task of speaking-turn forecasting using a
synthesized conversation dataset."
3099,Hopular: Modern Hopfield Networks for Tabular Data,"While Deep Learning excels in structured data as encountered in vision and
natural language processing, it failed to meet its expectations on tabular
data. For tabular data, Support Vector Machines (SVMs), Random Forests, and
Gradient Boosting are the best performing techniques with Gradient Boosting in
the lead. Recently, we saw a surge of Deep Learning methods that were tailored
to tabular data but still underperform compared to Gradient Boosting on
small-sized datasets. We suggest ""Hopular"", a novel Deep Learning architecture
for medium- and small-sized datasets, where each layer is equipped with
continuous modern Hopfield networks. The modern Hopfield networks use stored
data to identify feature-feature, feature-target, and sample-sample
dependencies. Hopular's novelty is that every layer can directly access the
original input as well as the whole training set via stored data in the
Hopfield networks. Therefore, Hopular can step-wise update its current model
and the resulting prediction at every layer like standard iterative learning
algorithms. In experiments on small-sized tabular datasets with less than 1,000
samples, Hopular surpasses Gradient Boosting, Random Forests, SVMs, and in
particular several Deep Learning methods. In experiments on medium-sized
tabular data with about 10,000 samples, Hopular outperforms XGBoost, CatBoost,
LightGBM and a state-of-the art Deep Learning method designed for tabular data.
Thus, Hopular is a strong alternative to these methods on tabular data."
3100,Learning-Augmented Algorithms for Online TSP on the Line,"We study the online Traveling Salesman Problem (TSP) on the line augmented
with machine-learned predictions. In the classical problem, there is a stream
of requests released over time along the real line. The goal is to minimize the
makespan of the algorithm. We distinguish between the open variant and the
closed one, in which we additionally require the algorithm to return to the
origin after serving all requests. The state of the art is a $1.64$-competitive
algorithm and a $2.04$-competitive algorithm for the closed and open variants,
respectively \cite{Bjelde:1.64}. In both cases, a tight lower bound is known
\cite{Ausiello:1.75, Bjelde:1.64}.
In both variants, our primary prediction model involves predicted positions
of the requests. We introduce algorithms that (i) obtain a tight 1.5
competitive ratio for the closed variant and a 1.66 competitive ratio for the
open variant in the case of perfect predictions, (ii) are robust against
unbounded prediction error, and (iii) are smooth, i.e., their performance
degrades gracefully as the prediction error increases.
Moreover, we further investigate the learning-augmented setting in the open
variant by additionally considering a prediction for the last request served by
the optimal offline algorithm. Our algorithm for this enhanced setting obtains
a 1.33 competitive ratio with perfect predictions while also being smooth and
robust, beating the lower bound of 1.44 we show for our original prediction
setting for the open variant. Also, we provide a lower bound of 1.25 for this
enhanced setting."
3101,Graph Neural Networks with Precomputed Node Features,"Most Graph Neural Networks (GNNs) cannot distinguish some graphs or indeed
some pairs of nodes within a graph. This makes it impossible to solve certain
classification tasks. However, adding additional node features to these models
can resolve this problem. We introduce several such augmentations, including
(i) positional node embeddings, (ii) canonical node IDs, and (iii) random
features. These extensions are motivated by theoretical results and
corroborated by extensive testing on synthetic subgraph detection tasks. We
find that positional embeddings significantly outperform other extensions in
these tasks. Moreover, positional embeddings have better sample efficiency,
perform well on different graph distributions and even outperform learning with
ground truth node positions. Finally, we show that the different augmentations
perform competitively on established GNN benchmarks, and advise on when to use
them."
3102,Computing the Variance of Shuffling Stochastic Gradient Algorithms via Power Spectral Density Analysis,"When solving finite-sum minimization problems, two common alternatives to
stochastic gradient descent (SGD) with theoretical benefits are random
reshuffling (SGD-RR) and shuffle-once (SGD-SO), in which functions are sampled
in cycles without replacement. Under a convenient stochastic noise
approximation which holds experimentally, we study the stationary variances of
the iterates of SGD, SGD-RR and SGD-SO, whose leading terms decrease in this
order, and obtain simple approximations. To obtain our results, we study the
power spectral density of the stochastic gradient noise sequences. Our analysis
extends beyond SGD to SGD with momentum and to the stochastic Nesterov's
accelerated gradient method. We perform experiments on quadratic objective
functions to test the validity of our approximation and the correctness of our
findings."
3103,Cross-View Language Modeling: Towards Unified Cross-Lingual Cross-Modal Pre-training,"In this paper, we introduce Cross-View Language Modeling, a simple and
effective language model pre-training framework that unifies cross-lingual
cross-modal pre-training with shared architectures and objectives. Our approach
is motivated by a key observation that cross-lingual and cross-modal
pre-training share the same goal of aligning two different views of the same
object into a common semantic space. To this end, the cross-view language
modeling framework considers both multi-modal data (i.e., image-caption pairs)
and multi-lingual data (i.e., parallel sentence pairs) as two different views
of the same object, and trains the model to align the two views by maximizing
the mutual information between them with conditional masked language modeling
and contrastive learning. We pre-train CCLM, a Cross-lingual Cross-modal
Language Model, with the cross-view language modeling framework. Empirical
results on IGLUE, a multi-lingual multi-modal benchmark, and two multi-lingual
image-text retrieval datasets show that while conceptually simpler, CCLM
significantly outperforms the prior state-of-the-art with an average absolute
improvement of over 10%. Notably, CCLM is the first multi-lingual multi-modal
model that surpasses the translate-test performance of representative English
vision-language models by zero-shot cross-lingual transfer."
3104,Graph Machine Learning for Design of High-Octane Fuels,"Fuels with high-knock resistance enable modern spark-ignition engines to
achieve high efficiency and thus low CO2 emissions. Identification of molecules
with desired autoignition properties indicated by a high research octane number
and a high octane sensitivity is therefore of great practical relevance and can
be supported by computer-aided molecular design (CAMD). Recent developments in
the field of graph machine learning (graph-ML) provide novel, promising tools
for CAMD. We propose a modular graph-ML CAMD framework that integrates
generative graph-ML models with graph neural networks and optimization,
enabling the design of molecules with desired ignition properties in a
continuous molecular space. In particular, we explore the potential of Bayesian
optimization and genetic algorithms in combination with generative graph-ML
models. The graph-ML CAMD framework successfully identifies well-established
high-octane components. It also suggests new candidates, one of which we
experimentally investigate and use to illustrate the need for further
auto-ignition training data."
3105,On the Choice of Data for Efficient Training and Validation of End-to-End Driving Models,"The emergence of data-driven machine learning (ML) has facilitated
significant progress in many complicated tasks such as highly-automated
driving. While much effort is put into improving the ML models and learning
algorithms in such applications, little focus is put into how the training data
and/or validation setting should be designed. In this paper we investigate the
influence of several data design choices regarding training and validation of
deep driving models trainable in an end-to-end fashion. Specifically, (i) we
investigate how the amount of training data influences the final driving
performance, and which performance limitations are induced through currently
used mechanisms to generate training data. (ii) Further, we show by correlation
analysis, which validation design enables the driving performance measured
during validation to generalize well to unknown test environments. (iii)
Finally, we investigate the effect of random seeding and non-determinism,
giving insights which reported improvements can be deemed significant. Our
evaluations using the popular CARLA simulator provide recommendations regarding
data generation and driving route selection for an efficient future development
of end-to-end driving models."
3106,Higher-Order Attention Networks,"This paper introduces higher-order attention networks (HOANs), a novel class
of attention-based neural networks defined on a generalized higher-order domain
called a combinatorial complex (CC). Similar to hypergraphs, CCs admit
arbitrary set-like relations between a collection of abstract entities.
Simultaneously, CCs permit the construction of hierarchical higher-order
relations analogous to those supported by cell complexes. Thus, CCs effectively
generalize both hypergraphs and cell complexes and combine their desirable
characteristics. By exploiting the rich combinatorial nature of CCs, HOANs
define a new class of message-passing attention-based networks that unifies
higher-order neural networks. Our evaluation on tasks related to mesh shape
analysis and graph learning demonstrates that HOANs attain competitive, and in
some examples superior, predictive performance in comparison to
state-of-the-art neural networks."
3107,Multi-Armed Bandit Problem with Temporally-Partitioned Rewards: When Partial Feedback Counts,"There is a rising interest in industrial online applications where data
becomes available sequentially. Inspired by the recommendation of playlists to
users where their preferences can be collected during the listening of the
entire playlist, we study a novel bandit setting, namely Multi-Armed Bandit
with Temporally-Partitioned Rewards (TP-MAB), in which the stochastic reward
associated with the pull of an arm is partitioned over a finite number of
consecutive rounds following the pull. This setting, unexplored so far to the
best of our knowledge, is a natural extension of delayed-feedback bandits to
the case in which rewards may be dilated over a finite-time span after the pull
instead of being fully disclosed in a single, potentially delayed round. We
provide two algorithms to address TP-MAB problems, namely, TP-UCB-FR and
TP-UCB-EW, which exploit the partial information disclosed by the reward
collected over time. We show that our algorithms provide better asymptotical
regret upper bounds than delayed-feedback bandit algorithms when a property
characterizing a broad set of reward structures of practical interest, namely
alpha-smoothness, holds. We also empirically evaluate their performance across
a wide range of settings, both synthetically generated and from a real-world
media recommendation problem."
3108,Calibrate and Debias Layer-wise Sampling for Graph Convolutional Networks,"To accelerate the training of graph convolutional networks (GCNs), many
sampling-based methods have been developed for approximating the embedding
aggregation. Among them, a layer-wise approach recursively performs importance
sampling to select neighbors jointly for existing nodes in each layer. This
paper revisits the approach from a matrix approximation perspective. We
identify two issues in the existing layer-wise sampling methods: sub-optimal
sampling probabilities and the approximation bias induced by sampling without
replacement. We propose two remedies: new sampling probabilities and a
debiasing algorithm, to address these issues, and provide the statistical
analysis of the estimation variance. The improvements are demonstrated by
extensive analyses and experiments on common benchmarks."
3109,SAMPLE-HD: Simultaneous Action and Motion Planning Learning Environment,"Humans exhibit incredibly high levels of multi-modal understanding -
combining visual cues with read, or heard knowledge comes easy to us and allows
for very accurate interaction with the surrounding environment. Various
simulation environments focus on providing data for tasks related to scene
understanding, question answering, space exploration, visual navigation. In
this work, we are providing a solution to encompass both, visual and
behavioural aspects of simulation in a new environment for learning interactive
reasoning in manipulation setup. SAMPLE-HD environment allows to generate
various scenes composed of small household objects, to procedurally generate
language instructions for manipulation, and to generate ground truth paths
serving as training data."
3110,Dynaformer: A Deep Learning Model for Ageing-aware Battery Discharge Prediction,"Electrochemical batteries are ubiquitous devices in our society. When they
are employed in mission-critical applications, the ability to precisely predict
the end of discharge under highly variable environmental and operating
conditions is of paramount importance in order to support operational
decision-making. While there are accurate predictive models of the processes
underlying the charge and discharge phases of batteries, the modelling of
ageing and its effect on performance remains poorly understood. Such a lack of
understanding often leads to inaccurate models or the need for time-consuming
calibration procedures whenever the battery ages or its conditions change
significantly. This represents a major obstacle to the real-world deployment of
efficient and robust battery management systems. In this paper, we propose for
the first time an approach that can predict the voltage discharge curve for
batteries of any degradation level without the need for calibration. In
particular, we introduce Dynaformer, a novel Transformer-based deep learning
architecture which is able to simultaneously infer the ageing state from a
limited number of voltage/current samples and predict the full voltage
discharge curve for real batteries with high precision. Our experiments show
that the trained model is effective for input current profiles of different
complexities and is robust to a wide range of degradation levels. In addition
to evaluating the performance of the proposed framework on simulated data, we
demonstrate that a minimal amount of fine-tuning allows the model to bridge the
simulation-to-real gap between simulations and real data collected from a set
of batteries. The proposed methodology enables the utilization of
battery-powered systems until the end of discharge in a controlled and
predictable way, thereby significantly prolonging the operating cycles and
reducing costs."
3111,RMT-Net: Reject-aware Multi-Task Network for Modeling Missing-not-at-random Data in Financial Credit Scoring,"In financial credit scoring, loan applications may be approved or rejected.
We can only observe default/non-default labels for approved samples but have no
observations for rejected samples, which leads to missing-not-at-random
selection bias. Machine learning models trained on such biased data are
inevitably unreliable. In this work, we find that the default/non-default
classification task and the rejection/approval classification task are highly
correlated, according to both real-world data study and theoretical analysis.
Consequently, the learning of default/non-default can benefit from
rejection/approval. Accordingly, we for the first time propose to model the
biased credit scoring data with Multi-Task Learning (MTL). Specifically, we
propose a novel Reject-aware Multi-Task Network (RMT-Net), which learns the
task weights that control the information sharing from the rejection/approval
task to the default/non-default task by a gating network based on rejection
probabilities. RMT-Net leverages the relation between the two tasks that the
larger the rejection probability, the more the default/non-default task needs
to learn from the rejection/approval task. Furthermore, we extend RMT-Net to
RMT-Net++ for modeling scenarios with multiple rejection/approval strategies.
Extensive experiments are conducted on several datasets, and strongly verifies
the effectiveness of RMT-Net on both approved and rejected samples. In
addition, RMT-Net++ further improves RMT-Net's performances."
3112,Non-Intrusive Reduced Models based on Operator Inference for Chaotic Systems,"This work explores the physics-driven machine learning technique Operator
Inference (OpInf) for predicting the state of chaotic dynamical systems. OpInf
provides a non-intrusive approach to infer approximations of polynomial
operators in reduced space without having access to the full order operators
appearing in discretized models. Datasets for the physics systems are generated
using conventional numerical solvers and then projected to a low-dimensional
space via Principal Component Analysis (PCA). In latent space, a least-squares
problem is set to fit a quadratic polynomial operator which is subsequently
employed in a time-integration scheme in order to produce extrapolations in the
same space. Once solved, the inverse PCA operation is applied for
reconstructing the extrapolations in the original space. The quality of the
OpInf predictions is assessed via the Normalized Root Mean Squared Error
(NRMSE) metric from which the Valid Prediction Time (VPT) is computed.
Numerical experiments considering the chaotic systems Lorenz 96 and the
Kuramoto-Sivashinsky equation show promising forecasting capabilities of the
OpInf reduced order models with VPT ranges that outperform state-of-the-art
machine learning methods such as backpropagation and reservoir computing
recurrent neural networks [1], as well as Markov neural operators [2]. The best
results based on randomized initial conditions show that Lorenz 96 system can
be forecasted up to 6.66 or 3.19 Lyapunov time units corresponding to the
forcing terms F=8 and F=10, respectively, while the KS system achieved
remarkable 794 Lyapunov time units."
3113,A Near-Optimal Best-of-Both-Worlds Algorithm for Online Learning with Feedback Graphs,"We consider online learning with feedback graphs, a sequential
decision-making framework where the learner's feedback is determined by a
directed graph over the action set. We present a computationally efficient
algorithm for learning in this framework that simultaneously achieves
near-optimal regret bounds in both stochastic and adversarial environments. The
bound against oblivious adversaries is $\tilde{O} (\sqrt{\alpha T})$, where $T$
is the time horizon and $\alpha$ is the independence number of the feedback
graph. The bound against stochastic environments is $O\big( (\ln T)^2
\max_{S\in \mathcal I(G)} \sum_{i \in S} \Delta_i^{-1}\big)$ where $\mathcal
I(G)$ is the family of all independent sets in a suitably defined undirected
version of the graph and $\Delta_i$ are the suboptimality gaps. The algorithm
combines ideas from the EXP3++ algorithm for stochastic and adversarial bandits
and the EXP3.G algorithm for feedback graphs with a novel exploration scheme.
The scheme, which exploits the structure of the graph to reduce exploration, is
key to obtain best-of-both-worlds guarantees with feedback graphs. We also
extend our algorithm and results to a setting where the feedback graphs are
allowed to change over time."
3114,"FETA: Fairness Enforced Verifying, Training, and Predicting Algorithms for Neural Networks","Algorithmic decision making driven by neural networks has become very
prominent in applications that directly affect people's quality of life. In
this paper, we study the problem of verifying, training, and guaranteeing
individual fairness of neural network models. A popular approach for enforcing
fairness is to translate a fairness notion into constraints over the parameters
of the model. However, such a translation does not always guarantee fair
predictions of the trained neural network model. To address this challenge, we
develop a counterexample-guided post-processing technique to provably enforce
fairness constraints at prediction time. Contrary to prior work that enforces
fairness only on points around test or train data, we are able to enforce and
guarantee fairness on all points in the input domain. Additionally, we propose
an in-processing technique to use fairness as an inductive bias by iteratively
incorporating fairness counterexamples in the learning process. We have
implemented these techniques in a tool called FETA. Empirical evaluation on
real-world datasets indicates that FETA is not only able to guarantee fairness
on-the-fly at prediction time but also is able to train accurate models
exhibiting a much higher degree of individual fairness."
3115,"Variance Reduction is an Antidote to Byzantines: Better Rates, Weaker Assumptions and Communication Compression as a Cherry on the Top","Byzantine-robustness has been gaining a lot of attention due to the growth of
the interest in collaborative and federated learning. However, many fruitful
directions, such as the usage of variance reduction for achieving robustness
and communication compression for reducing communication costs, remain weakly
explored in the field. This work addresses this gap and proposes Byz-VR-MARINA
- a new Byzantine-tolerant method with variance reduction and compression. A
key message of our paper is that variance reduction is key to fighting
Byzantine workers more effectively. At the same time, communication compression
is a bonus that makes the process more communication efficient. We derive
theoretical convergence guarantees for Byz-VR-MARINA outperforming previous
state-of-the-art for general non-convex and Polyak-Lojasiewicz loss functions.
Unlike the concurrent Byzantine-robust methods with variance reduction and/or
compression, our complexity results are tight and do not rely on restrictive
assumptions such as boundedness of the gradients or limited compression.
Moreover, we provide the first analysis of a Byzantine-tolerant method
supporting non-uniform sampling of stochastic gradients. Numerical experiments
corroborate our theoretical findings."
3116,Vietnamese Hate and Offensive Detection using PhoBERT-CNN and Social Media Streaming Data,"Society needs to develop a system to detect hate and offense to build a
healthy and safe environment. However, current research in this field still
faces four major shortcomings, including deficient pre-processing techniques,
indifference to data imbalance issues, modest performance models, and lacking
practical applications. This paper focused on developing an intelligent system
capable of addressing these shortcomings. Firstly, we proposed an efficient
pre-processing technique to clean comments collected from Vietnamese social
media. Secondly, a novel hate speech detection (HSD) model, which is the
combination of a pre-trained PhoBERT model and a Text-CNN model, was proposed
for solving tasks in Vietnamese. Thirdly, EDA techniques are applied to deal
with imbalanced data to improve the performance of classification models.
Besides, various experiments were conducted as baselines to compare and
investigate the proposed model's performance against state-of-the-art methods.
The experiment results show that the proposed PhoBERT-CNN model outperforms
SOTA methods and achieves an F1-score of 67,46% and 98,45% on two benchmark
datasets, ViHSD and HSD-VLSP, respectively. Finally, we also built a streaming
HSD application to demonstrate the practicality of our proposed system."
3117,Deep Learning Opacity in Scientific Discovery,"Philosophers have recently focused on critical, epistemological challenges
that arise from the opacity of deep neural networks. One might conclude from
this literature that doing good science with opaque models is exceptionally
challenging, if not impossible. Yet, this is hard to square with the recent
boom in optimism for AI in science alongside a flood of recent scientific
breakthroughs driven by AI methods. In this paper, I argue that the disconnect
between philosophical pessimism and scientific optimism is driven by a failure
to examine how AI is actually used in science. I show that, in order to
understand the epistemic justification for AI-powered breakthroughs,
philosophers must examine the role played by deep learning as part of a wider
process of discovery. The philosophical distinction between the 'context of
discovery' and the 'context of justification' is helpful in this regard. I
demonstrate the importance of attending to this distinction with two cases
drawn from the scientific literature, and show that epistemic opacity need not
diminish AI's capacity to lead scientists to significant and justifiable
breakthroughs."
3118,Efficient Scheduling of Data Augmentation for Deep Reinforcement Learning,"In deep reinforcement learning (RL), data augmentation is widely considered
as a tool to induce a set of useful priors about semantic consistency and
improve sample efficiency and generalization performance. However, even when
the prior is useful for generalization, distilling it to RL agent often
interferes with RL training and degenerates sample efficiency. Meanwhile, the
agent is forgetful of the prior due to the non-stationary nature of RL. These
observations suggest two extreme schedules of distillation: (i) over the entire
training; or (ii) only at the end. Hence, we devise a stand-alone network
distillation method to inject the consistency prior at any time (even after
RL), and a simple yet efficient framework to automatically schedule the
distillation. Specifically, the proposed framework first focuses on mastering
train environments regardless of generalization by adaptively deciding which
{\it or no} augmentation to be used for the training. After this, we add the
distillation to extract the remaining benefits for generalization from all the
augmentations, which requires no additional new samples. In our experiments, we
demonstrate the utility of the proposed framework, in particular, that
considers postponing the augmentation to the end of RL training."
3119,One Positive Label is Sufficient: Single-Positive Multi-Label Learning with Label Enhancement,"Multi-label learning (MLL) learns from the examples each associated with
multiple labels simultaneously, where the high cost of annotating all relevant
labels for each training example is challenging for real-world applications. To
cope with the challenge, we investigate single-positive multi-label learning
(SPMLL) where each example is annotated with only one relevant label and show
that one can successfully learn a theoretically grounded multi-label classifier
for the problem. In this paper, a novel SPMLL method named {\proposed}, i.e.,
Single-positive MultI-label learning with Label Enhancement, is proposed.
Specifically, an unbiased risk estimator is derived, which could be guaranteed
to approximately converge to the optimal risk minimizer of fully supervised
learning and shows that one positive label of each instance is sufficient to
train the predictive model. Then, the corresponding empirical risk estimator is
established via recovering the latent soft label as a label enhancement
process, where the posterior density of the latent soft labels is approximate
to the variational Beta density parameterized by an inference model.
Experiments on benchmark datasets validate the effectiveness of the proposed
method."
3120,Feature Selection for Discovering Distributional Treatment Effect Modifiers,"Finding the features relevant to the difference in treatment effects is
essential to unveil the underlying causal mechanisms. Existing methods seek
such features by measuring how greatly the feature attributes affect the degree
of the {\it conditional average treatment effect} (CATE). However, these
methods may overlook important features because CATE, a measure of the average
treatment effect, cannot detect differences in distribution parameters other
than the mean (e.g., variance). To resolve this weakness of existing methods,
we propose a feature selection framework for discovering {\it distributional
treatment effect modifiers}. We first formulate a feature importance measure
that quantifies how strongly the feature attributes influence the discrepancy
between potential outcome distributions. Then we derive its computationally
efficient estimator and develop a feature selection algorithm that can control
the type I error rate to the desired level. Experimental results show that our
framework successfully discovers important features and outperforms the
existing mean-based method."
3121,The robust way to stack and bag: the local Lipschitz way,"Recent research has established that the local Lipschitz constant of a neural
network directly influences its adversarial robustness. We exploit this
relationship to construct an ensemble of neural networks which not only
improves the accuracy, but also provides increased adversarial robustness. The
local Lipschitz constants for two different ensemble methods - bagging and
stacking - are derived and the architectures best suited for ensuring
adversarial robustness are deduced. The proposed ensemble architectures are
tested on MNIST and CIFAR-10 datasets in the presence of white-box attacks,
FGSM and PGD. The proposed architecture is found to be more robust than a) a
single network and b) traditional ensemble methods."
3122,Neural Network Verification with Proof Production,"Deep neural networks (DNNs) are increasingly being employed in
safety-critical systems, and there is an urgent need to guarantee their
correctness. Consequently, the verification community has devised multiple
techniques and tools for verifying DNNs. When DNN verifiers discover an input
that triggers an error, that is easy to confirm; but when they report that no
error exists, there is no way to ensure that the verification tool itself is
not flawed. As multiple errors have already been observed in DNN verification
tools, this calls the applicability of DNN verification into question. In this
work, we present a novel mechanism for enhancing Simplex-based DNN verifiers
with proof production capabilities: the generation of an easy-to-check witness
of unsatisfiability, which attests to the absence of errors. Our proof
production is based on an efficient adaptation of the well-known Farkas' lemma,
combined with mechanisms for handling piecewise-linear functions and numerical
precision errors. As a proof of concept, we implemented our technique on top of
the Marabou DNN verifier. Our evaluation on a safety-critical system for
airborne collision avoidance shows that proof production succeeds in almost all
cases and requires only minimal overhead."
3123,Differentially Private Shapley Values for Data Evaluation,"The Shapley value has been proposed as a solution to many applications in
machine learning, including for equitable valuation of data. Shapley values are
computationally expensive and involve the entire dataset. The query for a
point's Shapley value can also compromise the statistical privacy of other data
points. We observe that in machine learning problems such as empirical risk
minimization, and in many learning algorithms (such as those with uniform
stability), a diminishing returns property holds, where marginal benefit per
data point decreases rapidly with data sample size. Based on this property, we
propose a new stratified approximation method called the Layered Shapley
Algorithm. We prove that this method operates on small (O(\polylog(n))) random
samples of data and small sized ($O(\log n)$) coalitions to achieve the results
with guaranteed probabilistic accuracy, and can be modified to incorporate
differential privacy. Experimental results show that the algorithm correctly
identifies high-value data points that improve validation accuracy, and that
the differentially private evaluations preserve approximate ranking of data."
3124,Convergence of Stein Variational Gradient Descent under a Weaker Smoothness Condition,"Stein Variational Gradient Descent (SVGD) is an important alternative to the
Langevin-type algorithms for sampling from probability distributions of the
form $\pi(x) \propto \exp(-V(x))$. In the existing theory of Langevin-type
algorithms and SVGD, the potential function $V$ is often assumed to be
$L$-smooth. However, this restrictive condition excludes a large class of
potential functions such as polynomials of degree greater than $2$. Our paper
studies the convergence of the SVGD algorithm for distributions with
$(L_0,L_1)$-smooth potentials. This relaxed smoothness assumption was
introduced by Zhang et al. [2019a] for the analysis of gradient clipping
algorithms. With the help of trajectory-independent auxiliary conditions, we
provide a descent lemma establishing that the algorithm decreases the
$\mathrm{KL}$ divergence at each iteration and prove a complexity bound for
SVGD in the population limit in terms of the Stein Fisher information."
3125,Proximally Sensitive Error for Anomaly Detection and Feature Learning,"Mean squared error (MSE) is one of the most widely used metrics to expression
differences between multi-dimensional entities, including images. However, MSE
is not locally sensitive as it does not take into account the spatial
arrangement of the (pixel) differences, which matters for structured data types
like images. Such spatial arrangements carry information about the source of
the differences; therefore, an error function that also incorporates the
location of errors can lead to a more meaningful distance measure. We introduce
Proximally Sensitive Error (PSE), through which we suggest that a regional
emphasis in the error measure can 'highlight' semantic differences between
images over syntactic/random deviations. We demonstrate that this emphasis can
be leveraged upon for the task of anomaly/occlusion detection. We further
explore its utility as a loss function to help a model focus on learning
representations of semantic objects instead of minimizing syntactic
reconstruction noise."
3126,Realistic Deep Learning May Not Fit Benignly,"Studies on benign overfitting provide insights for the success of
overparameterized deep learning models. In this work, we examine the benign
overfitting phenomena in real-world settings. We found that for tasks such as
training a ResNet model on ImageNet dataset, the model does not fit benignly.
To understand why benign overfitting fails in the ImageNet experiment, we
analyze previous benign overfitting models under a more restrictive setup where
the number of parameters is not significantly larger than the number of data
points. Under this mild overparameterization setup, our analysis identifies a
phase change: unlike in the heavy overparameterization setting, benign
overfitting can now fail in the presence of label noise. Our study explains our
empirical observations, and naturally leads to a simple technique known as
self-training that can boost the model's generalization performances.
Furthermore, our work highlights the importance of understanding implicit bias
in underfitting regimes as a future direction."
3127,Incentivizing Combinatorial Bandit Exploration,"Consider a bandit algorithm that recommends actions to self-interested users
in a recommendation system. The users are free to choose other actions and need
to be incentivized to follow the algorithm's recommendations. While the users
prefer to exploit, the algorithm can incentivize them to explore by leveraging
the information collected from the previous users. All published work on this
problem, known as incentivized exploration, focuses on small, unstructured
action sets and mainly targets the case when the users' beliefs are independent
across actions. However, realistic exploration problems often feature large,
structured action sets and highly correlated beliefs. We focus on a
paradigmatic exploration problem with structure: combinatorial semi-bandits. We
prove that Thompson Sampling, when applied to combinatorial semi-bandits, is
incentive-compatible when initialized with a sufficient number of samples of
each arm (where this number is determined in advance by the Bayesian prior).
Moreover, we design incentive-compatible algorithms for collecting the initial
samples."
3128,Rotate the ReLU to implicitly sparsify deep networks,"In the era of Deep Neural Network based solutions for a variety of real-life
tasks, having a compact and energy-efficient deployable model has become fairly
important. Most of the existing deep architectures use Rectifier Linear Unit
(ReLU) activation. In this paper, we propose a novel idea of rotating the ReLU
activation to give one more degree of freedom to the architecture. We show that
this activation wherein the rotation is learned via training results in the
elimination of those parameters/filters in the network which are not important
for the task. In other words, rotated ReLU seems to be doing implicit
sparsification. The slopes of the rotated ReLU activations act as coarse
feature extractors and unnecessary features can be eliminated before
retraining. Our studies indicate that features always choose to pass through a
lesser number of filters in architectures such as ResNet and its variants.
Hence, by rotating the ReLU, the weights or the filters that are not necessary
are automatically identified and can be dropped thus giving rise to significant
savings in memory and computation. Furthermore, in some cases, we also notice
that along with saving in memory and computation we also obtain improvement
over the reported performance of the corresponding baseline work in the popular
datasets such as MNIST, CIFAR-10, CIFAR-100, and SVHN."
3129,Where are my Neighbors? Exploiting Patches Relations in Self-Supervised Vision Transformer,"Vision Transformers (ViTs) enabled the use of transformer architecture on
vision tasks showing impressive performances when trained on big datasets.
However, on relatively small datasets, ViTs are less accurate given their lack
of inductive bias. To this end, we propose a simple but still effective
self-supervised learning (SSL) strategy to train ViTs, that without any
external annotation, can significantly improve the results. Specifically, we
define a set of SSL tasks based on relations of image patches that the model
has to solve before or jointly during the downstream training. Differently from
ViT, our RelViT model optimizes all the output tokens of the transformer
encoder that are related to the image patches, thus exploiting more training
signal at each training step. We investigated our proposed methods on several
image benchmarks finding that RelViT improves the SSL state-of-the-art methods
by a large margin, especially on small datasets."
3130,Contrastive Principal Component Learning: Modeling Similarity by Augmentation Overlap,"Traditional self-supervised contrastive learning methods learn embeddings by
pulling views of the same sample together and pushing views of different
samples away. Since views of a sample are usually generated via data
augmentations, the semantic relationship between samples is ignored. Based on
the observation that semantically similar samples are more likely to have
similar augmentations, we propose to measure similarity via the distribution of
augmentations, i.e., how much the augmentations of two samples overlap. To
handle the dimensional and computational complexity, we propose a novel
Contrastive Principal Component Learning (CPCL) method composed of a
contrastive-like loss and an on-the-fly projection loss to efficiently perform
PCA on the augmentation feature, which encodes the augmentation distribution.
By CPCL, the learned low-dimensional embeddings theoretically preserve the
similarity of augmentation distribution between samples. Empirical results show
our method can achieve competitive results against various traditional
contrastive learning methods on different benchmarks."
3131,Good Intentions: Adaptive Parameter Servers via Intent Signaling,"Parameter servers (PSs) ease the implementation of distributed training for
large machine learning (ML) tasks by providing primitives for shared parameter
access. Especially for ML tasks that access parameters sparsely, PSs can
achieve high efficiency and scalability. To do so, they employ a number of
techniques -- such as replication or relocation -- to reduce communication cost
and/or latency of parameter accesses. A suitable choice and parameterization of
these techniques is crucial to realize these gains, however. Unfortunately,
such choices depend on the task, the workload, and even individual parameters,
they often require expensive upfront experimentation, and they are susceptible
to workload changes. In this paper, we explore whether PSs can automatically
adapt to the workload without any prior tuning. Our goals are to improve
usability and to maintain (or even improve) efficiency. We propose (i) a novel
intent signaling mechanism that acts as an enabler for adaptivity and naturally
integrates into ML tasks, and (ii) a fully adaptive, zero-tuning PS called
AdaPS based on this mechanism. Our experimental evaluation suggests that
automatic adaptation to the workload is indeed possible: AdaPS matched or
outperformed state-of-the-art PSs out of the box."
3132,An $α$-No-Regret Algorithm For Graphical Bilinear Bandits,"We propose the first regret-based approach to the Graphical Bilinear Bandits
problem, where $n$ agents in a graph play a stochastic bilinear bandit game
with each of their neighbors. This setting reveals a combinatorial NP-hard
problem that prevents the use of any existing regret-based algorithm in the
(bi-)linear bandit literature. In this paper, we fill this gap and present the
first regret-based algorithm for graphical bilinear bandits using the principle
of optimism in the face of uncertainty. Theoretical analysis of this new method
yields an upper bound of $\tilde{O}(\sqrt{T})$ on the $\alpha$-regret and
evidences the impact of the graph structure on the rate of convergence.
Finally, we show through various experiments the validity of our approach."
3133,Ultrahyperbolic Knowledge Graph Embeddings,"Recent knowledge graph (KG) embeddings have been advanced by hyperbolic
geometry due to its superior capability for representing hierarchies. The
topological structures of real-world KGs, however, are rather heterogeneous,
i.e., a KG is composed of multiple distinct hierarchies and non-hierarchical
graph structures. Therefore, a homogeneous (either Euclidean or hyperbolic)
geometry is not sufficient for fairly representing such heterogeneous
structures. To capture the topological heterogeneity of KGs, we present an
ultrahyperbolic KG embedding (UltraE) in an ultrahyperbolic (or
pseudo-Riemannian) manifold that seamlessly interleaves hyperbolic and
spherical manifolds. In particular, we model each relation as a
pseudo-orthogonal transformation that preserves the pseudo-Riemannian bilinear
form. The pseudo-orthogonal transformation is decomposed into various operators
(i.e., circular rotations, reflections and hyperbolic rotations), allowing for
simultaneously modeling heterogeneous structures as well as complex relational
patterns. Experimental results on three standard KGs show that UltraE
outperforms previous Euclidean- and hyperbolic-based approaches."
3134,Algorithmic Foundation of Deep X-Risk Optimization,"X-risk is a term introduced to represent a family of compositional measures
or objectives, in which each data point is compared with a set of data points
explicitly or implicitly for defining a risk function. It includes many widely
used measures or objectives, e.g., AUROC, AUPRC, partial AUROC, NDCG, MAP,
top-$K$ NDCG, top-$K$ MAP, listwise losses, p-norm push, top push,
precision/recall at top $K$ positions, precision at a certain recall level,
contrastive objectives, etc. While these measures/objectives and their
optimization algorithms have been studied in the literature of machine
learning, computer vision, information retrieval, and etc, optimizing these
measures/objectives has encountered some unique challenges for deep learning.
In this technical report, we survey our recent rigorous efforts for deep X-risk
optimization (DXO) by focusing on its algorithmic foundation. We introduce a
class of techniques for optimizing X-risk for deep learning. We formulate DXO
into three special families of non-convex optimization problems belonging to
non-convex min-max optimization, non-convex compositional optimization, and
non-convex bilevel optimization, respectively. For each family of problems, we
present some strong baseline algorithms and their complexities, which will
motivate further research for improving the existing results. Discussions about
the presented results and future studies are given at the end. Efficient
algorithms for optimizing a variety of X-risks are implemented in the LibAUC
library at www.libauc.org."
3135,Top-down inference in an early visual cortex inspired hierarchical Variational Autoencoder,"Interpreting computations in the visual cortex as learning and inference in a
generative model of the environment has received wide support both in
neuroscience and cognitive science. However, hierarchical computations, a
hallmark of visual cortical processing, has remained impervious for generative
models because of a lack of adequate tools to address it. Here we capitalize on
advances in Variational Autoencoders (VAEs) to investigate the early visual
cortex with sparse coding hierarchical VAEs trained on natural images. We
design alternative architectures that vary both in terms of the generative and
the recognition components of the two latent-layer VAE. We show that
representations similar to the one found in the primary and secondary visual
cortices naturally emerge under mild inductive biases. Importantly, a nonlinear
representation for texture-like patterns is a stable property of the high-level
latent space resistant to the specific architecture of the VAE, reminiscent of
the secondary visual cortex. We show that a neuroscience-inspired choice of the
recognition model, which features a top-down processing component is critical
for two signatures of computations with generative models: learning higher
order moments of the posterior beyond the mean and image inpainting. Patterns
in higher order response statistics provide inspirations for neuroscience to
interpret response correlations and for machine learning to evaluate the
learned representations through more detailed characterization of the
posterior."
3136,Active Inference for Robotic Manipulation,"Robotic manipulation stands as a largely unsolved problem despite significant
advances in robotics and machine learning in the last decades. One of the
central challenges of manipulation is partial observability, as the agent
usually does not know all physical properties of the environment and the
objects it is manipulating in advance. A recently emerging theory that deals
with partial observability in an explicit manner is Active Inference. It does
so by driving the agent to act in a way that is not only goal-directed but also
informative about the environment. In this work, we apply Active Inference to a
hard-to-explore simulated robotic manipulation tasks, in which the agent has to
balance a ball into a target zone. Since the reward of this task is sparse, in
order to explore this environment, the agent has to learn to balance the ball
without any extrinsic feedback, purely driven by its own curiosity. We show
that the information-seeking behavior induced by Active Inference allows the
agent to explore these challenging, sparse environments systematically.
Finally, we conclude that using an information-seeking objective is beneficial
in sparse environments and allows the agent to solve tasks in which methods
that do not exhibit directed exploration fail."
3137,Evaluating Gaussian Grasp Maps for Generative Grasping Models,"Generalising robotic grasping to previously unseen objects is a key task in
general robotic manipulation. The current method for training many antipodal
generative grasping models rely on a binary ground truth grasp map generated
from the centre thirds of correctly labelled grasp rectangles. However, these
binary maps do not accurately reflect the positions in which a robotic arm can
correctly grasp a given object. We propose a continuous Gaussian representation
of annotated grasps to generate ground truth training data which achieves a
higher success rate on a simulated robotic grasping benchmark. Three modern
generative grasping networks are trained with either binary or Gaussian grasp
maps, along with recent advancements from the robotic grasping literature, such
as discretisation of grasp angles into bins and an attentional loss function.
Despite negligible difference according to the standard rectangle metric,
Gaussian maps better reproduce the training data and therefore improve success
rates when tested on the same simulated robot arm by avoiding collisions with
the object: achieving 87.94\% accuracy. Furthermore, the best performing model
is shown to operate with a high success rate when transferred to a real robotic
arm, at high inference speeds, without the need for transfer learning. The
system is then shown to be capable of performing grasps on an antagonistic
physical object dataset benchmark."
3138,Semantic Probabilistic Layers for Neuro-Symbolic Learning,"We design a predictive layer for structured-output prediction (SOP) that can
be plugged into any neural network guaranteeing its predictions are consistent
with a set of predefined symbolic constraints. Our Semantic Probabilistic Layer
(SPL) can model intricate correlations, and hard constraints, over a structured
output space all while being amenable to end-to-end learning via maximum
likelihood. SPLs combine exact probabilistic inference with logical reasoning
in a clean and modular way, learning complex distributions and restricting
their support to solutions of the constraint. As such, they can faithfully, and
efficiently, model complex SOP tasks beyond the reach of alternative
neuro-symbolic approaches. We empirically demonstrate that SPLs outperform
these competitors in terms of accuracy on challenging SOP tasks including
hierarchical multi-label classification, pathfinding and preference learning,
while retaining perfect constraint satisfaction."
3139,Open Environment Machine Learning,"Conventional machine learning studies generally assume close world scenarios
where important factors of the learning process hold invariant. With the great
success of machine learning, nowadays, more and more practical tasks,
particularly those involving open world scenarios where important factors are
subject to change, called open environment machine learning (Open ML) in this
article, are present to the community. Evidently it is a grand challenge for
machine learning turning from close world to open world. It becomes even more
challenging since, in various big data tasks, data are usually accumulated with
time, like streams, while it is hard to train the machine learning model after
collecting all data as in conventional studies. This article briefly introduces
some advances in this line of research, focusing on techniques concerning
emerging new classes, decremental/incremental features, changing data
distributions, varied learning objectives, and discusses some theoretical
issues."
3140,OmniXAI: A Library for Explainable AI,"We introduce OmniXAI (short for Omni eXplainable AI), an open-source Python
library of eXplainable AI (XAI), which offers omni-way explainable AI
capabilities and various interpretable machine learning techniques to address
the pain points of understanding and interpreting the decisions made by machine
learning (ML) in practice. OmniXAI aims to be a one-stop comprehensive library
that makes explainable AI easy for data scientists, ML researchers and
practitioners who need explanation for various types of data, models and
explanation methods at different stages of ML process (data exploration,
feature engineering, model development, evaluation, and decision-making, etc).
In particular, our library includes a rich family of explanation methods
integrated in a unified interface, which supports multiple data types (tabular
data, images, texts, time-series), multiple types of ML models (traditional ML
in Scikit-learn and deep learning models in PyTorch/TensorFlow), and a range of
diverse explanation methods including ""model-specific"" and ""model-agnostic""
ones (such as feature-attribution explanation, counterfactual explanation,
gradient-based explanation, etc). For practitioners, the library provides an
easy-to-use unified interface to generate the explanations for their
applications by only writing a few lines of codes, and also a GUI dashboard for
visualization of different explanations for more insights about decisions. In
this technical report, we present OmniXAI's design principles, system
architectures, and major functionalities, and also demonstrate several example
use cases across different types of data, tasks, and models."
3141,In the Eye of the Beholder: Robust Prediction with Causal User Modeling,"Accurately predicting the relevance of items to users is crucial to the
success of many social platforms. Conventional approaches train models on
logged historical data; but recommendation systems, media services, and online
marketplaces all exhibit a constant influx of new content -- making relevancy a
moving target, to which standard predictive models are not robust. In this
paper, we propose a learning framework for relevance prediction that is robust
to changes in the data distribution. Our key observation is that robustness can
be obtained by accounting for how users causally perceive the environment. We
model users as boundedly-rational decision makers whose causal beliefs are
encoded by a causal graph, and show how minimal information regarding the graph
can be used to contend with distributional changes. Experiments in multiple
settings demonstrate the effectiveness of our approach."
3142,NeuroUnlock: Unlocking the Architecture of Obfuscated Deep Neural Networks,"The advancements of deep neural networks (DNNs) have led to their deployment
in diverse settings, including safety and security-critical applications. As a
result, the characteristics of these models have become sensitive intellectual
properties that require protection from malicious users. Extracting the
architecture of a DNN through leaky side-channels (e.g., memory access) allows
adversaries to (i) clone the model, and (ii) craft adversarial attacks. DNN
obfuscation thwarts side-channel-based architecture stealing (SCAS) attacks by
altering the run-time traces of a given DNN while preserving its functionality.
In this work, we expose the vulnerability of state-of-the-art DNN obfuscation
methods to these attacks. We present NeuroUnlock, a novel SCAS attack against
obfuscated DNNs. Our NeuroUnlock employs a sequence-to-sequence model that
learns the obfuscation procedure and automatically reverts it, thereby
recovering the original DNN architecture. We demonstrate the effectiveness of
NeuroUnlock by recovering the architecture of 200 randomly generated and
obfuscated DNNs running on the Nvidia RTX 2080 TI graphics processing unit
(GPU). Moreover, NeuroUnlock recovers the architecture of various other
obfuscated DNNs, such as the VGG-11, VGG-13, ResNet-20, and ResNet-32 networks.
After recovering the architecture, NeuroUnlock automatically builds a
near-equivalent DNN with only a 1.4% drop in the testing accuracy. We further
show that launching a subsequent adversarial attack on the recovered DNNs
boosts the success rate of the adversarial attack by 51.7% in average compared
to launching it on the obfuscated versions. Additionally, we propose a novel
methodology for DNN obfuscation, ReDLock, which eradicates the deterministic
nature of the obfuscation and achieves 2.16X more resilience to the NeuroUnlock
attack. We release the NeuroUnlock and the ReDLock as open-source frameworks."
3143,From Cities to Series: Complex Networks and Deep Learning for Improved Spatial and Temporal Analytics*,"Graphs have often been used to answer questions about the interaction between
real-world entities by taking advantage of their capacity to represent complex
topologies. Complex networks are known to be graphs that capture such
non-trivial topologies; they are able to represent human phenomena such as
epidemic processes, the dynamics of populations, and the urbanization of
cities. The investigation of complex networks has been extrapolated to many
fields of science, with particular emphasis on computing techniques, including
artificial intelligence. In such a case, the analysis of the interaction
between entities of interest is transposed to the internal learning of
algorithms, a paradigm whose investigation is able to expand the state of the
art in Computer Science. By exploring this paradigm, this thesis puts together
complex networks and machine learning techniques to improve the understanding
of the human phenomena observed in pandemics, pendular migration, and street
networks. Accordingly, we contribute with: (i) a new neural network
architecture capable of modeling dynamic processes observed in spatial and
temporal data with applications in epidemics propagation, weather forecasting,
and patient monitoring in intensive care units; (ii) a machine-learning
methodology for analyzing and predicting links in the scope of human mobility
between all the cities of Brazil; and, (iii) techniques for identifying
inconsistencies in the urban planning of cities while tracking the most
influential vertices, with applications over Brazilian and worldwide cities. We
obtained results sustained by sound evidence of advances to the state of the
art in artificial intelligence, rigorous formalisms, and ample experimentation.
Our findings rely upon real-world applications in a range of domains,
demonstrating the applicability of our methodologies."
3144,Predicting Political Ideology from Digital Footprints,"This paper proposes a new method to predict individual political ideology
from digital footprints on one of the world's largest online discussion forum.
We compiled a unique data set from the online discussion forum reddit that
contains information on the political ideology of around 91,000 users as well
as records of their comment frequency and the comments' text corpus in over
190,000 different subforums of interest. Applying a set of statistical learning
approaches, we show that information about activity in non-political discussion
forums alone, can very accurately predict a user's political ideology.
Depending on the model, we are able to predict the economic dimension of
ideology with an accuracy of up to 90.63% and the social dimension with and
accuracy of up to 82.02%. In comparison, using the textual features from actual
comments does not improve predictive accuracy. Our paper highlights the
importance of revealed digital behaviour to complement stated preferences from
digital communication when analysing human preferences and behaviour using
online data."
3145,Optimization with access to auxiliary information,"We investigate the fundamental optimization question of minimizing a target
function $f(x)$ whose gradients are expensive to compute or have limited
availability, given access to some auxiliary side function $h(x)$ whose
gradients are cheap or more available. This formulation captures many settings
of practical relevance such as i) re-using batches in SGD, ii) transfer
learning, iii) federated learning, iv) training with compressed models/dropout,
etc. We propose two generic new algorithms which are applicable in all these
settings and prove using only an assumption on the Hessian similarity between
the target and side information that we can benefit from this framework."
3146,Towards Generalisable Audio Representations for Audio-Visual Navigation,"In audio-visual navigation (AVN), an intelligent agent needs to navigate to a
constantly sound-making object in complex 3D environments based on its audio
and visual perceptions. While existing methods attempt to improve the
navigation performance with preciously designed path planning or intricate task
settings, none has improved the model generalisation on unheard sounds with
task settings unchanged. We thus propose a contrastive learning-based method to
tackle this challenge by regularising the audio encoder, where the
sound-agnostic goal-driven latent representations can be learnt from various
audio signals of different classes. In addition, we consider two data
augmentation strategies to enrich the training sounds. We demonstrate that our
designs can be easily equipped to existing AVN frameworks to obtain an
immediate performance gain (13.4%$\uparrow$ in SPL on Replica and
12.2%$\uparrow$ in SPL on MP3D). Our project is available at
https://AV-GeN.github.io/."
3147,Attention-embedded Quadratic Network (Qttention) for Effective and Interpretable Bearing Fault Diagnosis,"Bearing fault diagnosis is of great importance to decrease the damage risk of
rotating machines and further improve economic profits. Recently, machine
learning, represented by deep learning, has made great progress in bearing
fault diagnosis. However, applying deep learning to such a task still faces two
major problems. On the one hand, deep learning loses its effectiveness when
bearing data are noisy or big data are unavailable, making deep learning hard
to implement in industrial fields. On the other hand, a deep network is
notoriously a black box. It is difficult to know how a model classifies faulty
signals from the normal and the physics principle behind the classification. To
solve the effectiveness and interpretability issues, we prototype a
convolutional network with recently-invented quadratic neurons. This quadratic
neuron empowered network can qualify the noisy and small bearing data due to
the strong feature representation ability of quadratic neurons. Moreover, we
independently derive the attention mechanism from a quadratic neuron, referred
to as qttention, by factorizing the learned quadratic function in analogue to
the attention, making the model with quadratic neurons inherently
interpretable. Experiments on the public and our datasets demonstrate that the
proposed network can facilitate effective and interpretable bearing fault
diagnosis."
3148,A comparative study between vision transformers and CNNs in digital pathology,"Recently, vision transformers were shown to be capable of outperforming
convolutional neural networks when pretrained on sufficient amounts of data. In
comparison to convolutional neural networks, vision transformers have a weaker
inductive bias and therefore allow a more flexible feature detection. Due to
their promising feature detection, this work explores vision transformers for
tumor detection in digital pathology whole slide images in four tissue types,
and for tissue type identification. We compared the patch-wise classification
performance of the vision transformer DeiT-Tiny to the state-of-the-art
convolutional neural network ResNet18. Due to the sparse availability of
annotated whole slide images, we further compared both models pretrained on
large amounts of unlabeled whole-slide images using state-of-the-art
self-supervised approaches. The results show that the vision transformer
performed slightly better than the ResNet18 for three of four tissue types for
tumor detection while the ResNet18 performed slightly better for the remaining
tasks. The aggregated predictions of both models on slide level were
correlated, indicating that the models captured similar imaging features. All
together, the vision transformer models performed on par with the ResNet18
while requiring more effort to train. In order to surpass the performance of
convolutional neural networks, vision transformers might require more
challenging tasks to benefit from their weak inductive bias."
3149,Transfer without Forgetting,"This work investigates the entanglement between Continual Learning (CL) and
Transfer Learning (TL). In particular, we shed light on the widespread
application of network pretraining, highlighting that it is itself subject to
catastrophic forgetting. Unfortunately, this issue leads to the
under-exploitation of knowledge transfer during later tasks. On this ground, we
propose Transfer without Forgetting (TwF), a hybrid Continual Transfer Learning
approach building upon a fixed pretrained sibling network, which continuously
propagates the knowledge inherent in the source domain through a layer-wise
loss term. Our experiments indicate that TwF steadily outperforms other CL
methods across a variety of settings, averaging a 4.81% gain in
Class-Incremental accuracy over a variety of datasets and different buffer
sizes."
3150,A Generalized Supervised Contrastive Learning Framework,"Based on recent remarkable achievements of contrastive learning in
self-supervised representation learning, supervised contrastive learning
(SupCon) has successfully extended the batch contrastive approaches to the
supervised context and outperformed cross-entropy on various datasets on
ResNet. In this work, we present GenSCL: a generalized supervised contrastive
learning framework that seamlessly adapts modern image-based regularizations
(such as Mixup-Cutmix) and knowledge distillation (KD) to SupCon by our
generalized supervised contrastive loss. Generalized supervised contrastive
loss is a further extension of supervised contrastive loss measuring
cross-entropy between the similarity of labels and that of latent features.
Then a model can learn to what extent contrastives should be pulled closer to
an anchor in the latent space. By explicitly and fully leveraging label
information, GenSCL breaks the boundary between conventional positives and
negatives, and any kind of pre-trained teacher classifier can be utilized.
ResNet-50 trained in GenSCL with Mixup-Cutmix and KD achieves state-of-the-art
accuracies of 97.6% and 84.7% on CIFAR10 and CIFAR100 without external data,
which significantly improves the results reported in the original SupCon (1.6%
and 8.2%, respectively). Pytorch implementation is available at
https://t.ly/yuUO."
3151,Empirical Study of Quality Image Assessment for Synthesis of Fetal Head Ultrasound Imaging with DCGANs,"In this work, we present an empirical study of DCGANs, including
hyperparameter heuristics and image quality assessment, as a way to address the
scarcity of datasets to investigate fetal head ultrasound. We present
experiments to show the impact of different image resolutions, epochs, dataset
size input, and learning rates for quality image assessment on four metrics:
mutual information (MI), Fr\'echet inception distance (FID),
peak-signal-to-noise ratio (PSNR), and local binary pattern vector (LBPv). The
results show that FID and LBPv have stronger relationship with clinical image
quality scores. The resources to reproduce this work are available at
\url{https://github.com/budai4medtech/miua2022}."
3152,Neural Improvement Heuristics for Preference Ranking,"In recent years, Deep Learning based methods have been a revolution in the
field of combinatorial optimization. They learn to approximate solutions and
constitute an interesting choice when dealing with repetitive problems drawn
from similar distributions. Most effort has been devoted to investigating
neural constructive methods, while the works that propose neural models to
iteratively improve a candidate solution are less frequent. In this paper, we
present a Neural Improvement (NI) model for graph-based combinatorial problems
that, given an instance and a candidate solution, encodes the problem
information by means of edge features. Our model proposes a modification on the
pairwise precedence of items to increase the quality of the solution. We
demonstrate the practicality of the model by applying it as the building block
of a Neural Hill Climber and other trajectory-based methods. The algorithms are
used to solve the Preference Ranking Problem and results show that they
outperform conventional alternatives in simulated and real-world data.
Conducted experiments also reveal that the proposed model can be a milestone in
the development of efficiently guided trajectory-based optimization algorithms."
3153,Bayesian Learning to Discover Mathematical Operations in Governing Equations of Dynamic Systems,"Discovering governing equations from data is critical for diverse scientific
disciplines as they can provide insights into the underlying phenomenon of
dynamic systems. This work presents a new representation for governing
equations by designing the Mathematical Operation Network (MathONet) with a
deep neural network-like hierarchical structure. Specifically, the MathONet is
stacked by several layers of unary operations (e.g., sin, cos, log) and binary
operations (e.g., +,-), respectively. An initialized MathONet is typically
regarded as a super-graph with a redundant structure, a sub-graph of which can
yield the governing equation. We develop a sparse group Bayesian learning
algorithm to extract the sub-graph by employing structurally constructed priors
over the redundant mathematical operations. By demonstrating the chaotic Lorenz
system, Lotka-Volterra system, and Kolmogorov-Petrovsky-Piskunov system, the
proposed method can discover the ordinary differential equations (ODEs) and
partial differential equations (PDEs) from the observations given limited
mathematical operations, without any prior knowledge on possible expressions of
the ODEs and PDEs."
3154,Strongly Augmented Contrastive Clustering,"Deep clustering has attracted increasing attention in recent years due to its
capability of joint representation learning and clustering via deep neural
networks. In its latest developments, the contrastive learning has emerged as
an effective technique to substantially enhance the deep clustering
performance. However, the existing contrastive learning based deep clustering
algorithms mostly focus on some carefully-designed augmentations (often with
limited transformations to preserve the structure), referred to as weak
augmentations, but cannot go beyond the weak augmentations to explore the more
opportunities in stronger augmentations (with more aggressive transformations
or even severe distortions). In this paper, we present an end-to-end deep
clustering approach termed strongly augmented contrastive clustering (SACC),
which extends the conventional two-augmentation-view paradigm to multiple views
and jointly leverages strong and weak augmentations for strengthened deep
clustering. Particularly, we utilize a backbone network with triply-shared
weights, where a strongly augmented view and two weakly augmented views are
incorporated. Based on the representations produced by the backbone, the
weak-weak view pair and the strong-weak view pairs are simultaneously exploited
for the instance-level contrastive learning (via an instance projector) and the
cluster-level contrastive learning (via a cluster projector), which, together
with the backbone, can be jointly optimized in a purely unsupervised manner.
Experimental results on five challenging image datasets have shown the superior
performance of the proposed SACC approach over the state-of-the-art."
3155,ORC: Network Group-based Knowledge Distillation using Online Role Change,"In knowledge distillation, since a single, omnipotent teacher network cannot
solve all problems, multiple teacher-based knowledge distillations have been
studied recently. However, sometimes their improvements are not as good as
expected because some immature teachers may transfer the false knowledge to the
student. In this paper, to overcome this limitation and take the efficacy of
the multiple networks, we divide the multiple networks into teacher and student
groups, respectively. That is, the student group is a set of immature networks
that require learning the teacher's knowledge, while the teacher group consists
of the selected networks that have performed well. Furthermore, according to
our online role change strategy, the top-ranked networks in the student group
are able to promote to the teacher group at every iteration and vice versa.
After training the teacher group using the error images of the student group to
refine the teacher group's knowledge, we transfer the collective knowledge from
the teacher group to the student group successfully. We verify the superiority
of the proposed method on CIFAR-10 and CIFAR-100, which achieves high
performance. We further show the generality of our method with various backbone
architectures such as resent, wrn, vgg, mobilenet, and shufflenet."
3156,Learning programs by combining programs,"The goal of inductive logic programming is to induce a set of rules (a logic
program) that generalises examples. Inducing programs with many rules and
literals is a major challenge. To tackle this challenge, we decompose programs
into \emph{non-separable} fragments, learn fragments separately, and then
combine them. We implement our approach in a generate, test, combine, and
constrain loop. Our anytime approach can learn optimal, recursive, and large
programs and supports predicate invention. Our experiments on multiple domains
(including program synthesis and inductive general game playing) show that our
approach can increase predictive accuracies and reduce learning times compared
to existing approaches."
3157,Elucidating the Design Space of Diffusion-Based Generative Models,"We argue that the theory and practice of diffusion-based generative models
are currently unnecessarily convoluted and seek to remedy the situation by
presenting a design space that clearly separates the concrete design choices.
This lets us identify several changes to both the sampling and training
processes, as well as preconditioning of the score networks. Together, our
improvements yield new state-of-the-art FID of 1.79 for CIFAR-10 in a
class-conditional setting and 1.97 in an unconditional setting, with much
faster sampling (35 network evaluations per image) than prior designs. To
further demonstrate their modular nature, we show that our design changes
dramatically improve both the efficiency and quality obtainable with
pre-trained score networks from previous work, including improving the FID of
an existing ImageNet-64 model from 2.07 to near-SOTA 1.55."
3158,Bring Your Own Algorithm for Optimal Differentially Private Stochastic Minimax Optimization,"We study differentially private (DP) algorithms for smooth stochastic minimax
optimization, with stochastic minimization as a byproduct. The holy grail of
these settings is to guarantee the optimal trade-off between the privacy and
the excess population loss, using an algorithm with a linear time-complexity in
the number of training samples. We provide a general framework for solving
differentially private stochastic minimax optimization (DP-SMO) problems, which
enables the practitioners to bring their own base optimization algorithm and
use it as a black-box to obtain the near-optimal privacy-loss trade-off. Our
framework is inspired from the recently proposed Phased-ERM method [20] for
nonsmooth differentially private stochastic convex optimization (DP-SCO), which
exploits the stability of the empirical risk minimization (ERM) for the privacy
guarantee. The flexibility of our approach enables us to sidestep the
requirement that the base algorithm needs to have bounded sensitivity, and
allows the use of sophisticated variance-reduced accelerated methods to achieve
near-linear time-complexity. To the best of our knowledge, these are the first
linear-time optimal algorithms, up to logarithmic factors, for smooth DP-SMO
when the objective is (strongly-)convex-(strongly-)concave. Additionally, based
on our flexible framework, we derive a new family of near-linear time
algorithms for smooth DP-SCO with optimal privacy-loss trade-offs for a wider
range of smoothness parameters compared to previous algorithms."
3159,Augmenting Message Passing by Retrieving Similar Graphs,"Graph Neural Networks (GNNs) are effective tools for graph representation
learning. Most GNNs rely on a recursive neighborhood aggregation scheme, named
message passing. In this paper, motivated by the success of retrieval-based
models, we propose a non-parametric scheme called GraphRetrieval, in which
similar training graphs associated with their ground-truth labels are retrieved
to be jointly utilized with the input graph representation to complete various
graph-based predictive tasks. In particular, we take a well-trained model with
its parameters fixed and then we add an adapter based on self-attention with
only a few trainable parameters per task to explicitly learn the interaction
between an input graph and its retrieved similar graphs. Our experiments on 12
different datasets involving different tasks (classification and regression)
show that GraphRetrieval is able to achieve substantial improvements on all
twelve datasets compared to three strong GNN baseline models. Our work
demonstrates that GraphRetrieval is a promising augmentation for message
passing."
3160,DeepCluE: Enhanced Image Clustering via Multi-layer Ensembles in Deep Neural Networks,"Deep clustering has recently emerged as a promising technique for complex
image clustering. Despite the significant progress, previous deep clustering
works mostly tend to construct the final clustering by utilizing a single layer
of representation, e.g., by performing $K$-means on the last fully-connected
layer or by associating some clustering loss to a specific layer. However, few
of them have considered the possibilities and potential benefits of jointly
leveraging multi-layer representations for enhancing the deep clustering
performance. In light of this, this paper presents a Deep Clustering via
Ensembles (DeepCluE) approach, which bridges the gap between deep clustering
and ensemble clustering by harnessing the power of multiple layers in deep
neural networks. Particularly, we utilize a weight-sharing convolutional neural
network as the backbone, which is trained with both the instance-level
contrastive learning (via an instance projector) and the cluster-level
contrastive learning (via a cluster projector) in an unsupervised manner.
Thereafter, multiple layers of feature representations are extracted from the
trained network, upon which a set of diversified base clusterings can be
generated via a highly efficient clusterer. Then, the reliability of the
clusters in multiple base clusterings is automatically estimated by exploiting
an entropy-based criterion, based on which the multiple base clusterings are
further formulated into a weighted-cluster bipartite graph. By partitioning
this bipartite graph via transfer cut, the final image clustering result can
therefore be obtained. Experimental results on six image datasets confirm the
advantages of our DeepCluE approach over the state-of-the-art deep clustering
approaches."
3161,A Survey on Deep Learning for Skin Lesion Segmentation,"Skin cancer is a major public health problem that could benefit from
computer-aided diagnosis to reduce the burden of this common disease. Skin
lesion segmentation from images is an important step toward achieving this
goal. However, the presence of natural and artificial artifacts (e.g., hair and
air bubbles), intrinsic factors (e.g., lesion shape and contrast), and
variations in image acquisition conditions make skin lesion segmentation a
challenging task. Recently, various researchers have explored the applicability
of deep learning models to skin lesion segmentation. In this survey, we
cross-examine 134 research papers that deal with deep learning based
segmentation of skin lesions. We analyze these works along several dimensions,
including input data (datasets, preprocessing, and synthetic data generation),
model design (architecture, modules, and losses), and evaluation aspects (data
annotation requirements and segmentation performance). We discuss these
dimensions both from the viewpoint of select seminal works, and from a
systematic viewpoint, examining how those choices have influenced current
trends, and how their limitations should be addressed. We summarize all
examined works in a comprehensive table to facilitate comparisons."
3162,Support Vector Machines under Adversarial Label Contamination,"Machine learning algorithms are increasingly being applied in
security-related tasks such as spam and malware detection, although their
security properties against deliberate attacks have not yet been widely
understood. Intelligent and adaptive attackers may indeed exploit specific
vulnerabilities exposed by machine learning techniques to violate system
security. Being robust to adversarial data manipulation is thus an important,
additional requirement for machine learning algorithms to successfully operate
in adversarial settings. In this work, we evaluate the security of Support
Vector Machines (SVMs) to well-crafted, adversarial label noise attacks. In
particular, we consider an attacker that aims to maximize the SVM's
classification error by flipping a number of labels in the training data. We
formalize a corresponding optimal attack strategy, and solve it by means of
heuristic approaches to keep the computational complexity tractable. We report
an extensive experimental analysis on the effectiveness of the considered
attacks against linear and non-linear SVMs, both on synthetic and real-world
datasets. We finally argue that our approach can also provide useful insights
for developing more secure SVM learning algorithms, and also novel techniques
in a number of related research areas, such as semi-supervised and active
learning."
3163,Control of Two-way Coupled Fluid Systems with Differentiable Solvers,"We investigate the use of deep neural networks to control complex nonlinear
dynamical systems, specifically the movement of a rigid body immersed in a
fluid. We solve the Navier Stokes equations with two way coupling, which gives
rise to nonlinear perturbations that make the control task very challenging.
Neural networks are trained in an unsupervised way to act as controllers with
desired characteristics through a process of learning from a differentiable
simulator. Here we introduce a set of physically interpretable loss terms to
let the networks learn robust and stable interactions. We demonstrate that
controllers trained in a canonical setting with quiescent initial conditions
reliably generalize to varied and challenging environments such as previously
unseen inflow conditions and forcing, although they do not have any fluid
information as input. Further, we show that controllers trained with our
approach outperform a variety of classical and learned alternatives in terms of
evaluation metrics and generalization capabilities."
3164,Nonsmooth automatic differentiation: a cheap gradient principle and other complexity results,"We provide a simple model to estimate the computational costs of the backward
and forward modes of algorithmic differentiation for a wide class of nonsmooth
programs. Prominent examples are the famous relu and convolutional neural
networks together with their standard loss functions. Using the recent notion
of conservative gradients, we then establish a ""nonsmooth cheap gradient
principle"" for backpropagation encompassing most concrete applications.
Nonsmooth backpropagation's cheapness contrasts with concurrent forward
approaches which have, at this day, dimensional-dependent worst case estimates.
In order to understand this class of methods, we relate the complexity of
computing a large number of directional derivatives to that of matrix
multiplication. This shows a fundamental limitation for improving forward AD
for that task. Finally, while the fastest algorithms for computing a Clarke
subgradient are linear in the dimension, it appears that computing two distinct
Clarke (resp. lexicographic) subgradients for simple neural networks is
NP-Hard."
3165,On Layer Normalizations and Residual Connections in Transformers,"In the perspective of a layer normalization (LN) position, the architecture
of Transformers can be categorized into two types: Post-LN and Pre-LN. Recent
Transformers prefer to select Pre-LN because the training in Post-LN with deep
Transformers, e.g., ten or more layers, often becomes unstable, resulting in
useless models. However, in contrast, Post-LN has also consistently achieved
better performance than Pre-LN in relatively shallow Transformers, e.g., six or
fewer layers. This study first investigates the reason for these discrepant
observations empirically and theoretically and discovers 1, the LN in Post-LN
is the source of the vanishing gradient problem that mainly leads the unstable
training whereas Pre-LN prevents it, and 2, Post-LN tends to preserve larger
gradient norms in higher layers during the back-propagation that may lead an
effective training. Exploiting the new findings, we propose a method that can
equip both higher stability and effective training by a simple modification
from Post-LN. We conduct experiments on a wide range of text generation tasks
and demonstrate that our method outperforms Pre-LN, and stable training
regardless of the shallow or deep layer settings."
3166,RLSS: A Deep Reinforcement Learning Algorithm for Sequential Scene Generation,"We present RLSS: a reinforcement learning algorithm for sequential scene
generation. This is based on employing the proximal policy optimization (PPO)
algorithm for generative problems. In particular, we consider how to
effectively reduce the action space by including a greedy search algorithm in
the learning process. Our experiments demonstrate that our method converges for
a relatively large number of actions and learns to generate scenes with
predefined design objectives. This approach is placing objects iteratively in
the virtual scene. In each step, the network chooses which objects to place and
selects positions which result in maximal reward. A high reward is assigned if
the last action resulted in desired properties whereas the violation of
constraints is penalized. We demonstrate the capability of our method to
generate plausible and diverse scenes efficiently by solving indoor planning
problems and generating Angry Birds levels."
3167,Model Generation with Provable Coverability for Offline Reinforcement Learning,"Model-based offline optimization with dynamics-aware policy provides a new
perspective for policy learning and out-of-distribution generalization, where
the learned policy could adapt to different dynamics enumerated at the training
stage. But due to the limitation under the offline setting, the learned model
could not mimic real dynamics well enough to support reliable
out-of-distribution exploration, which still hinders policy to generalize well.
To narrow the gap, previous works roughly ensemble randomly initialized models
to better approximate the real dynamics. However, such practice is costly and
inefficient, and provides no guarantee on how well the real dynamics could be
approximated by the learned models, which we name coverability in this paper.
We actively address this issue by generating models with provable ability to
cover real dynamics in an efficient and controllable way. To that end, we
design a distance metric for dynamic models based on the occupancy of policies
under the dynamics, and propose an algorithm to generate models optimizing
their coverage for the real dynamics. We give a theoretical analysis on the
model generation process and proves that our algorithm could provide enhanced
coverability. As a downstream task, we train a dynamics-aware policy with minor
or no conservative penalty, and experiments demonstrate that our algorithm
outperforms prior offline methods on existing offline RL benchmarks. We also
discover that policies learned by our method have better zero-shot transfer
performance, implying their better generalization."
3168,Contextual Bandits with Knapsacks for a Conversion Model,"We consider contextual bandits with knapsacks, with an underlying structure
between rewards generated and cost vectors suffered. We do so motivated by
sales with commercial discounts. At each round, given the stochastic i.i.d.\
context $\mathbf{x}_t$ and the arm picked $a_t$ (corresponding, e.g., to a
discount level), a customer conversion may be obtained, in which case a reward
$r(a,\mathbf{x}_t)$ is gained and vector costs $c(a_t,\mathbf{x}_t)$ are
suffered (corresponding, e.g., to losses of earnings). Otherwise, in the
absence of a conversion, the reward and costs are null. The reward and costs
achieved are thus coupled through the binary variable measuring conversion or
the absence thereof. This underlying structure between rewards and costs is
different from the linear structures considered by Agrawal and Devanur [2016]
but we show that the techniques introduced in this article may also be applied
to the latter case. Namely, the adaptive policies exhibited solve at each round
a linear program based on upper-confidence estimates of the probabilities of
conversion given $a$ and $\mathbf{x}$. This kind of policy is most natural and
achieves a regret bound of the typical order (OPT/$B$) $\sqrt{T}$, where $B$ is
the total budget allowed, OPT is the optimal expected reward achievable by a
static policy, and $T$ is the number of rounds."
3169,Federated Learning in Satellite Constellations,"Distributed machine learning (DML) results from the synergy between machine
learning and connectivity. Federated learning (FL) is a prominent instance of
DML in which intermittently connected mobile clients contribute to the training
of a common learning model. This paper presents the new context brought to FL
by satellite constellations where the connectivity patterns are significantly
different from the ones assumed in terrestrial FL. We provide a taxonomy of
different types of satellite connectivity relevant for FL and show how the
distributed training process can overcome the slow convergence due to long
offline times of clients by taking advantage of the predictable intermittency
of the satellite communication links."
3170,Predecessor Features,"Any reinforcement learning system must be able to identify which past events
contributed to observed outcomes, a problem known as credit assignment. A
common solution to this problem is to use an eligibility trace to assign credit
to recency-weighted set of experienced events. However, in many realistic
tasks, the set of recently experienced events are only one of the many possible
action events that could have preceded the current outcome. This suggests that
reinforcement learning can be made more efficient by allowing credit assignment
to any viable preceding state, rather than only those most recently
experienced. Accordingly, we examine ``Predecessor Features'', the fully
bootstrapped version of van Hasselt's ``Expected Trace'', an algorithm that
achieves this richer form of credit assignment. By maintaining a representation
that approximates the expected sum of past occupancies, this algorithm allows
temporal difference (TD) errors to be propagated accurately to a larger number
of predecessor states than conventional methods, greatly improving learning
speed. The algorithm can also be naturally extended from tabular state
representation to feature representations allowing for increased performance on
a wide range of environments. We demonstrate several use cases for Predecessor
Features and compare its performance with other approaches."
3171,Multi-Complexity-Loss DNAS for Energy-Efficient and Memory-Constrained Deep Neural Networks,"Neural Architecture Search (NAS) is increasingly popular to automatically
explore the accuracy versus computational complexity trade-off of Deep Learning
(DL) architectures. When targeting tiny edge devices, the main challenge for DL
deployment is matching the tight memory constraints, hence most NAS algorithms
consider model size as the complexity metric. Other methods reduce the energy
or latency of DL models by trading off accuracy and number of inference
operations. Energy and memory are rarely considered simultaneously, in
particular by low-search-cost Differentiable NAS (DNAS) solutions. We overcome
this limitation proposing the first DNAS that directly addresses the most
realistic scenario from a designer's perspective: the co-optimization of
accuracy and energy (or latency) under a memory constraint, determined by the
target HW. We do so by combining two complexity-dependent loss functions during
training, with independent strength. Testing on three edge-relevant tasks from
the MLPerf Tiny benchmark suite, we obtain rich Pareto sets of architectures in
the energy vs. accuracy space, with memory footprints constraints spanning from
75% to 6.25% of the baseline networks. When deployed on a commercial edge
device, the STM NUCLEO-H743ZI2, our networks span a range of 2.18x in energy
consumption and 4.04% in accuracy for the same memory constraint, and reduce
energy by up to 2.2x with negligible accuracy drop with respect to the
baseline."
3172,Stochastic Gradient Methods with Preconditioned Updates,"This work considers non-convex finite sum minimization. There are a number of
algorithms for such problems, but existing methods often work poorly when the
problem is badly scaled and/or ill-conditioned, and a primary goal of this work
is to introduce methods that alleviate this issue. Thus, here we include a
preconditioner that is based upon Hutchinson's approach to approximating the
diagonal of the Hessian, and couple it with several gradient based methods to
give new `scaled' algorithms: {\tt Scaled SARAH} and {\tt Scaled L-SVRG}.
Theoretical complexity guarantees under smoothness assumptions are presented,
and we prove linear convergence when both smoothness and the PL-condition is
assumed. Because our adaptively scaled methods use approximate partial second
order curvature information, they are better able to mitigate the impact of
badly scaled problems, and this improved practical performance is demonstrated
in the numerical experiments that are also presented in this work."
3173,On the Perils of Cascading Robust Classifiers,"Ensembling certifiably robust neural networks has been shown to be a
promising approach for improving the \emph{certified robust accuracy} of neural
models. Black-box ensembles that assume only query-access to the constituent
models (and their robustness certifiers) during prediction are particularly
attractive due to their modular structure. Cascading ensembles are a popular
instance of black-box ensembles that appear to improve certified robust
accuracies in practice. However, we find that the robustness certifier used by
a cascading ensemble is unsound. That is, when a cascading ensemble is
certified as locally robust at an input $x$, there can, in fact, be inputs $x'$
in the $\epsilon$-ball centered at $x$, such that the cascade's prediction at
$x'$ is different from $x$. We present an alternate black-box ensembling
mechanism based on weighted voting which we prove to be sound for robustness
certification. Via a thought experiment, we demonstrate that if the constituent
classifiers are suitably diverse, voting ensembles can improve certified
performance. Our code is available at
\url{https://github.com/TristaChi/ensembleKW}."
3174,Task-Specific Expert Pruning for Sparse Mixture-of-Experts,"The sparse Mixture-of-Experts (MoE) model is powerful for large-scale
pre-training and has achieved promising results due to its model capacity.
However, with trillions of parameters, MoE is hard to be deployed on cloud or
mobile environment. The inference of MoE requires expert parallelism, which is
not hardware-friendly and communication expensive. Especially for
resource-limited downstream tasks, such sparse structure has to sacrifice a lot
of computing efficiency for limited performance gains. In this work, we observe
most experts contribute scarcely little to the MoE fine-tuning and inference.
We further propose a general method to progressively drop the non-professional
experts for the target downstream task, which preserves the benefits of MoE
while reducing the MoE model into one single-expert dense model. Our
experiments reveal that the fine-tuned single-expert model could preserve 99.3%
benefits from MoE across six different types of tasks while enjoying 2x
inference speed with free communication cost."
3175,Provably Efficient Lifelong Reinforcement Learning with Linear Function Approximation,"We study lifelong reinforcement learning (RL) in a regret minimization
setting of linear contextual Markov decision process (MDP), where the agent
needs to learn a multi-task policy while solving a streaming sequence of tasks.
We propose an algorithm, called UCB Lifelong Value Distillation (UCBlvd), that
provably achieves sublinear regret for any sequence of tasks, which may be
adaptively chosen based on the agent's past behaviors. Remarkably, our
algorithm uses only sublinear number of planning calls, which means that the
agent eventually learns a policy that is near optimal for multiple tasks (seen
or unseen) without the need of deliberate planning. A key to this property is a
new structural assumption that enables computation sharing across tasks during
exploration. Specifically, for $K$ task episodes of horizon $H$, our algorithm
has a regret bound $\tilde{\mathcal{O}}(\sqrt{(d^3+d^\prime d)H^4K})$ based on
$\mathcal{O}(dH\log(K))$ number of planning calls, where $d$ and $d^\prime$ are
the feature dimensions of the dynamics and rewards, respectively. This
theoretical guarantee implies that our algorithm can enable a lifelong learning
agent to accumulate experiences and learn to rapidly solve new tasks."
3176,Self-supervised Learning for Label Sparsity in Computational Drug Repositioning,"The computational drug repositioning aims to discover new uses for marketed
drugs, which can accelerate the drug development process and play an important
role in the existing drug discovery system. However, the number of validated
drug-disease associations is scarce compared to the number of drugs and
diseases in the real world. Too few labeled samples will make the
classification model unable to learn effective latent factors of drugs,
resulting in poor generalization performance. In this work, we propose a
multi-task self-supervised learning framework for computational drug
repositioning. The framework tackles label sparsity by learning a better drug
representation. Specifically, we take the drug-disease association prediction
problem as the main task, and the auxiliary task is to use data augmentation
strategies and contrast learning to mine the internal relationships of the
original drug features, so as to automatically learn a better drug
representation without supervised labels. And through joint training, it is
ensured that the auxiliary task can improve the prediction accuracy of the main
task. More precisely, the auxiliary task improves drug representation and
serving as additional regularization to improve generalization. Furthermore, we
design a multi-input decoding network to improve the reconstruction ability of
the autoencoder model. We evaluate our model using three real-world datasets.
The experimental results demonstrate the effectiveness of the multi-task
self-supervised learning framework, and its predictive ability is superior to
the state-of-the-art model."
3177,Multi-block Min-max Bilevel Optimization with Applications in Multi-task Deep AUC Maximization,"In this paper, we study multi-block min-max bilevel optimization problems,
where the upper level is non-convex strongly-concave minimax objective and the
lower level is a strongly convex objective, and there are multiple blocks of
dual variables and lower level problems. Due to the intertwined multi-block
min-max bilevel structure, the computational cost at each iteration could be
prohibitively high, especially with a large number of blocks. To tackle this
challenge, we present a single-loop randomized stochastic algorithm, which
requires updates for only a constant number of blocks at each iteration. Under
some mild assumptions on the problem, we establish its sample complexity of
$\mathcal{O}(1/\epsilon^4)$ for finding an $\epsilon$-stationary point. This
matches the optimal complexity for solving stochastic nonconvex optimization
under a general unbiased stochastic oracle model. Moreover, we provide two
applications of the proposed method in multi-task deep AUC (area under ROC
curve) maximization and multi-task deep partial AUC maximization. Experimental
results validate our theory and demonstrate the effectiveness of our method on
problems with hundreds of tasks."
3178,IDANI: Inference-time Domain Adaptation via Neuron-level Interventions,"Large pre-trained models are usually fine-tuned on downstream task data, and
tested on unseen data. When the train and test data come from different
domains, the model is likely to struggle, as it is not adapted to the test
domain. We propose a new approach for domain adaptation (DA), using
neuron-level interventions: We modify the representation of each test example
in specific neurons, resulting in a counterfactual example from the source
domain, which the model is more familiar with. The modified example is then fed
back into the model. While most other DA methods are applied during training
time, ours is applied during inference only, making it more efficient and
applicable. Our experiments show that our method improves performance on unseen
domains."
3179,CoNSoLe: Convex Neural Symbolic Learning,"Learning the underlying equation from data is a fundamental problem in many
disciplines. Recent advances rely on Neural Networks (NNs) but do not provide
theoretical guarantees in obtaining the exact equations owing to the
non-convexity of NNs. In this paper, we propose Convex Neural Symbolic Learning
(CoNSoLe) to seek convexity under mild conditions. The main idea is to
decompose the recovering process into two steps and convexify each step. In the
first step of searching for right symbols, we convexify the deep Q-learning.
The key is to maintain double convexity for both the negative Q-function and
the negative reward function in each iteration, leading to provable convexity
of the negative optimal Q function to learn the true symbol connections.
Conditioned on the exact searching result, we construct a Locally Convex
equation Learner (LoCaL) neural network to convexify the estimation of symbol
coefficients. With such a design, we quantify a large region with strict
convexity in the loss surface of LoCaL for commonly used physical functions.
Finally, we demonstrate the superior performance of the CoNSoLe framework over
the state-of-the-art on a diverse set of datasets."
3180,Star algorithm for NN ensembling,"Neural network ensembling is a common and robust way to increase model
efficiency. In this paper, we propose a new neural network ensemble algorithm
based on Audibert's empirical star algorithm. We provide optimal theoretical
minimax bound on the excess squared risk. Additionally, we empirically study
this algorithm on regression and classification tasks and compare it to most
popular ensembling methods."
3181,Interpretable Deep Learning Classifier by Detection of Prototypical Parts on Kidney Stones Images,"Identifying the type of kidney stones can allow urologists to determine their
formation cause, improving the early prescription of appropriate treatments to
diminish future relapses. However, currently, the associated ex-vivo diagnosis
(known as morpho-constitutional analysis, MCA) is time-consuming, expensive,
and requires a great deal of experience, as it requires a visual analysis
component that is highly operator dependant. Recently, machine learning methods
have been developed for in-vivo endoscopic stone recognition. Shallow methods
have been demonstrated to be reliable and interpretable but exhibit low
accuracy, while deep learning-based methods yield high accuracy but are not
explainable. However, high stake decisions require understandable
computer-aided diagnosis (CAD) to suggest a course of action based on
reasonable evidence, rather than merely prescribe one. Herein, we investigate
means for learning part-prototypes (PPs) that enable interpretable models. Our
proposal suggests a classification for a kidney stone patch image and provides
explanations in a similar way as those used on the MCA method."
3182,Fair Comparison between Efficient Attentions,"Transformers have been successfully used in various fields and are becoming
the standard tools in computer vision. However, self-attention, a core
component of transformers, has a quadratic complexity problem, which limits the
use of transformers in various vision tasks that require dense prediction. Many
studies aiming at solving this problem have been reported proposed. However, no
comparative study of these methods using the same scale has been reported due
to different model configurations, training schemes, and new methods. In our
paper, we validate these efficient attention models on the ImageNet1K
classification task by changing only the attention operation and examining
which efficient attention is better."
3183,Asymptotic Properties for Bayesian Neural Network in Besov Space,"Neural networks have shown great predictive power when dealing with various
unstructured data such as images and natural languages. The Bayesian neural
network captures the uncertainty of prediction by putting a prior distribution
for the parameter of the model and computing the posterior distribution. In
this paper, we show that the Bayesian neural network using spike-and-slab prior
has consistency with nearly minimax convergence rate when the true regression
function is in the Besov space. Even when the smoothness of the regression
function is unknown the same posterior convergence rate holds and thus the
spike and slab prior is adaptive to the smoothness of the regression function.
We also consider the shrinkage prior and show that it has the same convergence
rate. In other words, we propose a practical Bayesian neural network with
guaranteed asymptotic properties."
3184,Privacy for Free: How does Dataset Condensation Help Privacy?,"To prevent unintentional data leakage, research community has resorted to
data generators that can produce differentially private data for model
training. However, for the sake of the data privacy, existing solutions suffer
from either expensive training cost or poor generalization performance.
Therefore, we raise the question whether training efficiency and privacy can be
achieved simultaneously. In this work, we for the first time identify that
dataset condensation (DC) which is originally designed for improving training
efficiency is also a better solution to replace the traditional data generators
for private data generation, thus providing privacy for free. To demonstrate
the privacy benefit of DC, we build a connection between DC and differential
privacy, and theoretically prove on linear feature extractors (and then
extended to non-linear feature extractors) that the existence of one sample has
limited impact ($O(m/n)$) on the parameter distribution of networks trained on
$m$ samples synthesized from $n (n \gg m)$ raw samples by DC. We also
empirically validate the visual privacy and membership privacy of
DC-synthesized data by launching both the loss-based and the state-of-the-art
likelihood-based membership inference attacks. We envision this work as a
milestone for data-efficient and privacy-preserving machine learning."
3185,Transferable Reward Learning by Dynamics-Agnostic Discriminator Ensemble,"Inverse reinforcement learning (IRL) recovers the underlying reward function
from expert demonstrations. A generalizable reward function is even desired as
it captures the fundamental motivation of the expert. However, classical IRL
methods can only recover reward functions coupled with the training dynamics,
thus are hard to generalize to a changed environment. Previous
dynamics-agnostic reward learning methods have strict assumptions, such as that
the reward function has to be state-only. This work proposes a general approach
to learn transferable reward functions, Dynamics-Agnostic
Discriminator-Ensemble Reward Learning (DARL). Following the adversarial
imitation learning (AIL) framework, DARL learns a dynamics-agnostic
discriminator on a latent space mapped from the original state-action space.
The latent space is learned to contain the least information of the dynamics.
Moreover, to reduce the reliance of the discriminator on policies, the reward
function is represented as an ensemble of the discriminators during training.
We assess DARL in four MuJoCo tasks with dynamics transfer. Empirical results
compared with the state-of-the-art AIL methods show that DARL can learn a
reward that is more consistent with the true reward, thus obtaining higher
environment returns."
3186,Continuous Prediction with Experts' Advice,"Prediction with experts' advice is one of the most fundamental problems in
online learning and captures many of its technical challenges. A recent line of
work has looked at online learning through the lens of differential equations
and continuous-time analysis. This viewpoint has yielded optimal results for
several problems in online learning.
In this paper, we employ continuous-time stochastic calculus in order to
study the discrete-time experts' problem. We use these tools to design a
continuous-time, parameter-free algorithm with improved guarantees for the
quantile regret. We then develop an analogous discrete-time algorithm with a
very similar analysis and identical quantile regret bounds. Finally, we design
an anytime continuous-time algorithm with regret matching the optimal
fixed-time rate when the gains are independent Brownian Motions; in many
settings, this is the most difficult case. This gives some evidence that, even
with adversarial gains, the optimal anytime and fixed-time regrets may
coincide."
3187,DM$^2$: Distributed Multi-Agent Reinforcement Learning for Distribution Matching,"Current approaches to multi-agent cooperation rely heavily on centralized
mechanisms or explicit communication protocols to ensure convergence. This
paper studies the problem of distributed multi-agent learning without resorting
to explicit coordination schemes. The proposed algorithm (DM$^2$) leverages
distribution matching to facilitate independent agents' coordination. Each
individual agent matches a target distribution of concurrently sampled
trajectories from a joint expert policy. The theoretical analysis shows that
under some conditions, if each agent optimizes their individual distribution
matching objective, the agents increase a lower bound on the objective of
matching the joint expert policy, allowing convergence to the joint expert
policy. Further, if the distribution matching objective is aligned with a joint
task, a combination of environment reward and distribution matching reward
leads to the same equilibrium. Experimental validation on the StarCraft domain
shows that combining the reward for distribution matching with the environment
reward allows agents to outperform a fully distributed baseline. Additional
experiments probe the conditions under which expert demonstrations need to be
sampled in order to outperform the fully distributed baseline."
3188,Lower and Upper Bounds for Numbers of Linear Regions of Graph Convolutional Networks,"The research for characterizing GNN expressiveness attracts much attention as
graph neural networks achieve a champion in the last five years. The number of
linear regions has been considered a good measure for the expressivity of
neural networks with piecewise linear activation. In this paper, we present
some estimates for the number of linear regions of the classic graph
convolutional networks (GCNs) with one layer and multiple-layer scenarios. In
particular, we obtain an optimal upper bound for the maximum number of linear
regions for one-layer GCNs, and the upper and lower bounds for multi-layer
GCNs. The simulated estimate shows that the true maximum number of linear
regions is possibly closer to our estimated lower bound. These results imply
that the number of linear regions of multi-layer GCNs is exponentially greater
than one-layer GCNs per parameter in general. This suggests that deeper GCNs
have more expressivity than shallow GCNs."
3189,Torsional Diffusion for Molecular Conformer Generation,"Molecular conformer generation is a fundamental task in computational
chemistry. Several machine learning approaches have been developed, but none
have outperformed state-of-the-art cheminformatics methods. We propose
torsional diffusion, a novel diffusion framework that operates on the space of
torsion angles via a diffusion process on the hypertorus and an
extrinsic-to-intrinsic score model. On a standard benchmark of drug-like
molecules, torsional diffusion generates superior conformer ensembles compared
to machine learning and cheminformatics methods in terms of both RMSD and
chemical properties, and is orders of magnitude faster than previous
diffusion-based models. Moreover, our model provides exact likelihoods, which
we employ to build the first generalizable Boltzmann generator. Code is
available at https://github.com/gcorso/torsional-diffusion."
3190,Learning to Untangle Genome Assembly with Graph Convolutional Networks,"A quest to determine the complete sequence of a human DNA from telomere to
telomere started three decades ago and was finally completed in 2021. This
accomplishment was a result of a tremendous effort of numerous experts who
engineered various tools and performed laborious manual inspection to achieve
the first gapless genome sequence. However, such method can hardly be used as a
general approach to assemble different genomes, especially when the assembly
speed is critical given the large amount of data. In this work, we explore a
different approach to the central part of the genome assembly task that
consists of untangling a large assembly graph from which a genomic sequence
needs to be reconstructed. Our main motivation is to reduce human-engineered
heuristics and use deep learning to develop more generalizable reconstruction
techniques. Precisely, we introduce a new learning framework to train a graph
convolutional network to resolve assembly graphs by finding a correct path
through them. The training is supervised with a dataset generated from the
resolved CHM13 human sequence and tested on assembly graphs built using real
human PacBio HiFi reads. Experimental results show that a model, trained on
simulated graphs generated solely from a single chromosome, is able to
remarkably resolve all other chromosomes. Moreover, the model outperforms
hand-crafted heuristics from a state-of-the-art \textit{de novo} assembler on
the same graphs. Reconstructed chromosomes with graph networks are more
accurate on nucleotide level, report lower number of contigs, higher genome
reconstructed fraction and NG50/NGA50 assessment metrics."
3191,Adaptive Online Learning of Quantum States,"In the fundamental problem of shadow tomography, the goal is to efficiently
learn an unknown $d$-dimensional quantum state using projective measurements.
However, it is rarely the case that the underlying state remains stationary:
changes may occur due to measurements, environmental noise, or an underlying
Hamiltonian state evolution. In this paper we adopt tools from adaptive online
learning to learn a changing state, giving adaptive and dynamic regret bounds
for online shadow tomography that are polynomial in the number of qubits and
sublinear in the number of measurements. Our analysis utilizes tools from
complex matrix analysis to cope with complex numbers, which may be of
independent interest in online learning. In addition, we provide numerical
experiments that corroborate our theoretical results."
3192,How Biased is Your Feature?: Computing Fairness Influence Functions with Global Sensitivity Analysis,"Fairness in machine learning has attained significant focus due to the
widespread application of machine learning in high-stake decision-making tasks.
Unless regulated with a fairness objective, machine learning classifiers might
demonstrate unfairness/bias towards certain demographic populations in the
data. Thus, the quantification and mitigation of the bias induced by
classifiers have become a central concern. In this paper, we aim to quantify
the influence of different features on the bias of a classifier. To this end,
we propose a framework of Fairness Influence Function (FIF), and compute it as
a scaled difference of conditional variances in the prediction of the
classifier. We also instantiate an algorithm, FairXplainer, that uses variance
decomposition among the subset of features and a local regressor to compute
FIFs accurately, while also capturing the intersectional effects of the
features. Our experimental analysis validates that FairXplainer captures the
influences of both individual features and higher-order feature interactions,
estimates the bias more accurately than existing local explanation methods, and
detects the increase/decrease in bias due to affirmative/punitive actions in
the classifier."
3193,Transformer with Fourier Integral Attentions,"Multi-head attention empowers the recent success of transformers, the
state-of-the-art models that have achieved remarkable success in sequence
modeling and beyond. These attention mechanisms compute the pairwise dot
products between the queries and keys, which results from the use of
unnormalized Gaussian kernels with the assumption that the queries follow a
mixture of Gaussian distribution. There is no guarantee that this assumption is
valid in practice. In response, we first interpret attention in transformers as
a nonparametric kernel regression. We then propose the FourierFormer, a new
class of transformers in which the dot-product kernels are replaced by the
novel generalized Fourier integral kernels. Different from the dot-product
kernels, where we need to choose a good covariance matrix to capture the
dependency of the features of data, the generalized Fourier integral kernels
can automatically capture such dependency and remove the need to tune the
covariance matrix. We theoretically prove that our proposed Fourier integral
kernels can efficiently approximate any key and query distributions. Compared
to the conventional transformers with dot-product attention, FourierFormers
attain better accuracy and reduce the redundancy between attention heads. We
empirically corroborate the advantages of FourierFormers over the baseline
transformers in a variety of practical applications including language modeling
and image classification."
3194,ResAct: Reinforcing Long-term Engagement in Sequential Recommendation with Residual Actor,"Long-term engagement is preferred over immediate engagement in sequential
recommendation as it directly affects product operational metrics such as daily
active users (DAUs) and dwell time. Meanwhile, reinforcement learning (RL) is
widely regarded as a promising framework for optimizing long-term engagement in
sequential recommendation. However, due to expensive online interactions, it is
very difficult for RL algorithms to perform state-action value estimation,
exploration and feature extraction when optimizing long-term engagement. In
this paper, we propose ResAct which seeks a policy that is close to, but better
than, the online-serving policy. In this way, we can collect sufficient data
near the learned policy so that state-action values can be properly estimated,
and there is no need to perform online exploration. Directly optimizing this
policy is difficult due to the huge policy space. ResAct instead solves it by
first reconstructing the online behaviors and then improving it. Our main
contributions are fourfold. First, we design a generative model which
reconstructs behaviors of the online-serving policy by sampling multiple action
estimators. Second, we design an effective learning paradigm to train the
residual actor which can output the residual for action improvement. Third, we
facilitate the extraction of features with two information theoretical
regularizers to confirm the expressiveness and conciseness of features. Fourth,
we conduct extensive experiments on a real world dataset consisting of millions
of sessions, and our method significantly outperforms the state-of-the-art
baselines in various of long term engagement optimization tasks."
3195,DisPFL: Towards Communication-Efficient Personalized Federated Learning via Decentralized Sparse Training,"Personalized federated learning is proposed to handle the data heterogeneity
problem amongst clients by learning dedicated tailored local models for each
user. However, existing works are often built in a centralized way, leading to
high communication pressure and high vulnerability when a failure or an attack
on the central server occurs. In this work, we propose a novel personalized
federated learning framework in a decentralized (peer-to-peer) communication
protocol named Dis-PFL, which employs personalized sparse masks to customize
sparse local models on the edge. To further save the communication and
computation cost, we propose a decentralized sparse training technique, which
means that each local model in Dis-PFL only maintains a fixed number of active
parameters throughout the whole local training and peer-to-peer communication
process. Comprehensive experiments demonstrate that Dis-PFL significantly saves
the communication bottleneck for the busiest node among all clients and, at the
same time, achieves higher model accuracy with less computation cost and
communication rounds. Furthermore, we demonstrate that our method can easily
adapt to heterogeneous local clients with varying computation complexities and
achieves better personalized performances."
3196,On Gap-dependent Bounds for Offline Reinforcement Learning,"This paper presents a systematic study on gap-dependent sample complexity in
offline reinforcement learning. Prior work showed when the density ratio
between an optimal policy and the behavior policy is upper bounded (the optimal
policy coverage assumption), then the agent can achieve an
$O\left(\frac{1}{\epsilon^2}\right)$ rate, which is also minimax optimal. We
show under the optimal policy coverage assumption, the rate can be improved to
$O\left(\frac{1}{\epsilon}\right)$ when there is a positive sub-optimality gap
in the optimal $Q$-function. Furthermore, we show when the visitation
probabilities of the behavior policy are uniformly lower bounded for states
where an optimal policy's visitation probabilities are positive (the uniform
optimal policy coverage assumption), the sample complexity of identifying an
optimal policy is independent of $\frac{1}{\epsilon}$. Lastly, we present
nearly-matching lower bounds to complement our gap-dependent upper bounds."
3197,Learning Sparse Nonlinear Dynamics via Mixed-Integer Optimization,"Discovering governing equations of complex dynamical systems directly from
data is a central problem in scientific machine learning. In recent years, the
sparse identification of nonlinear dynamics (SINDy) framework, powered by
heuristic sparse regression methods, has become a dominant tool for learning
parsimonious models. We propose an exact formulation of the SINDy problem using
mixed-integer optimization (MIO) to solve the sparsity constrained regression
problem to provable optimality in seconds. On a large number of canonical
ordinary and partial differential equations, we illustrate the dramatic
improvement of our approach in accurate model discovery while being more sample
efficient, robust to noise, and flexible in accommodating physical constraints."
3198,Discovering the Hidden Vocabulary of DALLE-2,"We discover that DALLE-2 seems to have a hidden vocabulary that can be used
to generate images with absurd prompts. For example, it seems that
\texttt{Apoploe vesrreaitais} means birds and \texttt{Contarra ccetnxniams
luryca tanniounons} (sometimes) means bugs or pests. We find that these prompts
are often consistent in isolation but also sometimes in combinations. We
present our black-box method to discover words that seem random but have some
correspondence to visual concepts. This creates important security and
interpretability challenges."
3199,Byzantine-Robust Online and Offline Distributed Reinforcement Learning,"We consider a distributed reinforcement learning setting where multiple
agents separately explore the environment and communicate their experiences
through a central server. However, $\alpha$-fraction of agents are adversarial
and can report arbitrary fake information. Critically, these adversarial agents
can collude and their fake data can be of any sizes. We desire to robustly
identify a near-optimal policy for the underlying Markov decision process in
the presence of these adversarial agents. Our main technical contribution is
Weighted-Clique, a novel algorithm for the robust mean estimation from batches
problem, that can handle arbitrary batch sizes. Building upon this new
estimator, in the offline setting, we design a Byzantine-robust distributed
pessimistic value iteration algorithm; in the online setting, we design a
Byzantine-robust distributed optimistic value iteration algorithm. Both
algorithms obtain near-optimal sample complexities and achieve superior
robustness guarantee than prior works."
3200,A Theoretical Framework for Inference Learning,"Backpropagation (BP) is the most successful and widely used algorithm in deep
learning. However, the computations required by BP are challenging to reconcile
with known neurobiology. This difficulty has stimulated interest in more
biologically plausible alternatives to BP. One such algorithm is the inference
learning algorithm (IL). IL has close connections to neurobiological models of
cortical function and has achieved equal performance to BP on supervised
learning and auto-associative tasks. In contrast to BP, however, the
mathematical foundations of IL are not well-understood. Here, we develop a
novel theoretical framework for IL. Our main result is that IL closely
approximates an optimization method known as implicit stochastic gradient
descent (implicit SGD), which is distinct from the explicit SGD implemented by
BP. Our results further show how the standard implementation of IL can be
altered to better approximate implicit SGD. Our novel implementation
considerably improves the stability of IL across learning rates, which is
consistent with our theory, as a key property of implicit SGD is its stability.
We provide extensive simulation results that further support our theoretical
interpretations and also demonstrate IL achieves quicker convergence when
trained with small mini-batches while matching the performance of BP for large
mini-batches."
3201,PAGER: Progressive Attribute-Guided Extendable Robust Image Generation,"This work presents a generative modeling approach based on successive
subspace learning (SSL). Unlike most generative models in the literature, our
method does not utilize neural networks to analyze the underlying source
distribution and synthesize images. The resulting method, called the
progressive attribute-guided extendable robust image generative (PAGER) model,
has advantages in mathematical transparency, progressive content generation,
lower training time, robust performance with fewer training samples, and
extendibility to conditional image generation. PAGER consists of three modules:
core generator, resolution enhancer, and quality booster. The core generator
learns the distribution of low-resolution images and performs unconditional
image generation. The resolution enhancer increases image resolution via
conditional generation. Finally, the quality booster adds finer details to
generated images. Extensive experiments on MNIST, Fashion-MNIST, and CelebA
datasets are conducted to demonstrate generative performance of PAGER."
3202,Provably Efficient Offline Multi-agent Reinforcement Learning via Strategy-wise Bonus,"This paper considers offline multi-agent reinforcement learning. We propose
the strategy-wise concentration principle which directly builds a confidence
interval for the joint strategy, in contrast to the point-wise concentration
principle that builds a confidence interval for each point in the joint action
space. For two-player zero-sum Markov games, by exploiting the convexity of the
strategy-wise bonus, we propose a computationally efficient algorithm whose
sample complexity enjoys a better dependency on the number of actions than the
prior methods based on the point-wise bonus. Furthermore, for offline
multi-agent general-sum Markov games, based on the strategy-wise bonus and a
novel surrogate function, we give the first algorithm whose sample complexity
only scales $\sum_{i=1}^mA_i$ where $A_i$ is the action size of the $i$-th
player and $m$ is the number of players. In sharp contrast, the sample
complexity of methods based on the point-wise bonus would scale with the size
of the joint action space $\Pi_{i=1}^m A_i$ due to the curse of multiagents.
Lastly, all of our algorithms can naturally take a pre-specified strategy class
$\Pi$ as input and output a strategy that is close to the best strategy in
$\Pi$. In this setting, the sample complexity only scales with $\log |\Pi|$
instead of $\sum_{i=1}^mA_i$."
3203,A Kernelised Stein Statistic for Assessing Implicit Generative Models,"Synthetic data generation has become a key ingredient for training machine
learning procedures, addressing tasks such as data augmentation, analysing
privacy-sensitive data, or visualising representative samples. Assessing the
quality of such synthetic data generators hence has to be addressed. As (deep)
generative models for synthetic data often do not admit explicit probability
distributions, classical statistical procedures for assessing model
goodness-of-fit may not be applicable. In this paper, we propose a principled
procedure to assess the quality of a synthetic data generator. The procedure is
a kernelised Stein discrepancy (KSD)-type test which is based on a
non-parametric Stein operator for the synthetic data generator of interest.
This operator is estimated from samples which are obtained from the synthetic
data generator and hence can be applied even when the model is only implicit.
In contrast to classical testing, the sample size from the synthetic data
generator can be as large as desired, while the size of the observed data,
which the generator aims to emulate is fixed. Experimental results on synthetic
distributions and trained generative models on synthetic and real datasets
illustrate that the method shows improved power performance compared to
existing approaches."
3204,Hands-Up: Leveraging Synthetic Data for Hands-On-Wheel Detection,"Over the past few years there has been major progress in the field of
synthetic data generation using simulation based techniques. These methods use
high-end graphics engines and physics-based ray-tracing rendering in order to
represent the world in 3D and create highly realistic images. Datagen has
specialized in the generation of high-quality 3D humans, realistic 3D
environments and generation of realistic human motion. This technology has been
developed into a data generation platform which we used for these experiments.
This work demonstrates the use of synthetic photo-realistic in-cabin data to
train a Driver Monitoring System that uses a lightweight neural network to
detect whether the driver's hands are on the wheel. We demonstrate that when
only a small amount of real data is available, synthetic data can be a simple
way to boost performance. Moreover, we adopt the data-centric approach and show
how performing error analysis and generating the missing edge-cases in our
platform boosts performance. This showcases the ability of human-centric
synthetic data to generalize well to the real world, and help train algorithms
in computer vision settings where data from the target domain is scarce or hard
to collect."
3205,CASSOCK: Viable Backdoor Attacks against DNN in The Wall of Source-Specific Backdoor Defences,"Backdoor attacks have been a critical threat to deep neural network (DNN).
However, most existing countermeasures focus on source-agnostic backdoor
attacks (SABAs) and fail to defeat source-specific backdoor attacks (SSBAs).
Compared to an SABA, an SSBA activates a backdoor when an input from
attacker-chosen class(es) is stamped with an attacker-specified trigger, making
itself stealthier and thus evade most existing backdoor mitigation.
Nonetheless, existing SSBAs have trade-offs on attack success rate (ASR, a
backdoor is activated by a trigger input from a source class as expected) and
false positive rate (FPR, a backdoor is activated unexpectedly by a trigger
input from a non-source class). Significantly, they can still be effectively
detected by the state-of-the-art (SOTA) countermeasures targeting SSBAs. This
work overcomes efficiency and effectiveness deficiencies of existing SSBAs,
thus bypassing the SOTA defences. The key insight is to construct desired
poisoned and cover data during backdoor training by characterising SSBAs
in-depth. Both data are samples with triggers: the cover/poisoned data from
non-source/source class(es) holds ground-truth/target labels. Therefore, two
cover/poisoned data enhancements are developed from trigger style and content,
respectively, coined CASSOCK. First, we leverage trigger patterns with
discrepant transparency to craft cover/poisoned data, enforcing triggers with
heterogeneous sensitivity on different classes. The second enhancement chooses
the target class features as triggers to craft these samples, entangling
trigger features with the target class heavily. Compared with existing SSBAs,
CASSOCK-based attacks have higher ASR and low FPR on four popular tasks: MNIST,
CIFAR10, GTSRB, and LFW. More importantly, CASSOCK has effectively evaded three
defences (SCAn, Februus and extended Neural Cleanse) already defeat existing
SSBAs effectively."
3206,IGLU Gridworld: Simple and Fast Environment for Embodied Dialog Agents,"We present the IGLU Gridworld: a reinforcement learning environment for
building and evaluating language conditioned embodied agents in a scalable way.
The environment features visual agent embodiment, interactive learning through
collaboration, language conditioned RL, and combinatorically hard task (3d
blocks building) space."
3207,Social Bias Meets Data Bias: The Impacts of Labeling and Measurement Errors on Fairness Criteria,"Although many fairness criteria have been proposed to ensure that machine
learning algorithms do not exhibit or amplify our existing social biases, these
algorithms are trained on datasets that can themselves be statistically biased.
In this paper, we investigate the robustness of a number of existing
(demographic) fairness criteria when the algorithm is trained on biased data.
We consider two forms of dataset bias: errors by prior decision makers in the
labeling process, and errors in measurement of the features of disadvantaged
individuals. We analytically show that some constraints (such as Demographic
Parity) can remain robust when facing certain statistical biases, while others
(such as Equalized Odds) are significantly violated if trained on biased data.
We also analyze the sensitivity of these criteria and the decision maker's
utility to biases. We provide numerical experiments based on three real-world
datasets (the FICO, Adult, and German credit score datasets) supporting our
analytical findings. Our findings present an additional guideline for choosing
among existing fairness criteria, or for proposing new criteria, when available
datasets may be biased."
3208,End-to-end Optimization of Machine Learning Prediction Queries,"Prediction queries are widely used across industries to perform advanced
analytics and draw insights from data. They include a data processing part
(e.g., for joining, filtering, cleaning, featurizing the datasets) and a
machine learning (ML) part invoking one or more trained models to perform
predictions. These parts have so far been optimized in isolation, leaving
significant opportunities for optimization unexplored. We present Raven, a
production-ready system for optimizing prediction queries. Raven follows the
enterprise architectural trend of collocating data and ML runtimes. It relies
on a unified intermediate representation that captures both data and ML
operators in a single graph structure to unlock two families of optimizations.
First, it employs logical optimizations that pass information between the data
part (and the properties of the underlying data) and the ML part to optimize
each other. Second, it introduces logical-to-physical transformations that
allow operators to be executed on different runtimes (relational, ML, and DNN)
and hardware (CPU, GPU). Novel data-driven optimizations determine the runtime
to be used for each part of the query to achieve optimal performance. Our
evaluation shows that Raven improves performance of prediction queries on
Apache Spark and SQL Server by up to 13.1x and 330x, respectively. For complex
models where GPU acceleration is beneficial, Raven provides up to 8x speedup
compared to state-of-the-art systems."
3209,AVIDA: Alternating method for Visualizing and Integrating Data,"High-dimensional multimodal data arises in many scientific fields. The
integration of multimodal data becomes challenging when there is no known
correspondence between the samples and the features of different datasets. To
tackle this challenge, we introduce AVIDA, a framework for simultaneously
performing data alignment and dimension reduction. In the numerical
experiments, Gromov-Wasserstein optimal transport and t-distributed stochastic
neighbor embedding are used as the alignment and dimension reduction modules
respectively. We show that AVIDA correctly aligns high-dimensional datasets
without common features with four synthesized datasets and two real multimodal
single-cell datasets. Compared to several existing methods, we demonstrate that
AVIDA better preserves structures of individual datasets, especially distinct
local structures in the joint low-dimensional visualization, while achieving
comparable alignment performance. Such a property is important in multimodal
single-cell data analysis as some biological processes are uniquely captured by
one of the datasets. In general applications, other methods can be used for the
alignment and dimension reduction modules."
3210,Pre-training via Denoising for Molecular Property Prediction,"Many important problems involving molecular property prediction from 3D
structures have limited data, posing a generalization challenge for neural
networks. In this paper, we describe a pre-training technique that utilizes
large datasets of 3D molecular structures at equilibrium to learn meaningful
representations for downstream tasks. Inspired by recent advances in noise
regularization, our pre-training objective is based on denoising. Relying on
the well-known link between denoising autoencoders and score-matching, we also
show that the objective corresponds to learning a molecular force field --
arising from approximating the physical state distribution with a mixture of
Gaussians -- directly from equilibrium structures. Our experiments demonstrate
that using this pre-training objective significantly improves performance on
multiple benchmarks, achieving a new state-of-the-art on the majority of
targets in the widely used QM9 dataset. Our analysis then provides practical
insights into the effects of different factors -- dataset sizes, model size and
architecture, and the choice of upstream and downstream datasets -- on
pre-training."
3211,Fairness Transferability Subject to Bounded Distribution Shift,"Given an algorithmic predictor that is ""fair"" on some source distribution,
will it still be fair on an unknown target distribution that differs from the
source within some bound? In this paper, we study the transferability of
statistical group fairness for machine learning predictors (i.e., classifiers
or regressors) subject to bounded distribution shift, a phenomenon frequently
caused by user adaptation to a deployed model or a dynamic environment. Herein,
we develop a bound characterizing such transferability, flagging potentially
inappropriate deployments of machine learning for socially consequential tasks.
We first develop a framework for bounding violations of statistical fairness
subject to distribution shift, formulating a generic upper bound for
transferred fairness violation as our primary result. We then develop bounds
for specific worked examples, adopting two commonly used fairness definitions
(i.e., demographic parity and equalized odds) for two classes of distribution
shift (i.e., covariate shift and label shift). Finally, we compare our
theoretical bounds to deterministic models of distribution shift as well as
real-world data."
3212,ForestPrune: Compact Depth-Controlled Tree Ensembles,"Tree ensembles are versatile supervised learning algorithms that achieve
state-of-the-art performance. These models are extremely powerful but can grow
to enormous sizes. As a result, tree ensembles are often post-processed to
reduce memory footprint and improve interpretability. In this paper, we present
ForestPrune, a novel optimization framework that can post-process tree
ensembles by pruning depth layers from individual trees. We also develop a new
block coordinate descent method to efficiently obtain high-quality solutions to
optimization problems under this framework. The number of nodes in a decision
tree increases exponentially with tree depth, so pruning deep trees can
drastically improve model parsimony. ForestPrune can substantially reduce the
space complexity of an ensemble for a minimal cost to performance. The
framework supports various weighting schemes and contains just a single
hyperparameter to tune. In our experiments, we observe that ForestPrune can
reduce model size 20-fold with negligible performance loss."
3213,Communication-efficient distributed eigenspace estimation with arbitrary node failures,"We develop an eigenspace estimation algorithm for distributed environments
with arbitrary node failures, where a subset of computing nodes can return
structurally valid but otherwise arbitrarily chosen responses. Notably, this
setting encompasses several important scenarios that arise in distributed
computing and data-collection environments such as silent/soft errors, outliers
or corrupted data at certain nodes, and adversarial responses. Our estimator
builds upon and matches the performance of a recently proposed non-robust
estimator up to an additive $\tilde{O}(\sigma \sqrt{\alpha})$ error, where
$\sigma^2$ is the variance of the existing estimator and $\alpha$ is the
fraction of corrupted nodes."
3214,Near-Optimal Collaborative Learning in Bandits,"This paper introduces a general multi-agent bandit model in which each agent
is facing a finite set of arms and may communicate with other agents through a
central controller in order to identify, in pure exploration, or play, in
regret minimization, its optimal arm. The twist is that the optimal arm for
each agent is the arm with largest expected mixed reward, where the mixed
reward of an arm is a weighted sum of the rewards of this arm for all agents.
This makes communication between agents often necessary. This general setting
allows to recover and extend several recent models for collaborative bandit
learning, including the recently proposed federated learning with
personalization (Shi et al., 2021). In this paper, we provide new lower bounds
on the sample complexity of pure exploration and on the regret. We then propose
a near-optimal algorithm for pure exploration. This algorithm is based on
phased elimination with two novel ingredients: a data-dependent sampling scheme
within each phase, aimed at matching a relaxation of the lower bound."
3215,Decentralized Competing Bandits in Non-Stationary Matching Markets,"Understanding complex dynamics of two-sided online matching markets, where
the demand-side agents compete to match with the supply-side (arms), has
recently received substantial interest. To that end, in this paper, we
introduce the framework of decentralized two-sided matching market under non
stationary (dynamic) environments. We adhere to the serial dictatorship
setting, where the demand-side agents have unknown and different preferences
over the supply-side (arms), but the arms have fixed and known preference over
the agents. We propose and analyze a decentralized and asynchronous learning
algorithm, namely Decentralized Non-stationary Competing Bandits
(\texttt{DNCB}), where the agents play (restrictive) successive elimination
type learning algorithms to learn their preference over the arms. The
complexity in understanding such a system stems from the fact that the
competing bandits choose their actions in an asynchronous fashion, and the
lower ranked agents only get to learn from a set of arms, not \emph{dominated}
by the higher ranked agents, which leads to \emph{forced exploration}. With
carefully defined complexity parameters, we characterize this \emph{forced
exploration} and obtain sub-linear (logarithmic) regret of \texttt{DNCB}.
Furthermore, we validate our theoretical findings via experiments."
3216,Principle of Relevant Information for Graph Sparsification,"Graph sparsification aims to reduce the number of edges of a graph while
maintaining its structural properties. In this paper, we propose the first
general and effective information-theoretic formulation of graph
sparsification, by taking inspiration from the Principle of Relevant
Information (PRI). To this end, we extend the PRI from a standard scalar random
variable setting to structured data (i.e., graphs). Our Graph-PRI objective is
achieved by operating on the graph Laplacian, made possible by expressing the
graph Laplacian of a subgraph in terms of a sparse edge selection vector
$\mathbf{w}$. We provide both theoretical and empirical justifications on the
validity of our Graph-PRI approach. We also analyze its analytical solutions in
a few special cases. We finally present three representative real-world
applications, namely graph sparsification, graph regularized multi-task
learning, and medical imaging-derived brain network classification, to
demonstrate the effectiveness, the versatility and the enhanced
interpretability of our approach over prevalent sparsification techniques. Code
of Graph-PRI is available at https://github.com/SJYuCNEL/PRI-Graphs"
3217,"Backpropagation at the Infinitesimal Inference Limit of Energy-Based Models: Unifying Predictive Coding, Equilibrium Propagation, and Contrastive Hebbian Learning","How the brain performs credit assignment is a fundamental unsolved problem in
neuroscience. Many `biologically plausible' algorithms have been proposed,
which compute gradients that approximate those computed by backpropagation
(BP), and which operate in ways that more closely satisfy the constraints
imposed by neural circuitry. Many such algorithms utilize the framework of
energy-based models (EBMs), in which all free variables in the model are
optimized to minimize a global energy function. However, in the literature,
these algorithms exist in isolation and no unified theory exists linking them
together. Here, we provide a comprehensive theory of the conditions under which
EBMs can approximate BP, which lets us unify many of the BP approximation
results in the literature (namely, predictive coding, equilibrium propagation,
and contrastive Hebbian learning) and demonstrate that their approximation to
BP arises from a simple and general mathematical property of EBMs at free-phase
equilibrium. This property can then be exploited in different ways with
different energy functions, and these specific choices yield a family of
BP-approximating algorithms, which both includes the known results in the
literature and can be used to derive new ones."
3218,Mario Plays on a Manifold: Generating Functional Content in Latent Space through Differential Geometry,"Deep generative models can automatically create content of diverse types.
However, there are no guarantees that such content will satisfy the criteria
necessary to present it to end-users and be functional, e.g. the generated
levels could be unsolvable or incoherent. In this paper we study this problem
from a geometric perspective, and provide a method for reliable interpolation
and random walks in the latent spaces of Categorical VAEs based on Riemannian
geometry. We test our method with ""Super Mario Bros"" and ""The Legend of Zelda""
levels, and against simpler baselines inspired by current practice. Results
show that the geometry we propose is better able to interpolate and sample,
reliably staying closer to parts of the latent space that decode to playable
content."
3219,Deep learning pipeline for image classification on mobile phones,"This article proposes and documents a machine-learning framework and tutorial
for classifying images using mobile phones. Compared to computers, the
performance of deep learning model performance degrades when deployed on a
mobile phone and requires a systematic approach to find a model that performs
optimally on both computers and mobile phones. By following the proposed
pipeline, which consists of various computational tools, simple procedural
recipes, and technical considerations, one can bring the power of deep learning
medical image classification to mobile devices, potentially unlocking new
domains of applications. The pipeline is demonstrated on four different
publicly available datasets: COVID X-rays, COVID CT scans, leaves, and
colorectal cancer. We used two application development frameworks: TensorFlow
Lite (real-time testing) and Flutter (digital image testing) to test the
proposed pipeline. We found that transferring deep learning models to a mobile
phone is limited by hardware and classification accuracy drops. To address this
issue, we proposed this pipeline to find an optimized model for mobile phones.
Finally, we discuss additional applications and computational concerns related
to deploying deep-learning models on phones, including real-time analysis and
image preprocessing. We believe the associated documentation and code can help
physicians and medical experts develop medical image classification
applications for distribution."
3220,Robust Longitudinal Control for Vehicular Autonomous Platoons Using Deep Reinforcement Learning,"In the last few years, researchers have applied machine learning strategies
in the context of vehicular platoons to increase the safety and efficiency of
cooperative transportation. Reinforcement Learning methods have been employed
in the longitudinal spacing control of Cooperative Adaptive Cruise Control
systems, but to date, none of those studies have addressed problems of
disturbance rejection in such scenarios. Characteristics such as uncertain
parameters in the model and external interferences may prevent agents from
reaching null-spacing errors when traveling at cruising speed. On the other
hand, complex communication topologies lead to specific training processes that
can not be generalized to other contexts, demanding re-training every time the
configuration changes. Therefore, in this paper, we propose an approach to
generalize the training process of a vehicular platoon, such that the
acceleration command of each agent becomes independent of the network topology.
Also, we have modeled the acceleration input as a term with integral action,
such that the Convolutional Neural Network is capable of learning corrective
actions when the states are disturbed by unknown effects. We illustrate the
effectiveness of our proposal with experiments using different network
topologies, uncertain parameters, and external forces. Comparative analyses, in
terms of the steady-state error and overshoot response, were conducted against
the state-of-the-art literature. The findings offer new insights concerning
generalization and robustness of using Reinforcement Learning in the control of
autonomous platoons."
3221,MAD-EN: Microarchitectural Attack Detection through System-wide Energy Consumption,"Microarchitectural attacks have become more threatening the hardware security
than before with the increasing diversity of attacks such as Spectre and
Meltdown. Vendor patches cannot keep up with the pace of the new threats, which
makes the dynamic anomaly detection tools more evident than before.
Unfortunately, previous studies utilize hardware performance counters that lead
to high performance overhead and profile limited number of microarchitectural
attacks due to the small number of counters that can be profiled concurrently.
This yields those detection tools inefficient in real-world scenarios.
In this study, we introduce MAD-EN dynamic detection tool that leverages
system-wide energy consumption traces collected from a generic Intel RAPL tool
to detect ongoing anomalies in a system. In our experiments, we show that
CNN-based MAD-EN can detect 10 different microarchitectural attacks with a
total of 15 variants with the highest F1 score of 0.999, which makes our tool
the most generic attack detection tool so far. Moreover, individual attacks can
be distinguished with a 98% accuracy after an anomaly is detected in a system.
We demonstrate that MAD-EN introduces 69.3% less performance overhead compared
to performance counter-based detection mechanisms."
3222,Provably and Practically Efficient Neural Contextual Bandits,"We consider the neural contextual bandit problem. In contrast to the existing
work which primarily focuses on ReLU neural nets, we consider a general set of
smooth activation functions. Under this more general setting, (i) we derive
non-asymptotic error bounds on the difference between an overparameterized
neural net and its corresponding neural tangent kernel, (ii) we propose an
algorithm with a provably sublinear regret bound that is also efficient in the
finite regime as demonstrated by empirical studies. The non-asymptotic error
bounds may be of broader interest as a tool to establish the relation between
the smoothness of the activation functions in neural contextual bandits and the
smoothness of the kernels in kernel bandits."
3223,Easy Variational Inference for Categorical Models via an Independent Binary Approximation,"We pursue tractable Bayesian analysis of generalized linear models (GLMs) for
categorical data. Thus far, GLMs are difficult to scale to more than a few
dozen categories due to non-conjugacy or strong posterior dependencies when
using conjugate auxiliary variable methods. We define a new class of GLMs for
categorical data called categorical-from-binary (CB) models. Each CB model has
a likelihood that is bounded by the product of binary likelihoods, suggesting a
natural posterior approximation. This approximation makes inference
straightforward and fast; using well-known auxiliary variables for probit or
logistic regression, the product of binary models admits conjugate closed-form
variational inference that is embarrassingly parallel across categories and
invariant to category ordering. Moreover, an independent binary model
simultaneously approximates multiple CB models. Bayesian model averaging over
these can improve the quality of the approximation for any given dataset. We
show that our approach scales to thousands of categories, outperforming
posterior estimation competitors like Automatic Differentiation Variational
Inference (ADVI) and No U-Turn Sampling (NUTS) in the time required to achieve
fixed prediction quality."
3224,Extensive Study of Multiple Deep Neural Networks for Complex Random Telegraph Signals,"Time-fluctuating signals are ubiquitous and diverse in many physical,
chemical, and biological systems, among which random telegraph signals (RTSs)
refer to a series of instantaneous switching events between two discrete levels
from single-particle movements. Reliable RTS analyses are crucial prerequisite
to identify underlying mechanisms related to performance sensitivity. When
numerous levels partake, complex patterns of multilevel RTSs occur, making
their quantitative analysis exponentially difficult, hereby systematic
approaches are found elusive. Here, we present a three-step analysis protocol
via progressive knowledge-transfer, where the outputs of early step are passed
onto a subsequent step. Especially, to quantify complex RTSs, we build three
deep neural network architectures that can process temporal data well and
demonstrate the model accuracy extensively with a large dataset of different
RTS types affected by controlling background noise size. Our protocol offers
structured schemes to quantify complex RTSs from which meaningful
interpretation and inference can ensue."
3225,Semantically-enhanced Topic Recommendation System for Software Projects,"Software-related platforms have enabled their users to collaboratively label
software entities with topics. Tagging software repositories with relevant
topics can be exploited for facilitating various downstream tasks. For
instance, a correct and complete set of topics assigned to a repository can
increase its visibility. Consequently, this improves the outcome of tasks such
as browsing, searching, navigation, and organization of repositories.
Unfortunately, assigned topics are usually highly noisy, and some repositories
do not have well-assigned topics. Thus, there have been efforts on recommending
topics for software projects, however, the semantic relationships among these
topics have not been exploited so far. We propose two recommender models for
tagging software projects that incorporate the semantic relationship among
topics. Our approach has two main phases; (1) we first take a collaborative
approach to curate a dataset of quality topics specifically for the domain of
software engineering and development. We also enrich this data with the
semantic relationships among these topics and encapsulate them in a knowledge
graph we call SED-KGraph. Then, (2) we build two recommender systems; The first
one operates only based on the list of original topics assigned to a repository
and the relationships specified in our knowledge graph. The second predictive
model, however, assumes there are no topics available for a repository, hence
it proceeds to predict the relevant topics based on both textual information of
a software project and SED-KGraph. We built SED-KGraph in a crowd-sourced
project with 170 contributors from both academia and industry. The experiment
results indicate that our solutions outperform baselines that neglect the
semantic relationships among topics by at least 25% and 23% in terms of ASR and
MAP metrics."
3226,"To the Fairness Frontier and Beyond: Identifying, Quantifying, and Optimizing the Fairness-Accuracy Pareto Frontier","Algorithmic fairness has emerged as an important consideration when using
machine learning to make high-stakes societal decisions. Yet, improved fairness
often comes at the expense of model accuracy. While aspects of the
fairness-accuracy tradeoff have been studied, most work reports the fairness
and accuracy of various models separately; this makes model comparisons nearly
impossible without a model-agnostic metric that reflects the balance of the two
desiderata. We seek to identify, quantify, and optimize the empirical Pareto
frontier of the fairness-accuracy tradeoff. Specifically, we identify and
outline the empirical Pareto frontier through
Tradeoff-between-Fairness-and-Accuracy (TAF) Curves; we then develop a metric
to quantify this Pareto frontier through the weighted area under the TAF Curve
which we term the Fairness-Area-Under-the-Curve (FAUC). TAF Curves provide the
first empirical, model-agnostic characterization of the Pareto frontier, while
FAUC provides the first metric to impartially compare model families on both
fairness and accuracy. Both TAF Curves and FAUC can be employed with all group
fairness definitions and accuracy measures. Next, we ask: Is it possible to
expand the empirical Pareto frontier and thus improve the FAUC for a given
collection of fitted models? We answer affirmately by developing a novel fair
model stacking framework, FairStacks, that solves a convex program to maximize
the accuracy of model ensemble subject to a score-bias constraint. We show that
optimizing with FairStacks always expands the empirical Pareto frontier and
improves the FAUC; we additionally study other theoretical properties of our
proposed approach. Finally, we empirically validate TAF, FAUC, and FairStacks
through studies on several real benchmark data sets, showing that FairStacks
leads to major improvements in FAUC that outperform existing algorithmic
fairness approaches."
3227,Generative Models with Information-Theoretic Protection Against Membership Inference Attacks,"Deep generative models, such as Generative Adversarial Networks (GANs),
synthesize diverse high-fidelity data samples by estimating the underlying
distribution of high dimensional data. Despite their success, GANs may disclose
private information from the data they are trained on, making them susceptible
to adversarial attacks such as membership inference attacks, in which an
adversary aims to determine if a record was part of the training set. We
propose an information theoretically motivated regularization term that
prevents the generative model from overfitting to training data and encourages
generalizability. We show that this penalty minimizes the JensenShannon
divergence between components of the generator trained on data with different
membership, and that it can be implemented at low cost using an additional
classifier. Our experiments on image datasets demonstrate that with the
proposed regularization, which comes at only a small added computational cost,
GANs are able to preserve privacy and generate high-quality samples that
achieve better downstream classification performance compared to non-private
and differentially private generative models."
3228,On Analyzing Generative and Denoising Capabilities of Diffusion-based Deep Generative Models,"Diffusion-based Deep Generative Models (DDGMs) offer state-of-the-art
performance in generative modeling. Their main strength comes from their unique
setup in which a model (the backward diffusion process) is trained to reverse
the forward diffusion process, which gradually adds noise to the input signal.
Although DDGMs are well studied, it is still unclear how the small amount of
noise is transformed during the backward diffusion process. Here, we focus on
analyzing this problem to gain more insight into the behavior of DDGMs and
their denoising and generative capabilities. We observe a fluid transition
point that changes the functionality of the backward diffusion process from
generating a (corrupted) image from noise to denoising the corrupted image to
the final sample. Based on this observation, we postulate to divide a DDGM into
two parts: a denoiser and a generator. The denoiser could be parameterized by a
denoising auto-encoder, while the generator is a diffusion-based model with its
own set of parameters. We experimentally validate our proposition, showing its
pros and cons."
3229,FELARE: Fair Scheduling of Machine Learning Applications on Heterogeneous Edge Systems,"Edge computing enables smart IoT-based systems via concurrent and continuous
execution of latency-sensitive machine learning (ML) applications. These
edge-based machine learning systems are often battery-powered (i.e.,
energy-limited). They use heterogeneous resources with diverse computing
performance (e.g., CPU, GPU, and/or FPGAs) to fulfill the latency constraints
of ML applications. The challenge is to allocate user requests for different ML
applications on the Heterogeneous Edge Computing Systems (HEC) with respect to
both the energy and latency constraints of these systems. To this end, we study
and analyze resource allocation solutions that can increase the on-time task
completion rate while considering the energy constraint. Importantly, we
investigate edge-friendly (lightweight) multi-objective mapping heuristics that
do not become biased toward a particular application type to achieve the
objectives; instead, the heuristics consider ""fairness"" across the concurrent
ML applications in their mapping decisions. Performance evaluations demonstrate
that the proposed heuristic outperforms widely-used heuristics in heterogeneous
systems in terms of the latency and energy objectives, particularly, at low to
moderate request arrival rates. We observed 8.9% improvement in on-time task
completion rate and 12.6% in energy-saving without imposing any significant
overhead on the edge system."
3230,Weight Set Decomposition for Weighted Rank Aggregation: An interpretable and visual decision support tool,"The problem of interpreting or aggregating multiple rankings is common to
many real-world applications. Perhaps the simplest and most common approach is
a weighted rank aggregation, wherein a (convex) weight is applied to each input
ranking and then ordered. This paper describes a new tool for visualizing and
displaying ranking information for the weighted rank aggregation method.
Traditionally, the aim of rank aggregation is to summarize the information from
the input rankings and provide one final ranking that hopefully represents a
more accurate or truthful result than any one input ranking. While such an
aggregated ranking is, and clearly has been, useful to many applications, it
also obscures information. In this paper, we show the wealth of information
that is available for the weighted rank aggregation problem due to its
structure. We apply weight set decomposition to the set of convex multipliers,
study the properties useful for understanding this decomposition, and visualize
the indifference regions. This methodology reveals information--that is
otherwise collapsed by the aggregated ranking--into a useful, interpretable,
and intuitive decision support tool. Included are multiple illustrative
examples, along with heuristic and exact algorithms for computing the weight
set decomposition."
3231,Universal Early Warning Signals of Phase Transitions in Climate Systems,"The potential for complex systems to exhibit tipping points in which an
equilibrium state undergoes a sudden and potentially irreversible shift is well
established, but prediction of these events using standard forecast modeling
techniques is quite difficult. This has led to the development of an
alternative suite of methods that seek to identify signatures of critical
phenomena in data, which are expected to occur in advance of many classes of
dynamical bifurcation. Crucially, the manifestations of these critical
phenomena are generic across a variety of systems, meaning that data-intensive
deep learning methods can be trained on (abundant) synthetic data and plausibly
prove effective when transferred to (more limited) empirical data sets. This
paper provides a proof of concept for this approach as applied to lattice phase
transitions: a deep neural network trained exclusively on 2D Ising model phase
transitions is tested on a number of real and simulated climate systems with
considerable success. Its accuracy frequently surpasses that of conventional
statistical indicators, with performance shown to be consistently improved by
the inclusion of spatial indicators. Tools such as this may offer valuable
insight into climate tipping events, as remote sensing measurements provide
increasingly abundant data on complex geospatially-resolved Earth systems."
3232,Distributed Graph Neural Network Training with Periodic Historical Embedding Synchronization,"Despite the recent success of Graph Neural Networks (GNNs), it remains
challenging to train a GNN on large graphs, which are prevalent in various
applications such as social network, recommender systems, and knowledge graphs.
Traditional sampling-based methods accelerate GNN by dropping edges and nodes,
which impairs the graph integrity and model performance. Differently,
distributed GNN algorithms, which accelerate GNN training by utilizing multiple
computing devices, can be classified into two types: ""partition-based"" methods
enjoy low communication costs but suffer from information loss due to dropped
edges, while ""propagation-based"" methods avoid information loss but suffer
prohibitive communication overhead. To jointly address these problems, this
paper proposes DIstributed Graph Embedding SynchronizaTion (DIGEST), a novel
distributed GNN training framework that synergizes the complementary strength
of both categories of existing methods. During subgraph parallel training, we
propose to let each device store the historical embedding of its neighbors in
other subgraphs. Therefore, our method does not discard any neighbors in other
subgraphs, nor does it updates them intensively. This effectively avoids (1)
the intensive computation on explosively-increasing neighbors and (2) excessive
communications across different devices. We proved that the approximation error
induced by the staleness of historical embedding can be upper bounded and it
does NOT affect the GNN model's expressiveness. More importantly, our
convergence analysis demonstrates that DIGEST enjoys a state-of-the-art
convergence rate. Extensive experimental evaluation on large, real-world graph
datasets shows that DIGEST achieves up to $21.82\times$ speedup without
compromising the performance compared to state-of-the-art distributed GNN
training frameworks."
3233,A comparative study of back propagation and its alternatives on multilayer perceptrons,"The de facto algorithm for training the back pass of a feedforward neural
network is backpropagation (BP). The use of almost-everywhere differentiable
activation functions made it efficient and effective to propagate the gradient
backwards through layers of deep neural networks. However, in recent years,
there has been much research in alternatives to backpropagation. This analysis
has largely focused on reaching state-of-the-art accuracy in multilayer
perceptrons (MLPs) and convolutional neural networks (CNNs). In this paper, we
analyze the stability and similarity of predictions and neurons in MLPs and
propose a new variation of one of the algorithms."
3234,Asynchronous Hierarchical Federated Learning,"Federated Learning is a rapidly growing area of research and with various
benefits and industry applications. Typical federated patterns have some
intrinsic issues such as heavy server traffic, long periods of convergence, and
unreliable accuracy. In this paper, we address these issues by proposing
asynchronous hierarchical federated learning, in which the central server uses
either the network topology or some clustering algorithm to assign clusters for
workers (i.e., client devices). In each cluster, a special aggregator device is
selected to enable hierarchical learning, leads to efficient communication
between server and workers, so that the burden of the server can be
significantly reduced. In addition, asynchronous federated learning schema is
used to tolerate heterogeneity of the system and achieve fast convergence,
i.e., the server aggregates the gradients from the workers weighted by a
staleness parameter to update the global model, and regularized stochastic
gradient descent is performed in workers, so that the instability of
asynchronous learning can be alleviated. We evaluate the proposed algorithm on
CIFAR-10 image classification task, the experimental results demonstrate the
effectiveness of asynchronous hierarchical federated learning."
3235,Learning Instance-Specific Data Augmentations,"Existing data augmentation methods typically assume independence between
transformations and inputs: they use the same transformation distribution for
all input instances. We explain why this can be problematic and propose
InstaAug, a method for automatically learning input-specific augmentations from
data. This is achieved by introducing an augmentation module that maps an input
to a distribution over transformations. This is simultaneously trained
alongside the base model in a fully end-to-end manner using only the training
data. We empirically demonstrate that InstaAug learns meaningful augmentations
for a wide range of transformation classes, which in turn provides better
performance on supervised and self-supervised tasks compared with augmentations
that assume input--transformation independence."
3236,FiLM-Ensemble: Probabilistic Deep Learning via Feature-wise Linear Modulation,"The ability to estimate epistemic uncertainty is often crucial when deploying
machine learning in the real world, but modern methods often produce
overconfident, uncalibrated uncertainty predictions. A common approach to
quantify epistemic uncertainty, usable across a wide class of prediction
models, is to train a model ensemble. In a naive implementation, the ensemble
approach has high computational cost and high memory demand. This challenges in
particular modern deep learning, where even a single deep network is already
demanding in terms of compute and memory, and has given rise to a number of
attempts to emulate the model ensemble without actually instantiating separate
ensemble members. We introduce FiLM-Ensemble, a deep, implicit ensemble method
based on the concept of Feature-wise Linear Modulation (FiLM). That technique
was originally developed for multi-task learning, with the aim of decoupling
different tasks. We show that the idea can be extended to uncertainty
quantification: by modulating the network activations of a single deep network
with FiLM, one obtains a model ensemble with high diversity, and consequently
well-calibrated estimates of epistemic uncertainty, with low computational
overhead in comparison. Empirically, FiLM-Ensemble outperforms other implicit
ensemble methods, and it and comes very close to the upper bound of an explicit
ensemble of networks (sometimes even beating it), at a fraction of the memory
cost."
3237,PandA: Unsupervised Learning of Parts and Appearances in the Feature Maps of GANs,"Recent advances in the understanding of Generative Adversarial Networks
(GANs) have led to remarkable progress in visual editing and synthesis tasks,
capitalizing on the rich semantics that are embedded in the latent spaces of
pre-trained GANs. However, existing methods are often tailored to specific GAN
architectures and are limited to either discovering global semantic directions
that do not facilitate localized control, or require some form of supervision
through manually provided regions or segmentation masks. In this light, we
present an architecture-agnostic approach that jointly discovers factors
representing spatial parts and their appearances in an entirely unsupervised
fashion. These factors are obtained by applying a semi-nonnegative tensor
factorization on the feature maps, which in turn enables context-aware local
image editing with pixel-level control. In addition, we show that the
discovered appearance factors correspond to saliency maps that localize
concepts of interest, without using any labels. Experiments on a wide range of
GAN architectures and datasets show that, in comparison to the state of the
art, our method is far more efficient in terms of training time and, most
importantly, provides much more accurate localized control. Our code is
available at: https://github.com/james-oldfield/PandA."
3238,Evolving Domain Generalization,"Domain generalization aims to learn a predictive model from multiple
different but related source tasks that can generalize well to a target task
without the need of accessing any target data. Existing domain generalization
methods ignore the relationship between tasks, implicitly assuming that all the
tasks are sampled from a stationary environment. Therefore, they can fail when
deployed in an evolving environment. To this end, we formulate and study the
\emph{evolving domain generalization} (EDG) scenario, which exploits not only
the source data but also their evolving pattern to generate a model for the
unseen task. Our theoretical result reveals the benefits of modeling the
relation between two consecutive tasks by learning a globally consistent
directional mapping function. In practice, our analysis also suggests solving
the DDG problem in a meta-learning manner, which leads to \emph{directional
prototypical network}, the first method for the DDG problem. Empirical
evaluation of both synthetic and real-world data sets validates the
effectiveness of our approach."
3239,Online PAC-Bayes Learning,"Most PAC-Bayesian bounds hold in the batch learning setting where data is
collected at once, prior to inference or prediction. This somewhat departs from
many contemporary learning problems where data streams are collected and the
algorithms must dynamically adjust. We prove new PAC-Bayesian bounds in this
online learning framework, leveraging an updated definition of regret, and we
revisit classical PAC-Bayesian results with a batch-to-online conversion,
extending their remit to the case of dependent data. Our results hold for
bounded losses, potentially \emph{non-convex}, paving the way to promising
developments in online learning."
3240,What Knowledge Gets Distilled in Knowledge Distillation?,"Knowledge distillation aims to transfer useful information from a teacher
network to a student network, with the primary goal of improving the student's
performance for the task at hand. Over the years, there has a been a deluge of
novel techniques and use cases of knowledge distillation. Yet, despite the
various improvements, there seems to be a glaring gap in the community's
fundamental understanding of the process. Specifically, what is the knowledge
that gets distilled in knowledge distillation? In other words, in what ways
does the student become similar to the teacher? Does it start to localize
objects in the same way? Does it get fooled by the same adversarial samples?
Does its data invariance properties become similar? Our work presents a
comprehensive study to try to answer these questions and more. Our results,
using image classification as a case study and three state-of-the-art knowledge
distillation techniques, show that knowledge distillation methods can indeed
indirectly distill other kinds of properties beyond improving task performance.
By exploring these questions, we hope for our work to provide a clearer picture
of what happens during knowledge distillation."
3241,Learning (Very) Simple Generative Models Is Hard,"Motivated by the recent empirical successes of deep generative models, we
study the computational complexity of the following unsupervised learning
problem. For an unknown neural network $F:\mathbb{R}^d\to\mathbb{R}^{d'}$, let
$D$ be the distribution over $\mathbb{R}^{d'}$ given by pushing the standard
Gaussian $\mathcal{N}(0,\textrm{Id}_d)$ through $F$. Given i.i.d. samples from
$D$, the goal is to output any distribution close to $D$ in statistical
distance. We show under the statistical query (SQ) model that no
polynomial-time algorithm can solve this problem even when the output
coordinates of $F$ are one-hidden-layer ReLU networks with $\log(d)$ neurons.
Previously, the best lower bounds for this problem simply followed from lower
bounds for supervised learning and required at least two hidden layers and
$\mathrm{poly}(d)$ neurons [Daniely-Vardi '21, Chen-Gollakota-Klivans-Meka
'22]. The key ingredient in our proof is an ODE-based construction of a
compactly supported, piecewise-linear function $f$ with polynomially-bounded
slopes such that the pushforward of $\mathcal{N}(0,1)$ under $f$ matches all
low-degree moments of $\mathcal{N}(0,1)$."
3242,TransFuser: Imitation with Transformer-Based Sensor Fusion for Autonomous Driving,"How should we integrate representations from complementary sensors for
autonomous driving? Geometry-based fusion has shown promise for perception
(e.g. object detection, motion forecasting). However, in the context of
end-to-end driving, we find that imitation learning based on existing sensor
fusion methods underperforms in complex driving scenarios with a high density
of dynamic agents. Therefore, we propose TransFuser, a mechanism to integrate
image and LiDAR representations using self-attention. Our approach uses
transformer modules at multiple resolutions to fuse perspective view and bird's
eye view feature maps. We experimentally validate its efficacy on a challenging
new benchmark with long routes and dense traffic, as well as the official
leaderboard of the CARLA urban driving simulator. At the time of submission,
TransFuser outperforms all prior work on the CARLA leaderboard in terms of
driving score by a large margin. Compared to geometry-based fusion, TransFuser
reduces the average collisions per kilometer by 48%."
3243,Private Federated Submodel Learning with Sparsification,"We investigate the problem of private read update write (PRUW) in federated
submodel learning (FSL) with sparsification. In FSL, a machine learning model
is divided into multiple submodels, where each user updates only the submodel
that is relevant to the user's local data. PRUW is the process of privately
performing FSL by reading from and writing to the required submodel without
revealing the submodel index, or the values of updates to the databases.
Sparsification is a widely used concept in learning, where the users update
only a small fraction of parameters to reduce the communication cost. Revealing
the coordinates of these selected (sparse) updates leaks privacy of the user.
We show how PRUW in FSL can be performed with sparsification. We propose a
novel scheme which privately reads from and writes to arbitrary parameters of
any given submodel, without revealing the submodel index, values of updates, or
the coordinates of the sparse updates, to databases. The proposed scheme
achieves significantly lower reading and writing costs compared to what is
achieved without sparsification."
3244,A deep learning approach to halo merger tree construction,"A key ingredient for semi-analytic models (SAMs) of galaxy formation is the
mass assembly history of haloes, encoded in a tree structure. The most commonly
used method to construct halo merger histories is based on the outcomes of
high-resolution, computationally intensive N-body simulations. We show that
machine learning (ML) techniques, in particular Generative Adversarial Networks
(GANs), are a promising new tool to tackle this problem with a modest
computational cost and retaining the best features of merger trees from
simulations. We train our GAN model with a limited sample of merger trees from
the Evolution and Assembly of GaLaxies and their Environments (EAGLE)
simulation suite, constructed using two halo finders-tree builder algorithms:
SUBFIND-D-TREES and ROCKSTAR-ConsistentTrees. Our GAN model successfully learns
to generate well-constructed merger tree structures with high temporal
resolution, and to reproduce the statistical features of the sample of merger
trees used for training, when considering up to three variables in the training
process. These inputs, whose representations are also learned by our GAN model,
are mass of the halo progenitors and the final descendant, progenitor type
(main halo or satellite) and distance of a progenitor to that in the main
branch. The inclusion of the latter two inputs greatly improves the final
learned representation of the halo mass growth history, especially for
SUBFIND-like ML trees. When comparing equally sized samples of ML merger trees
with those of the EAGLE simulation, we find better agreement for SUBFIND-like
ML trees. Finally, our GAN-based framework can be utilised to construct merger
histories of low- and intermediate-mass haloes, the most abundant in
cosmological simulations."
3245,Semi-Supervised Cross-Silo Advertising with Partial Knowledge Transfer,"As an emerging secure learning paradigm in leveraging cross-agency private
data, vertical federated learning (VFL) is expected to improve advertising
models by enabling the joint learning of complementary user attributes
privately owned by the advertiser and the publisher. However, there are two key
challenges in applying it to advertising systems: a) the limited scale of
labeled overlapping samples, and b) the high cost of real-time cross-agency
serving. In this paper, we propose a semi-supervised split distillation
framework VFed-SSD to alleviate the two limitations. We identify that: i) there
are massive unlabeled overlapped data available in advertising systems, and ii)
we can keep a balance between model performance and inference cost by
decomposing the federated model. Specifically, we develop a self-supervised
task Matched Pair Detection (MPD) to exploit the vertically partitioned
unlabeled data and propose the Split Knowledge Distillation (SplitKD) schema to
avoid cross-agency serving. Empirical studies on three industrial datasets
exhibit the effectiveness of our methods, with the median AUC over all datasets
improved by 0.86% and 2.6% in the local deployment mode and the federated
deployment mode respectively. Overall, our framework provides an efficient
federation-enhanced solution for real-time display advertising with minimal
deploying cost and significant performance lift."
3246,FedHarmony: Unlearning Scanner Bias with Distributed Data,"The ability to combine data across scanners and studies is vital for
neuroimaging, to increase both statistical power and the representation of
biological variability. However, combining datasets across sites leads to two
challenges: first, an increase in undesirable non-biological variance due to
scanner and acquisition differences - the harmonisation problem - and second,
data privacy concerns due to the inherently personal nature of medical imaging
data, meaning that sharing them across sites may risk violation of privacy
laws. To overcome these restrictions, we propose FedHarmony: a harmonisation
framework operating in the federated learning paradigm. We show that to remove
the scanner-specific effects, we only need to share the mean and standard
deviation of the learned features, helping to protect individual subjects'
privacy. We demonstrate our approach across a range of realistic data
scenarios, using real multi-site data from the ABIDE dataset, thus showing the
potential utility of our method for MRI harmonisation across studies. Our code
is available at https://github.com/nkdinsdale/FedHarmony."
3247,You Can't Count on Luck: Why Decision Transformers Fail in Stochastic Environments,"Recently, methods such as Decision Transformer that reduce reinforcement
learning to a prediction task and solve it via supervised learning (RvS) have
become popular due to their simplicity, robustness to hyperparameters, and
strong overall performance on offline RL tasks. However, simply conditioning a
probabilistic model on a desired return and taking the predicted action can
fail dramatically in stochastic environments since trajectories that result in
a return may have only achieved that return due to luck. In this work, we
describe the limitations of RvS approaches in stochastic environments and
propose a solution. Rather than simply conditioning on the return of a single
trajectory as is standard practice, our proposed method, ESPER, learns to
cluster trajectories and conditions on average cluster returns, which are
independent from environment stochasticity. Doing so allows ESPER to achieve
strong alignment between target return and expected performance in real
environments. We demonstrate this in several challenging stochastic offline-RL
tasks including the challenging puzzle game 2048, and Connect Four playing
against a stochastic opponent. In all tested domains, ESPER achieves
significantly better alignment between the target return and achieved return
than simply conditioning on returns. ESPER also achieves higher maximum
performance than even the value-based baselines."
3248,Classification of EEG Motor Imagery Using Deep Learning for Brain-Computer Interface Systems,"A trained T1 class Convolutional Neural Network (CNN) model will be used to
examine its ability to successfully identify motor imagery when fed
pre-processed electroencephalography (EEG) data. In theory, and if the model
has been trained accurately, it should be able to identify a class and label it
accordingly. The CNN model will then be restored and used to try and identify
the same class of motor imagery data using much smaller sampled data in an
attempt to simulate live data."
3249,Timing is Everything: Learning to Act Selectively with Costly Actions and Budgetary Constraints,"Many real-world settings involve costs for performing actions; transaction
costs in financial systems and fuel costs being common examples. In these
settings, performing actions at each time step quickly accumulates costs
leading to vastly suboptimal outcomes. Additionally, repeatedly acting produces
wear and tear and ultimately, damage. Determining when to act is crucial for
achieving successful outcomes and yet, the challenge of efficiently learning to
behave optimally when actions incur minimally bounded costs remains unresolved.
In this paper, we introduce a reinforcement learning (RL) framework named
Learnable Impulse Control Reinforcement Algorithm (LICRA), for learning to
optimally select both when to act and which actions to take when actions incur
costs. At the core of LICRA is a nested structure that combines RL and a form
of policy known as impulse control which learns to maximise objectives when
actions incur costs. We prove that LICRA, which seamlessly adopts any RL
method, converges to policies that optimally select when to perform actions and
their optimal magnitudes. We then augment LICRA to handle problems in which the
agent can perform at most $k<\infty$ actions and more generally, faces a budget
constraint. We show LICRA learns the optimal value function and ensures budget
constraints are satisfied almost surely. We demonstrate empirically LICRA's
superior performance against benchmark RL methods in OpenAI gym's Lunar Lander
and in Highway environments and a variant of the Merton portfolio problem
within finance."
3250,Knowledge Graph - Deep Learning: A Case Study in Question Answering in Aviation Safety Domain,"In the commercial aviation domain, there are a large number of documents,
like, accident reports (NTSB, ASRS) and regulatory directives (ADs). There is a
need for a system to access these diverse repositories efficiently in order to
service needs in the aviation industry, like maintenance, compliance, and
safety. In this paper, we propose a Knowledge Graph (KG) guided Deep Learning
(DL) based Question Answering (QA) system for aviation safety. We construct a
Knowledge Graph from Aircraft Accident reports and contribute this resource to
the community of researchers. The efficacy of this resource is tested and
proved by the aforesaid QA system. Natural Language Queries constructed from
the documents mentioned above are converted into SPARQL (the interface language
of the RDF graph database) queries and answered. On the DL side, we have two
different QA models: (i) BERT QA which is a pipeline of Passage Retrieval
(Sentence-BERT based) and Question Answering (BERT based), and (ii) the
recently released GPT-3. We evaluate our system on a set of queries created
from the accident reports. Our combined QA system achieves 9.3% increase in
accuracy over GPT-3 and 40.3% increase over BERT QA. Thus, we infer that KG-DL
performs better than either singly."
3251,Hollywood Identity Bias Dataset: A Context Oriented Bias Analysis of Movie Dialogues,"Movies reflect society and also hold power to transform opinions. Social
biases and stereotypes present in movies can cause extensive damage due to
their reach. These biases are not always found to be the need of storyline but
can creep in as the author's bias. Movie production houses would prefer to
ascertain that the bias present in a script is the story's demand. Today, when
deep learning models can give human-level accuracy in multiple tasks, having an
AI solution to identify the biases present in the script at the writing stage
can help them avoid the inconvenience of stalled release, lawsuits, etc. Since
AI solutions are data intensive and there exists no domain specific data to
address the problem of biases in scripts, we introduce a new dataset of movie
scripts that are annotated for identity bias. The dataset contains dialogue
turns annotated for (i) bias labels for seven categories, viz., gender,
race/ethnicity, religion, age, occupation, LGBTQ, and other, which contains
biases like body shaming, personality bias, etc. (ii) labels for sensitivity,
stereotype, sentiment, emotion, emotion intensity, (iii) all labels annotated
with context awareness, (iv) target groups and reason for bias labels and (v)
expert-driven group-validation process for high quality annotations. We also
report various baseline performances for bias identification and category
detection on our dataset."
3252,Towards Context-Aware Neural Performance-Score Synchronisation,"Music can be represented in multiple forms, such as in the audio form as a
recording of a performance, in the symbolic form as a computer readable score,
or in the image form as a scan of the sheet music. Music synchronisation
provides a way to navigate among multiple representations of music in a unified
manner by generating an accurate mapping between them, lending itself
applicable to a myriad of domains like music education, performance analysis,
automatic accompaniment and music editing. Traditional synchronisation methods
compute alignment using knowledge-driven and stochastic approaches, typically
employing handcrafted features. These methods are often unable to generalise
well to different instruments, acoustic environments and recording conditions,
and normally assume complete structural agreement between the performances and
the scores. This PhD furthers the development of performance-score
synchronisation research by proposing data-driven, context-aware alignment
approaches, on three fronts: Firstly, I replace the handcrafted features by
employing a metric learning based approach that is adaptable to different
acoustic settings and performs well in data-scarce conditions. Secondly, I
address the handling of structural differences between the performances and
scores, which is a common limitation of standard alignment methods. Finally, I
eschew the reliance on both feature engineering and dynamic programming, and
propose a completely data-driven synchronisation method that computes
alignments using a neural framework, whilst also being robust to structural
differences between the performances and scores."
3253,Evaluating Robustness to Dataset Shift via Parametric Robustness Sets,"We give a method for proactively identifying small, plausible shifts in
distribution which lead to large differences in model performance. To ensure
that these shifts are plausible, we parameterize them in terms of interpretable
changes in causal mechanisms of observed variables. This defines a parametric
robustness set of plausible distributions and a corresponding worst-case loss.
While the loss under an individual parametric shift can be estimated via
reweighting techniques such as importance sampling, the resulting worst-case
optimization problem is non-convex, and the estimate may suffer from large
variance. For small shifts, however, we can construct a local second-order
approximation to the loss under shift and cast the problem of finding a
worst-case shift as a particular non-convex quadratic optimization problem, for
which efficient algorithms are available. We demonstrate that this second-order
approximation can be estimated directly for shifts in conditional exponential
family models, and we bound the approximation error. We apply our approach to a
computer vision task (classifying gender from images), revealing sensitivity to
shifts in non-causal attributes."
3254,Hide and Seek: on the Stealthiness of Attacks against Deep Learning Systems,"With the growing popularity of artificial intelligence and machine learning,
a wide spectrum of attacks against deep learning models have been proposed in
the literature. Both the evasion attacks and the poisoning attacks attempt to
utilize adversarially altered samples to fool the victim model to misclassify
the adversarial sample. While such attacks claim to be or are expected to be
stealthy, i.e., imperceptible to human eyes, such claims are rarely evaluated.
In this paper, we present the first large-scale study on the stealthiness of
adversarial samples used in the attacks against deep learning. We have
implemented 20 representative adversarial ML attacks on six popular
benchmarking datasets. We evaluate the stealthiness of the attack samples using
two complementary approaches: (1) a numerical study that adopts 24 metrics for
image similarity or quality assessment; and (2) a user study of 3 sets of
questionnaires that has collected 20,000+ annotations from 1,000+ responses.
Our results show that the majority of the existing attacks introduce
nonnegligible perturbations that are not stealthy to human eyes. We further
analyze the factors that contribute to attack stealthiness. We further examine
the correlation between the numerical analysis and the user studies, and
demonstrate that some image quality metrics may provide useful guidance in
attack designs, while there is still a significant gap between assessed image
quality and visual stealthiness of attacks."
3255,Minimax Classification under Concept Drift with Multidimensional Adaptation and Performance Guarantees,"The statistical characteristics of instance-label pairs often change with
time in practical scenarios of supervised classification. Conventional learning
techniques adapt to such concept drift accounting for a scalar rate of change
by means of a carefully chosen learning rate, forgetting factor, or window
size. However, the time changes in common scenarios are multidimensional, i.e.,
different statistical characteristics often change in a different manner. This
paper presents adaptive minimax risk classifiers (AMRCs) that account for
multidimensional time changes by means of a multivariate and high-order
tracking of the time-varying underlying distribution. In addition, differently
from conventional techniques, AMRCs can provide computable tight performance
guarantees. Experiments on multiple benchmark datasets show the classification
improvement of AMRCs compared to the state-of-the-art and the reliability of
the presented performance guarantees."
3256,Optimal Activation Functions for the Random Features Regression Model,"The asymptotic mean squared test error and sensitivity of the Random Features
Regression model (RFR) have been recently studied. We build on this work and
identify in closed-form the family of Activation Functions (AFs) that minimize
a combination of the test error and sensitivity of the RFR under different
notions of functional parsimony. We find scenarios under which the optimal AFs
are linear, saturated linear functions, or expressible in terms of Hermite
polynomials. Finally, we show how using optimal AFs impacts well-established
properties of the RFR model, such as its double descent curve, and the
dependency of its optimal regularization parameter on the observation noise
level."
3257,Inducing bias is simpler than you think,"Machine learning may be oblivious to human bias but it is not immune to its
perpetuation. Marginalisation and iniquitous group representation are often
traceable in the very data used for training, and may be reflected or even
enhanced by the learning models. To counter this, some of the model accuracy
can be traded off for a secondary objective that helps prevent a specific type
of bias. Multiple notions of fairness have been proposed to this end but recent
studies show that some fairness criteria often stand in mutual competition.
In the present work, we introduce a solvable high-dimensional model of data
imbalance, where parametric control over the many bias-inducing factors allows
for an extensive exploration of the bias inheritance mechanism. Through the
tools of statistical physics, we analytically characterise the typical
behaviour of learning models trained in our synthetic framework and find
similar unfairness behaviours as those observed on more realistic data.
However, we also identify a positive transfer effect between the different
subpopulations within the data. This suggests that mixing data with different
statistical properties could be helpful, provided the learning model is made
aware of this structure.
Finally, we analyse the issue of bias mitigation: by reweighing the various
terms in the training loss, we indirectly minimise standard unfairness metrics
and highlight their incompatibilities. Leveraging the insights on positive
transfer, we also propose a theory-informed mitigation strategy, based on the
introduction of coupled learning models. By allowing each model to specialise
on a different community within the data, we find that multiple fairness
criteria and high accuracy can be achieved simultaneously."
3258,Continuous Temporal Graph Networks for Event-Based Graph Data,"There has been an increasing interest in modeling continuous-time dynamics of
temporal graph data. Previous methods encode time-evolving relational
information into a low-dimensional representation by specifying discrete layers
of neural networks, while real-world dynamic graphs often vary continuously
over time. Hence, we propose Continuous Temporal Graph Networks (CTGNs) to
capture the continuous dynamics of temporal graph data. We use both the link
starting timestamps and link duration as evolving information to model the
continuous dynamics of nodes. The key idea is to use neural ordinary
differential equations (ODE) to characterize the continuous dynamics of node
representations over dynamic graphs. We parameterize ordinary differential
equations using a novel graph neural network. The existing dynamic graph
networks can be considered as a specific discretization of CTGNs. Experiment
results on both transductive and inductive tasks demonstrate the effectiveness
of our proposed approach over competitive baselines."
3259,Online Meta-Learning in Adversarial Multi-Armed Bandits,"We study meta-learning for adversarial multi-armed bandits. We consider the
online-within-online setup, in which a player (learner) encounters a sequence
of multi-armed bandit episodes. The player's performance is measured as regret
against the best arm in each episode, according to the losses generated by an
adversary. The difficulty of the problem depends on the empirical distribution
of the per-episode best arm chosen by the adversary. We present an algorithm
that can leverage the non-uniformity in this empirical distribution, and derive
problem-dependent regret bounds. This solution comprises an inner learner that
plays each episode separately, and an outer learner that updates the
hyper-parameters of the inner algorithm between the episodes. In the case where
the best arm distribution is far from uniform, it improves upon the best bound
that can be achieved by any online algorithm executed on each episode
individually without meta-learning."
3260,Variational inference via Wasserstein gradient flows,"Along with Markov chain Monte Carlo (MCMC) methods, variational inference
(VI) has emerged as a central computational approach to large-scale Bayesian
inference. Rather than sampling from the true posterior $\pi$, VI aims at
producing a simple but effective approximation $\hat \pi$ to $\pi$ for which
summary statistics are easy to compute. However, unlike the well-studied MCMC
methodology, VI is still poorly understood and dominated by heuristics. In this
work, we propose principled methods for VI, in which $\hat \pi$ is taken to be
a Gaussian or a mixture of Gaussians, which rest upon the theory of gradient
flows on the Bures-Wasserstein space of Gaussian measures. Akin to MCMC, it
comes with strong theoretical guarantees when $\pi$ is log-concave."
3261,Learning brain MRI quality control: a multi-factorial generalization problem,"Due to the growing number of MRI data, automated quality control (QC) has
become essential, especially for larger scale analysis. Several attempts have
been made in order to develop reliable and scalable QC pipelines. However, the
generalization of these methods on new data independent of those used for
learning is a difficult problem because of the biases inherent in MRI data.
This work aimed at evaluating the performances of the MRIQC pipeline on various
large-scale datasets (ABIDE, N = 1102 and CATI derived datasets, N = 9037) used
for both training and evaluation purposes. We focused our analysis on the MRIQC
preprocessing steps and tested the pipeline with and without them. We further
analyzed the site-wise and study-wise predicted classification probability
distributions of the models without preprocessing trained on ABIDE and CATI
data. Our main results were that a model using features extracted from MRIQC
without preprocessing yielded the best results when trained and evaluated on
large multi-center datasets with a heterogeneous population (an improvement of
the ROC-AUC score on unseen data of 0.10 for the model trained on a subset of
the CATI dataset). We concluded that a model trained with data from a
heterogeneous population, such as the CATI dataset, provides the best scores on
unseen data. In spite of the performance improvement, the generalization
abilities of the models remain questionable when looking at the
site-wise/study-wise probability predictions and the optimal classification
threshold derived from them."
3262,FedWalk: Communication Efficient Federated Unsupervised Node Embedding with Differential Privacy,"Node embedding aims to map nodes in the complex graph into low-dimensional
representations. The real-world large-scale graphs and difficulties of labeling
motivate wide studies of unsupervised node embedding problems. Nevertheless,
previous effort mostly operates in a centralized setting where a complete graph
is given. With the growing awareness of data privacy, data holders who are only
aware of one vertex and its neighbours demand greater privacy protection. In
this paper, we introduce FedWalk, a random-walk-based unsupervised node
embedding algorithm that operates in such a node-level visibility graph with
raw graph information remaining locally. FedWalk is designed to offer
centralized competitive graph representation capability with data privacy
protection and great communication efficiency. FedWalk instantiates the
prevalent federated paradigm and contains three modules. We first design a
hierarchical clustering tree (HCT) constructor to extract the structural
feature of each node. A dynamic time warping algorithm seamlessly handles the
structural heterogeneity across different nodes. Based on the constructed HCT,
we then design a random walk generator, wherein a sequence encoder is designed
to preserve privacy and a two-hop neighbor predictor is designed to save
communication cost. The generated random walks are then used to update node
embedding based on a SkipGram model. Extensive experiments on two large graphs
demonstrate that Fed-Walk achieves competitive representativeness as a
centralized node embedding algorithm does with only up to 1.8% Micro-F1 score
and 4.4% Marco-F1 score loss while reducing about 6.7 times of inter-device
communication per walk."
3263,A robust and lightweight deep attention multiple instance learning algorithm for predicting genetic alterations,"Deep-learning models based on whole-slide digital pathology images (WSIs)
become increasingly popular for predicting molecular biomarkers. Instance-based
models has been the mainstream strategy for predicting genetic alterations
using WSIs although bag-based models along with self-attention mechanism-based
algorithms have been proposed for other digital pathology applications. In this
paper, we proposed a novel Attention-based Multiple Instance Mutation Learning
(AMIML) model for predicting gene mutations. AMIML was comprised of successive
1-D convolutional layers, a decoder, and a residual weight connection to
facilitate further integration of a lightweight attention mechanism to detect
the most predictive image patches. Using data for 24 clinically relevant genes
from four cancer cohorts in The Cancer Genome Atlas (TCGA) studies (UCEC, BRCA,
GBM and KIRC), we compared AMIML with one popular instance-based model and four
recently published bag-based models (e.g., CHOWDER, HE2RNA, etc.). AMIML
demonstrated excellent robustness, not only outperforming all the five baseline
algorithms in the vast majority of the tested genes (17 out of 24), but also
providing near-best-performance for the other seven genes. Conversely, the
performance of the baseline published algorithms varied across different
cancers/genes. In addition, compared to the published models for genetic
alterations, AMIML provided a significant improvement for predicting a wide
range of genes (e.g., KMT2C, TP53, and SETD2 for KIRC; ERBB2, BRCA1, and BRCA2
for BRCA; JAK1, POLE, and MTOR for UCEC) as well as produced outstanding
predictive models for other clinically relevant gene mutations, which have not
been reported in the current literature. Furthermore, with the flexible and
interpretable attention-based MIL pooling mechanism, AMIML could further
zero-in and detect predictive image patches."
3264,VQ-AR: Vector Quantized Autoregressive Probabilistic Time Series Forecasting,"Time series models aim for accurate predictions of the future given the past,
where the forecasts are used for important downstream tasks like business
decision making. In practice, deep learning based time series models come in
many forms, but at a high level learn some continuous representation of the
past and use it to output point or probabilistic forecasts. In this paper, we
introduce a novel autoregressive architecture, VQ-AR, which instead learns a
\emph{discrete} set of representations that are used to predict the future.
Extensive empirical comparison with other competitive deep learning models
shows that surprisingly such a discrete set of representations gives
state-of-the-art or equivalent results on a wide variety of time series
datasets. We also highlight the shortcomings of this approach, explore its
zero-shot generalization capabilities, and present an ablation study on the
number of representations. The full source code of the method will be available
at the time of publication with the hope that researchers can further
investigate this important but overlooked inductive bias for the time series
domain."
3265,One Policy is Enough: Parallel Exploration with a Single Policy is Minimax Optimal for Reward-Free Reinforcement Learning,"While parallelism has been extensively used in Reinforcement Learning (RL),
the quantitative effects of parallel exploration are not well understood
theoretically. We study the benefits of simple parallel exploration for
reward-free RL for linear Markov decision processes (MDPs) and two-player
zero-sum Markov games (MGs). In contrast to the existing literature focused on
approaches that encourage agents to explore over a diverse set of policies, we
show that using a single policy to guide exploration across all agents is
sufficient to obtain an almost-linear speedup in all cases compared to their
fully sequential counterpart. Further, we show that this simple procedure is
minimax optimal up to logarithmic factors in the reward-free setting for both
linear MDPs and two-player zero-sum MGs. From a practical perspective, our
paper shows that a single policy is sufficient and provably optimal for
incorporating parallelism during the exploration phase."
3266,Compressed Hierarchical Representations for Multi-Task Learning and Task Clustering,"In this paper, we frame homogeneous-feature multi-task learning (MTL) as a
hierarchical representation learning problem, with one task-agnostic and
multiple task-specific latent representations. Drawing inspiration from the
information bottleneck principle and assuming an additive independent noise
model between the task-agnostic and task-specific latent representations, we
limit the information contained in each task-specific representation. It is
shown that our resulting representations yield competitive performance for
several MTL benchmarks. Furthermore, for certain setups, we show that the
trained parameters of the additive noise model are closely related to the
similarity of different tasks. This indicates that our approach yields a
task-agnostic representation that is disentangled in the sense that its
individual dimensions may be interpretable from a task-specific perspective."
3267,Simplex Neural Population Learning: Any-Mixture Bayes-Optimality in Symmetric Zero-sum Games,"Learning to play optimally against any mixture over a diverse set of
strategies is of important practical interests in competitive games. In this
paper, we propose simplex-NeuPL that satisfies two desiderata simultaneously:
i) learning a population of strategically diverse basis policies, represented
by a single conditional network; ii) using the same network, learn
best-responses to any mixture over the simplex of basis policies. We show that
the resulting conditional policies incorporate prior information about their
opponents effectively, enabling near optimal returns against arbitrary mixture
policies in a game with tractable best-responses. We verify that such policies
behave Bayes-optimally under uncertainty and offer insights in using this
flexibility at test time. Finally, we offer evidence that learning
best-responses to any mixture policies is an effective auxiliary task for
strategic exploration, which, by itself, can lead to more performant
populations."
3268,SOM-CPC: Unsupervised Contrastive Learning with Self-Organizing Maps for Structured Representations of High-Rate Time Series,"Continuous monitoring with an ever-increasing number of sensors has become
ubiquitous across many application domains. Acquired data are typically
high-dimensional and difficult to interpret, but they are also hypothesized to
lie on a lower-dimensional manifold. Many deep learning (DL) models aim to
identify this manifold, but do not promote structure nor interpretability. We
propose the SOM-CPC model, which jointly optimizes Contrastive Predictive
Coding (CPC), and a Self-Organizing Map (SOM) to find such an organized
manifold. We address a largely unexplored and challenging set of scenarios
comprising high-rate time series, and show on synthetic and real-life medical
and audio data that SOM-CPC outperforms strong baseline models that combine DL
with SOMs. SOM-CPC has great potential to expose latent patterns in high-rate
data streams, and may therefore contribute to a better understanding of many
different processes and systems."
3269,A Reduction to Binary Approach for Debiasing Multiclass Datasets,"We propose a novel reduction-to-binary (R2B) approach that enforces
demographic parity for multiclass classification with non-binary sensitive
attributes via a reduction to a sequence of binary debiasing tasks. We prove
that R2B satisfies optimality and bias guarantees and demonstrate empirically
that it can lead to an improvement over two baselines: (1) treating multiclass
problems as multi-label by debiasing labels independently and (2) transforming
the features instead of the labels. Surprisingly, we also demonstrate that
independent label debiasing yields competitive results in most (but not all)
settings. We validate these conclusions on synthetic and real-world datasets
from social science, computer vision, and healthcare."
3270,Automatic Diagnosis of Schizophrenia and Attention Deficit Hyperactivity Disorder in rs-fMRI Modality using Convolutional Autoencoder Model and Interval Type-2 Fuzzy Regression,"Nowadays, many people worldwide suffer from brain disorders, and their health
is in danger. So far, numerous methods have been proposed for the diagnosis of
Schizophrenia (SZ) and attention deficit hyperactivity disorder (ADHD), among
which functional magnetic resonance imaging (fMRI) modalities are known as a
popular method among physicians. This paper presents an SZ and ADHD intelligent
detection method of resting-state fMRI (rs-fMRI) modality using a new deep
learning (DL) method. The University of California Los Angeles (UCLA) dataset,
which contains the rs-fMRI modalities of SZ and ADHD patients, has been used
for experiments. The FMRIB software library (FSL) toolbox first performed
preprocessing on rs-fMRI data. Then, a convolutional Autoencoder (CNN-AE) model
with the proposed number of layers is used to extract features from rs-fMRI
data. In the classification step, a new fuzzy method called interval type-2
fuzzy regression (IT2FR) is introduced and then optimized by genetic algorithm
(GA), particle swarm optimization (PSO), and gray wolf optimization (GWO)
techniques. Also, the results of IT2FR methods are compared with multilayer
perceptron (MLP), k-nearest neighbors (KNN), support vector machine (SVM),
random forest (RF), decision tree (DT), and adaptive neuro-fuzzy inference
system (ANFIS) methods. The experiment results show that the IT2FR method with
the GWO optimization algorithm has achieved satisfactory results compared to
other classifier methods. Finally, the proposed classification technique was
able to provide 72.71% accuracy."
3271,coVariance Neural Networks,"Graph neural networks (GNN) are an effective framework that exploit
inter-relationships within graph-structured data for learning. Principal
component analysis (PCA) involves the projection of data on the eigenspace of
the covariance matrix and draws similarities with the graph convolutional
filters in GNNs. Motivated by this observation, we propose a GNN architecture,
called coVariance neural network (VNN), that operates on sample covariance
matrices as graphs. We theoretically establish the stability of VNNs to
perturbations in the covariance matrix, thus, implying an advantage over
standard PCA-based data analysis approaches that are prone to instability due
to principal components associated with close eigenvalues. Our experiments on
real-world datasets validate our theoretical results and show that VNN
performance is indeed more stable than PCA-based statistical approaches.
Moreover, our experiments on multi-resolution datasets also demonstrate that
VNNs are amenable to transferability of performance over covariance matrices of
different dimensions; a feature that is infeasible for PCA-based approaches."
3272,Predicting Day-Ahead Stock Returns using Search Engine Query Volumes: An Application of Gradient Boosted Decision Trees to the S&P 100,"The internet has changed the way we live, work and take decisions. As it is
the major modern resource for research, detailed data on internet usage
exhibits vast amounts of behavioral information. This paper aims to answer the
question whether this information can be facilitated to predict future returns
of stocks on financial capital markets. In an empirical analysis it implements
gradient boosted decision trees to learn relationships between abnormal returns
of stocks within the S&P 100 index and lagged predictors derived from
historical financial data, as well as search term query volumes on the internet
search engine Google. Models predict the occurrence of day-ahead stock returns
in excess of the index median. On a time frame from 2005 to 2017, all disparate
datasets exhibit valuable information. Evaluated models have average areas
under the receiver operating characteristic between 54.2% and 56.7%, clearly
indicating a classification better than random guessing. Implementing a simple
statistical arbitrage strategy, models are used to create daily trading
portfolios of ten stocks and result in annual performances of more than 57%
before transaction costs. With ensembles of different data sets topping up the
performance ranking, the results further question the weak form and semi-strong
form efficiency of modern financial capital markets. Even though transaction
costs are not included, the approach adds to the existing literature. It gives
guidance on how to use and transform data on internet usage behavior for
financial and economic modeling and forecasting."
3273,"A review of machine learning approaches, challenges and prospects for computational tumor pathology","Computational pathology is part of precision oncology medicine. The
integration of high-throughput data including genomics, transcriptomics,
proteomics, metabolomics, pathomics, and radiomics into clinical practice
improves cancer treatment plans, treatment cycles, and cure rates, and helps
doctors open up innovative approaches to patient prognosis. In the past decade,
rapid advances in artificial intelligence, chip design and manufacturing, and
mobile computing have facilitated research in computational pathology and have
the potential to provide better-integrated solutions for whole-slide images,
multi-omics data, and clinical informatics. However, tumor computational
pathology now brings some challenges to the application of tumour screening,
diagnosis and prognosis in terms of data integration, hardware processing,
network sharing bandwidth and machine learning technology. This review
investigates image preprocessing methods in computational pathology from a
pathological and technical perspective, machine learning-based methods, and
applications of computational pathology in breast, colon, prostate, lung, and
various tumour disease scenarios. Finally, the challenges and prospects of
machine learning in computational pathology applications are discussed."
3274,Surface Analysis with Vision Transformers,"The extension of convolutional neural networks (CNNs) to non-Euclidean
geometries has led to multiple frameworks for studying manifolds. Many of those
methods have shown design limitations resulting in poor modelling of long-range
associations, as the generalisation of convolutions to irregular surfaces is
non-trivial. Recent state-of-the-art performance of Vision Transformers (ViTs)
demonstrates that a general-purpose architecture, which implements
self-attention, could replace the local feature learning operations of CNNs.
Motivated by the success of attention-modelling in computer vision, we extend
ViTs to surfaces by reformulating the task of surface learning as a
sequence-to-sequence problem and propose a patching mechanism for surface
meshes. We validate the performance of the proposed Surface Vision Transformer
(SiT) on two brain age prediction tasks in the developing Human Connectome
Project (dHCP) dataset and investigate the impact of pre-training on model
performance. Experiments show that the SiT outperforms many surface CNNs, while
indicating some evidence of general transformation invariance. Code available
at https://github.com/metrics-lab/surface-vision-transformers"
3275,Attribution-based Explanations that Provide Recourse Cannot be Robust,"Different users of machine learning methods require different explanations,
depending on their goals. To make machine learning accountable to society, one
important goal is to get actionable options for recourse, which allow an
affected user to change the decision $f(x)$ of a machine learning system by
making limited changes to its input $x$. We formalize this by providing a
general definition of recourse sensitivity, which needs to be instantiated with
a utility function that describes which changes to the decisions are relevant
to the user. This definition applies to local attribution methods, which
attribute an importance weight to each input feature. It is often argued that
such local attributions should be robust, in the sense that a small change in
the input $x$ that is being explained, should not cause a large change in the
feature weights. However, we prove formally that it is in general impossible
for any single attribution method to be both recourse sensitive and robust at
the same time. It follows that there must always exist counterexamples to at
least one of these properties. We provide such counterexamples for several
popular attribution methods, including LIME, SHAP, Integrated Gradients and
SmoothGrad. Our results also cover counterfactual explanations, which may be
viewed as attributions that describe a perturbation of $x$. We further discuss
possible ways to work around our impossibility result, for instance by allowing
the output to consist of sets with multiple attributions. Finally, we
strengthen our impossibility result for the restricted case where users are
only able to change a single attribute of x, by providing an exact
characterization of the functions $f$ to which impossibility applies."
3276,Robust Anytime Learning of Markov Decision Processes,"Markov decision processes (MDPs) are formal models commonly used in
sequential decision-making. MDPs capture the stochasticity that may arise, for
instance, from imprecise actuators via probabilities in the transition
function. However, in data-driven applications, deriving precise probabilities
from (limited) data introduces statistical errors that may lead to unexpected
or undesirable outcomes. Uncertain MDPs (uMDPs) do not require precise
probabilities but instead use so-called uncertainty sets in the transitions,
accounting for such limited data. Tools from the formal verification community
efficiently compute robust policies that provably adhere to formal
specifications, like safety constraints, under the worst-case instance in the
uncertainty set. We continuously learn the transition probabilities of an MDP
in a robust anytime-learning approach that combines a dedicated Bayesian
inference scheme with the computation of robust policies. In particular, our
method (1) approximates probabilities as intervals, (2) adapts to new data that
may be inconsistent with an intermediate model, and (3) may be stopped at any
time to compute a robust policy on the uMDP that faithfully captures the data
so far. We show the effectiveness of our approach and compare it to robust
policies computed on uMDPs learned by the UCRL2 reinforcement learning
algorithm in an experimental evaluation on several benchmarks."
3277,Graph Backup: Data Efficient Backup Exploiting Markovian Transitions,"The successes of deep Reinforcement Learning (RL) are limited to settings
where we have a large stream of online experiences, but applying RL in the
data-efficient setting with limited access to online interactions is still
challenging. A key to data-efficient RL is good value estimation, but current
methods in this space fail to fully utilise the structure of the trajectory
data gathered from the environment. In this paper, we treat the transition data
of the MDP as a graph, and define a novel backup operator, Graph Backup, which
exploits this graph structure for better value estimation. Compared to
multi-step backup methods such as $n$-step $Q$-Learning and TD($\lambda$),
Graph Backup can perform counterfactual credit assignment and gives stable
value estimates for a state regardless of which trajectory the state is sampled
from. Our method, when combined with popular value-based methods, provides
improved performance over one-step and multi-step methods on a suite of
data-efficient RL benchmarks including MiniGrid, Minatar and Atari100K. We
further analyse the reasons for this performance boost through a novel
visualisation of the transition graphs of Atari games."
3278,Unsupervised Image Representation Learning with Deep Latent Particles,"We propose a new representation of visual data that disentangles object
position from appearance. Our method, termed Deep Latent Particles (DLP),
decomposes the visual input into low-dimensional latent ``particles'', where
each particle is described by its spatial location and features of its
surrounding region. To drive learning of such representations, we follow a
VAE-based approach and introduce a prior for particle positions based on a
spatial-softmax architecture, and a modification of the evidence lower bound
loss inspired by the Chamfer distance between particles. We demonstrate that
our DLP representations are useful for downstream tasks such as unsupervised
keypoint (KP) detection, image manipulation, and video prediction for scenes
composed of multiple dynamic objects. In addition, we show that our
probabilistic interpretation of the problem naturally provides uncertainty
estimates for particle locations, which can be used for model selection, among
other tasks. Videos and code are available:
https://taldatech.github.io/deep-latent-particles-web/"
3279,Feature Learning in $L_{2}$-regularized DNNs: Attraction/Repulsion and Sparsity,"We study the loss surface of DNNs with $L_{2}$ regularization. We show that
the loss in terms of the parameters can be reformulated into a loss in terms of
the layerwise activations $Z_{\ell}$ of the training set. This reformulation
reveals the dynamics behind feature learning: each hidden representations
$Z_{\ell}$ are optimal w.r.t. to an attraction/repulsion problem and
interpolate between the input and output representations, keeping as little
information from the input as necessary to construct the activation of the next
layer. For positively homogeneous non-linearities, the loss can be further
reformulated in terms of the covariances of the hidden representations, which
takes the form of a partially convex optimization over a convex cone.
This second reformulation allows us to prove a sparsity result for
homogeneous DNNs: any local minimum of the $L_{2}$-regularized loss can be
achieved with at most $N(N+1)$ neurons in each hidden layer (where $N$ is the
size of the training set). We show that this bound is tight by giving an
example of a local minimum which requires $N^{2}/4$ hidden neurons. But we also
observe numerically that in more traditional settings much less than $N^{2}$
neurons are required to reach the minima."
3280,AdaTask: Adaptive Multitask Online Learning,"We introduce and analyze AdaTask, a multitask online learning algorithm that
adapts to the unknown structure of the tasks. When the $N$ tasks are
stochastically activated, we show that the regret of AdaTask is better, by a
factor that can be as large as $\sqrt{N}$, than the regret achieved by running
$N$ independent algorithms, one for each task. AdaTask can be seen as a
comparator-adaptive version of Follow-the-Regularized-Leader with a Mahalanobis
norm potential. Through a variational formulation of this potential, our
analysis reveals how AdaTask jointly learns the tasks and their structure.
Experiments supporting our findings are presented."
3281,A Meta Reinforcement Learning Approach for Predictive Autoscaling in the Cloud,"Predictive autoscaling (autoscaling with workload forecasting) is an
important mechanism that supports autonomous adjustment of computing resources
in accordance with fluctuating workload demands in the Cloud. In recent works,
Reinforcement Learning (RL) has been introduced as a promising approach to
learn the resource management policies to guide the scaling actions under the
dynamic and uncertain cloud environment. However, RL methods face the following
challenges in steering predictive autoscaling, such as lack of accuracy in
decision-making, inefficient sampling and significant variability in workload
patterns that may cause policies to fail at test time. To this end, we propose
an end-to-end predictive meta model-based RL algorithm, aiming to optimally
allocate resource to maintain a stable CPU utilization level, which
incorporates a specially-designed deep periodic workload prediction model as
the input and embeds the Neural Process to guide the learning of the optimal
scaling actions over numerous application services in the Cloud. Our algorithm
not only ensures the predictability and accuracy of the scaling strategy, but
also enables the scaling decisions to adapt to the changing workloads with high
sample efficiency. Our method has achieved significant performance improvement
compared to the existing algorithms and has been deployed online at Alipay,
supporting the autoscaling of applications for the world-leading payment
platform."
3282,Likelihood-Free Inference with Generative Neural Networks via Scoring Rule Minimization,"Bayesian Likelihood-Free Inference methods yield posterior approximations for
simulator models with intractable likelihood. Recently, many works trained
neural networks to approximate either the intractable likelihood or the
posterior directly. Most proposals use normalizing flows, namely neural
networks parametrizing invertible maps used to transform samples from an
underlying base measure; the probability density of the transformed samples is
then accessible and the normalizing flow can be trained via maximum likelihood
on simulated parameter-observation pairs. A recent work [Ramesh et al., 2022]
approximated instead the posterior with generative networks, which drop the
invertibility requirement and are thus a more flexible class of distributions
scaling to high-dimensional and structured data. However, generative networks
only allow sampling from the parametrized distribution; for this reason, Ramesh
et al. [2022] follows the common solution of adversarial training, where the
generative network plays a min-max game against a ""critic"" network. This
procedure is unstable and can lead to a learned distribution underestimating
the uncertainty - in extreme cases collapsing to a single point. Here, we
propose to approximate the posterior with generative networks trained by
Scoring Rule minimization, an overlooked adversarial-free method enabling
smooth training and better uncertainty quantification. In simulation studies,
the Scoring Rule approach yields better performances with shorter training time
with respect to the adversarial framework."
3283,Three-dimensional microstructure generation using generative adversarial neural networks in the context of continuum micromechanics,"Multiscale simulations are demanding in terms of computational resources. In
the context of continuum micromechanics, the multiscale problem arises from the
need of inferring macroscopic material parameters from the microscale. If the
underlying microstructure is explicitly given by means of microCT-scans,
convolutional neural networks can be used to learn the microstructure-property
mapping, which is usually obtained from computational homogenization. The CNN
approach provides a significant speedup, especially in the context of
heterogeneous or functionally graded materials. Another application is
uncertainty quantification, where many expansive evaluations are required.
However, one bottleneck of this approach is the large number of training
microstructures needed. This work closes this gap by proposing a generative
adversarial network tailored towards three-dimensional microstructure
generation. The lightweight algorithm is able to learn the underlying
properties of the material from a single microCT-scan without the need of
explicit descriptors. During prediction time, the network can produce unique
three-dimensional microstructures with the same properties of the original data
in a fraction of seconds and at consistently high quality."
3284,Concept-level Debugging of Part-Prototype Networks,"Part-prototype Networks (ProtoPNets) are concept-based classifiers designed
to achieve the same performance as black-box models without compromising
transparency. ProtoPNets compute predictions based on similarity to
class-specific part-prototypes learned to recognize parts of training examples,
making it easy to faithfully determine what examples are responsible for any
target prediction and why. However, like other models, they are prone to
picking up confounds and shortcuts from the data, thus suffering from
compromised prediction accuracy and limited generalization. We propose
ProtoPDebug, an effective concept-level debugger for ProtoPNets in which a
human supervisor, guided by the model's explanations, supplies feedback in the
form of what part-prototypes must be forgotten or kept, and the model is
fine-tuned to align with this supervision. An extensive empirical evaluation on
synthetic and real-world data shows that ProtoPDebug outperforms
state-of-the-art debuggers for a fraction of the annotation cost."
3285,SAMURAI: Shape And Material from Unconstrained Real-world Arbitrary Image collections,"Inverse rendering of an object under entirely unknown capture conditions is a
fundamental challenge in computer vision and graphics. Neural approaches such
as NeRF have achieved photorealistic results on novel view synthesis, but they
require known camera poses. Solving this problem with unknown camera poses is
highly challenging as it requires joint optimization over shape, radiance, and
pose. This problem is exacerbated when the input images are captured in the
wild with varying backgrounds and illuminations. Standard pose estimation
techniques fail in such image collections in the wild due to very few estimated
correspondences across images. Furthermore, NeRF cannot relight a scene under
any illumination, as it operates on radiance (the product of reflectance and
illumination). We propose a joint optimization framework to estimate the shape,
BRDF, and per-image camera pose and illumination. Our method works on
in-the-wild online image collections of an object and produces relightable 3D
assets for several use-cases such as AR/VR. To our knowledge, our method is the
first to tackle this severely unconstrained task with minimal user interaction.
Project page: https://markboss.me/publication/2022-samurai/ Video:
https://youtu.be/LlYuGDjXp-8"
3286,Strategic Classification with Graph Neural Networks,"Strategic classification studies learning in settings where users can modify
their features to obtain favorable predictions. Most current works focus on
simple classifiers that trigger independent user responses. Here we examine the
implications of learning with more elaborate models that break the independence
assumption. Motivated by the idea that applications of strategic classification
are often social in nature, we focus on \emph{graph neural networks}, which
make use of social relations between users to improve predictions. Using a
graph for learning introduces inter-user dependencies in prediction; our key
point is that strategic users can exploit these to promote their goals. As we
show through analysis and simulation, this can work either against the system
-- or for it. Based on this, we propose a differentiable framework for
strategically-robust learning of graph-based classifiers. Experiments on
several real networked datasets demonstrate the utility of our approach."
3287,SymFormer: End-to-end symbolic regression using transformer-based architecture,"Many real-world problems can be naturally described by mathematical formulas.
The task of finding formulas from a set of observed inputs and outputs is
called symbolic regression. Recently, neural networks have been applied to
symbolic regression, among which the transformer-based ones seem to be the most
promising. After training the transformer on a large number of formulas (in the
order of days), the actual inference, i.e., finding a formula for new, unseen
data, is very fast (in the order of seconds). This is considerably faster than
state-of-the-art evolutionary methods. The main drawback of transformers is
that they generate formulas without numerical constants, which have to be
optimized separately, so yielding suboptimal results. We propose a
transformer-based approach called SymFormer, which predicts the formula by
outputting the individual symbols and the corresponding constants
simultaneously. This leads to better performance in terms of fitting the
available data. In addition, the constants provided by SymFormer serve as a
good starting point for subsequent tuning via gradient descent to further
improve the performance. We show on a set of benchmarks that SymFormer
outperforms two state-of-the-art methods while having faster inference."
3288,Exact Feature Collisions in Neural Networks,"Predictions made by deep neural networks were shown to be highly sensitive to
small changes made in the input space where such maliciously crafted data
points containing small perturbations are being referred to as adversarial
examples. On the other hand, recent research suggests that the same networks
can also be extremely insensitive to changes of large magnitude, where
predictions of two largely different data points can be mapped to approximately
the same output. In such cases, features of two data points are said to
approximately collide, thus leading to the largely similar predictions. Our
results improve and extend the work of Li et al.(2019), laying out theoretical
grounds for the data points that have colluding features from the perspective
of weights of neural networks, revealing that neural networks not only suffer
from features that approximately collide but also suffer from features that
exactly collide. We identify the necessary conditions for the existence of such
scenarios, hereby investigating a large number of DNNs that have been used to
solve various computer vision problems. Furthermore, we propose the Null-space
search, a numerical approach that does not rely on heuristics, to create data
points with colliding features for any input and for any task, including, but
not limited to, classification, localization, and segmentation."
3289,Knowledge Enhanced Neural Networks for relational domains,"In the recent past, there has been a growing interest in Neural-Symbolic
Integration frameworks, i.e., hybrid systems that integrate connectionist and
symbolic approaches to obtain the best of both worlds. In this work we focus on
a specific method, KENN (Knowledge Enhanced Neural Networks), a Neural-Symbolic
architecture that injects prior logical knowledge into a neural network by
adding on its top a residual layer that modifies the initial predictions
accordingly to the knowledge. Among the advantages of this strategy, there is
the inclusion of clause weights, learnable parameters that represent the
strength of the clauses, meaning that the model can learn the impact of each
rule on the final predictions. As a special case, if the training data
contradicts a constraint, KENN learns to ignore it, making the system robust to
the presence of wrong knowledge. In this paper, we propose an extension of KENN
for relational data. One of the main advantages of KENN resides in its
scalability, thanks to a flexible treatment of dependencies between the rules
obtained by stacking multiple logical layers. We show experimentally the
efficacy of this strategy. The results show that KENN is capable of increasing
the performances of the underlying neural network, obtaining better or
comparable accuracies in respect to other two related methods that combine
learning with logic, requiring significantly less time for learning."
3290,Investigating the Role of Image Retrieval for Visual Localization -- An exhaustive benchmark,"Visual localization, i.e., camera pose estimation in a known scene, is a core
component of technologies such as autonomous driving and augmented reality.
State-of-the-art localization approaches often rely on image retrieval
techniques for one of two purposes: (1) provide an approximate pose estimate or
(2) determine which parts of the scene are potentially visible in a given query
image. It is common practice to use state-of-the-art image retrieval algorithms
for both of them. These algorithms are often trained for the goal of retrieving
the same landmark under a large range of viewpoint changes which often differs
from the requirements of visual localization. In order to investigate the
consequences for visual localization, this paper focuses on understanding the
role of image retrieval for multiple visual localization paradigms. First, we
introduce a novel benchmark setup and compare state-of-the-art retrieval
representations on multiple datasets using localization performance as metric.
Second, we investigate several definitions of ""ground truth"" for image
retrieval. Using these definitions as upper bounds for the visual localization
paradigms, we show that there is still sgnificant room for improvement. Third,
using these tools and in-depth analysis, we show that retrieval performance on
classical landmark retrieval or place recognition tasks correlates only for
some but not all paradigms to localization performance. Finally, we analyze the
effects of blur and dynamic scenes in the images. We conclude that there is a
need for retrieval approaches specifically designed for localization paradigms.
Our benchmark and evaluation protocols are available at
https://github.com/naver/kapture-localization."
3291,A Cross-City Federated Transfer Learning Framework: A Case Study on Urban Region Profiling,"Data insufficiency problem (i.e., data missing and label scarcity issues)
caused by inadequate services and infrastructures or unbalanced development
levels of cities has seriously affected the urban computing tasks in real
scenarios. Prior transfer learning methods inspire an elegant solution to the
data insufficiency, but are only concerned with one kind of insufficiency issue
and fail to give consideration to both sides. In addition, most previous
cross-city transfer methods overlooks the inter-city data privacy which is a
public concern in practical application. To address above challenging problems,
we propose a novel Cross-city Federated Transfer Learning framework (CcFTL) to
cope with the data insufficiency and privacy problems. Concretely, CcFTL
transfers the relational knowledge from multiple rich-data source cities to the
target city. Besides, the model parameters specific to the target task are
firstly trained on the source data and then fine-tuned to the target city by
parameter transfer. With our adaptation of federated training and homomorphic
encryption settings, CcFTL can effectively deal with the data privacy problem
among cities. We take the urban region profiling as an application of smart
cities and evaluate the proposed method with a real-world study. The
experiments demonstrate the notable superiority of our framework over several
competitive state-of-the-art models."
3292,Hierarchies of Reward Machines,"Reward machines (RMs) are a recent formalism for representing the reward
function of a reinforcement learning task through a finite-state machine whose
edges encode landmarks of the task using high-level events. The structure of
RMs enables the decomposition of a task into simpler and independently solvable
subtasks that help tackle long-horizon and/or sparse reward tasks. We propose a
formalism for further abstracting the subtask structure by endowing an RM with
the ability to call other RMs, thus composing a hierarchy of RMs (HRM). We
exploit HRMs by treating each call to an RM as an independently solvable
subtask using the options framework, and describe a curriculum-based method to
induce HRMs from example traces observed by the agent. Our experiments reveal
that exploiting a handcrafted HRM leads to faster convergence than with a flat
HRM, and that learning an HRM is more scalable than learning an equivalent flat
HRM."
3293,Variable importance without impossible data,"The most popular methods for measuring importance of the variables in a black
box prediction algorithm make use of synthetic inputs that combine predictor
variables from multiple subjects. These inputs can be unlikely, physically
impossible, or even logically impossible. As a result, the predictions for such
cases can be based on data very unlike any the black box was trained on. We
think that users cannot trust an explanation of the decision of a prediction
algorithm when the explanation uses such values. Instead we advocate a method
called Cohort Shapley that is grounded in economic game theory and unlike most
other game theoretic methods, it uses only actually observed data to quantify
variable importance. Cohort Shapley works by narrowing the cohort of subjects
judged to be similar to a target subject on one or more features. A feature is
important if using it to narrow the cohort makes a large difference to the
cohort mean. We illustrate it on an algorithmic fairness problem where it is
essential to attribute importance to protected variables that the model was not
trained on. For every subject and every predictor variable, we can compute the
importance of that predictor to the subject's predicted response or to their
actual response. These values can be aggregated, for example over all Black
subjects, and we propose a Bayesian bootstrap to quantify uncertainty in both
individual and aggregate Shapley values."
3294,Non-Iterative Recovery from Nonlinear Observations using Generative Models,"In this paper, we aim to estimate the direction of an underlying signal from
its nonlinear observations following the semi-parametric single index model
(SIM). Unlike conventional compressed sensing where the signal is assumed to be
sparse, we assume that the signal lies in the range of an $L$-Lipschitz
continuous generative model with bounded $k$-dimensional inputs. This is mainly
motivated by the tremendous success of deep generative models in various real
applications. Our reconstruction method is non-iterative (though approximating
the projection step may use an iterative procedure) and highly efficient, and
it is shown to attain the near-optimal statistical rate of order $\sqrt{(k \log
L)/m}$, where $m$ is the number of measurements. We consider two specific
instances of the SIM, namely noisy $1$-bit and cubic measurement models, and
perform experiments on image datasets to demonstrate the efficacy of our
method. In particular, for the noisy $1$-bit measurement model, we show that
our non-iterative method significantly outperforms a state-of-the-art iterative
method in terms of both accuracy and efficiency."
3295,Omni-Granular Ego-Semantic Propagation for Self-Supervised Graph Representation Learning,"Unsupervised/self-supervised graph representation learning is critical for
downstream node- and graph-level classification tasks. Global structure of
graphs helps discriminating representations and existing methods mainly utilize
the global structure by imposing additional supervisions. However, their global
semantics are usually invariant for all nodes/graphs and they fail to
explicitly embed the global semantics to enrich the representations. In this
paper, we propose Omni-Granular Ego-Semantic Propagation for Self-Supervised
Graph Representation Learning (OEPG). Specifically, we introduce
instance-adaptive global-aware ego-semantic descriptors, leveraging the first-
and second-order feature differences between each node/graph and hierarchical
global clusters of the entire graph dataset. The descriptors can be explicitly
integrated into local graph convolution as new neighbor nodes. Besides, we
design an omni-granular normalization on the whole scales and hierarchies of
the ego-semantic to assign attentional weight to each descriptor from an
omni-granular perspective. Specialized pretext tasks and cross-iteration
momentum update are further developed for local-global mutual adaptation. In
downstream tasks, OEPG consistently achieves the best performance with a 2%~6%
accuracy gain on multiple datasets cross scales and domains. Notably, OEPG also
generalizes to quantity- and topology-imbalance scenarios."
3296,HyperMAML: Few-Shot Adaptation of Deep Models with Hypernetworks,"The aim of Few-Shot learning methods is to train models which can easily
adapt to previously unseen tasks, based on small amounts of data. One of the
most popular and elegant Few-Shot learning approaches is Model-Agnostic
Meta-Learning (MAML). The main idea behind this method is to learn the general
weights of the meta-model, which are further adapted to specific problems in a
small number of gradient steps. However, the model's main limitation lies in
the fact that the update procedure is realized by gradient-based optimisation.
In consequence, MAML cannot always modify weights to the essential level in one
or even a few gradient iterations. On the other hand, using many gradient steps
results in a complex and time-consuming optimization procedure, which is hard
to train in practice, and may lead to overfitting. In this paper, we propose
HyperMAML, a novel generalization of MAML, where the training of the update
procedure is also part of the model. Namely, in HyperMAML, instead of updating
the weights with gradient descent, we use for this purpose a trainable
Hypernetwork. Consequently, in this framework, the model can generate
significant updates whose range is not limited to a fixed number of gradient
steps. Experiments show that HyperMAML consistently outperforms MAML and
performs comparably to other state-of-the-art techniques in a number of
standard Few-Shot learning benchmarks."
3297,Template based Graph Neural Network with Optimal Transport Distances,"Current Graph Neural Networks (GNN) architectures generally rely on two
important components: node features embedding through message passing, and
aggregation with a specialized form of pooling. The structural (or topological)
information is implicitly taken into account in these two steps. We propose in
this work a novel point of view, which places distances to some learnable graph
templates at the core of the graph representation. This distance embedding is
constructed thanks to an optimal transport distance: the Fused
Gromov-Wasserstein (FGW) distance, which encodes simultaneously feature and
structure dissimilarities by solving a soft graph-matching problem. We
postulate that the vector of FGW distances to a set of template graphs has a
strong discriminative power, which is then fed to a non-linear classifier for
final predictions. Distance embedding can be seen as a new layer, and can
leverage on existing message passing techniques to promote sensible feature
representations. Interestingly enough, in our work the optimal set of template
graphs is also learnt in an end-to-end fashion by differentiating through this
layer. After describing the corresponding learning procedure, we empirically
validate our claim on several synthetic and real life graph classification
datasets, where our method is competitive or surpasses kernel and GNN
state-of-the-art approaches. We complete our experiments by an ablation study
and a sensitivity analysis to parameters."
3298,ViNNPruner: Visual Interactive Pruning for Deep Learning,"Neural networks grow vastly in size to tackle more sophisticated tasks. In
many cases, such large networks are not deployable on particular hardware and
need to be reduced in size. Pruning techniques help to shrink deep neural
networks to smaller sizes by only decreasing their performance as little as
possible. However, such pruning algorithms are often hard to understand by
applying them and do not include domain knowledge which can potentially be bad
for user goals. We propose ViNNPruner, a visual interactive pruning application
that implements state-of-the-art pruning algorithms and the option for users to
do manual pruning based on their knowledge. We show how the application
facilitates gaining insights into automatic pruning algorithms and
semi-automatically pruning oversized networks to make them more efficient using
interactive visualizations."
3299,Transformers for Multi-Object Tracking on Point Clouds,"We present TransMOT, a novel transformer-based end-to-end trainable online
tracker and detector for point cloud data. The model utilizes a cross- and a
self-attention mechanism and is applicable to lidar data in an automotive
context, as well as other data types, such as radar. Both track management and
the detection of new tracks are performed by the same transformer decoder
module and the tracker state is encoded in feature space. With this approach,
we make use of the rich latent space of the detector for tracking rather than
relying on low-dimensional bounding boxes. Still, we are able to retain some of
the desirable properties of traditional Kalman-filter based approaches, such as
an ability to handle sensor input at arbitrary timesteps or to compensate frame
skips. This is possible due to a novel module that transforms the track
information from one frame to the next on feature-level and thereby fulfills a
similar task as the prediction step of a Kalman filter. Results are presented
on the challenging real-world dataset nuScenes, where the proposed model
outperforms its Kalman filter-based tracking baseline."
3300,One Loss for Quantization: Deep Hashing with Discrete Wasserstein Distributional Matching,"Image hashing is a principled approximate nearest neighbor approach to find
similar items to a query in a large collection of images. Hashing aims to learn
a binary-output function that maps an image to a binary vector. For optimal
retrieval performance, producing balanced hash codes with low-quantization
error to bridge the gap between the learning stage's continuous relaxation and
the inference stage's discrete quantization is important. However, in the
existing deep supervised hashing methods, coding balance and low-quantization
error are difficult to achieve and involve several losses. We argue that this
is because the existing quantization approaches in these methods are
heuristically constructed and not effective to achieve these objectives. This
paper considers an alternative approach to learning the quantization
constraints. The task of learning balanced codes with low quantization error is
re-formulated as matching the learned distribution of the continuous codes to a
pre-defined discrete, uniform distribution. This is equivalent to minimizing
the distance between two distributions. We then propose a computationally
efficient distributional distance by leveraging the discrete property of the
hash functions. This distributional distance is a valid distance and enjoys
lower time and sample complexities. The proposed single-loss quantization
objective can be integrated into any existing supervised hashing method to
improve code balance and quantization error. Experiments confirm that the
proposed approach substantially improves the performance of several
representative hashing~methods."
3301,Multi-Agent Learning of Numerical Methods for Hyperbolic PDEs with Factored Dec-MDP,"Factored decentralized Markov decision process (Dec-MDP) is a framework for
modeling sequential decision making problems in multi-agent systems. In this
paper, we formalize the learning of numerical methods for hyperbolic partial
differential equations (PDEs), specifically the Weighted Essentially
Non-Oscillatory (WENO) scheme, as a factored Dec-MDP problem. We show that
different reward formulations lead to either reinforcement learning (RL) or
behavior cloning, and a homogeneous policy could be learned for all agents
under the RL formulation with a policy gradient algorithm. Because the trained
agents only act on their local observations, the multi-agent system can be used
as a general numerical method for hyperbolic PDEs and generalize to different
spatial discretizations, episode lengths, dimensions, and even equation types."
3302,Multilingual Transformers for Product Matching -- Experiments and a New Benchmark in Polish,"Product matching corresponds to the task of matching identical products
across different data sources. It typically employs available product features
which, apart from being multimodal, i.e., comprised of various data types,
might be non-homogeneous and incomplete. The paper shows that pre-trained,
multilingual Transformer models, after fine-tuning, are suitable for solving
the product matching problem using textual features both in English and Polish
languages. We tested multilingual mBERT and XLM-RoBERTa models in English on
Web Data Commons - training dataset and gold standard for large-scale product
matching. The obtained results show that these models perform similarly to the
latest solutions tested on this set, and in some cases, the results were even
better.
Additionally, we prepared a new dataset entirely in Polish and based on
offers in selected categories obtained from several online stores for the
research purpose. It is the first open dataset for product matching tasks in
Polish, which allows comparing the effectiveness of the pre-trained models.
Thus, we also showed the baseline results obtained by the fine-tuned mBERT and
XLM-RoBERTa models on the Polish datasets."
3303,Mitigating Dataset Bias by Using Per-sample Gradient,"The performance of deep neural networks is strongly influenced by the
training dataset setup. In particular, when attributes having a strong
correlation with the target attribute are present, the trained model can
provide unintended prejudgments and show significant inference errors (i.e.,
the dataset bias problem). Various methods have been proposed to mitigate
dataset bias, and their emphasis is on weakly correlated samples, called
bias-conflicting samples. These methods are based on explicit bias labels
involving human or empirical correlation metrics (e.g., training loss).
However, such metrics require human costs or have insufficient theoretical
explanation. In this study, we propose a debiasing algorithm, called PGD
(Per-sample Gradient-based Debiasing), that comprises three steps: (1) training
a model on uniform batch sampling, (2) setting the importance of each sample in
proportion to the norm of the sample gradient, and (3) training the model using
importance-batch sampling, whose probability is obtained in step (2). Compared
with existing baselines for various synthetic and real-world datasets, the
proposed method showed state-of-the-art accuracy for a the classification task.
Furthermore, we describe theoretical understandings about how PGD can mitigate
dataset bias."
3304,"Lessons Learned from Data-Driven Building Control Experiments: Contrasting Gaussian Process-based MPC, Bilevel DeePC, and Deep Reinforcement Learning","This manuscript offers the perspective of experimentalists on a number of
modern data-driven techniques: model predictive control relying on Gaussian
processes, adaptive data-driven control based on behavioral theory, and deep
reinforcement learning. These techniques are compared in terms of data
requirements, ease of use, computational burden, and robustness in the context
of real-world applications. Our remarks and observations stem from a number of
experimental investigations carried out in the field of building control in
diverse environments, from lecture halls and apartment spaces to a hospital
surgery center. The final goal is to support others in identifying what
technique is best suited to tackle their own problems."
3305,Provable General Function Class Representation Learning in Multitask Bandits and MDPs,"While multitask representation learning has become a popular approach in
reinforcement learning (RL) to boost the sample efficiency, the theoretical
understanding of why and how it works is still limited. Most previous
analytical works could only assume that the representation function is already
known to the agent or from linear function class, since analyzing general
function class representation encounters non-trivial technical obstacles such
as generalization guarantee, formulation of confidence bound in abstract
function space, etc. However, linear-case analysis heavily relies on the
particularity of linear function class, while real-world practice usually
adopts general non-linear representation functions like neural networks. This
significantly reduces its applicability. In this work, we extend the analysis
to general function class representations. Specifically, we consider an agent
playing $M$ contextual bandits (or MDPs) concurrently and extracting a shared
representation function $\phi$ from a specific function class $\Phi$ using our
proposed Generalized Functional Upper Confidence Bound algorithm (GFUCB). We
theoretically validate the benefit of multitask representation learning within
general function class for bandits and linear MDP for the first time. Lastly,
we conduct experiments to demonstrate the effectiveness of our algorithm with
neural net representation."
3306,A novel approach to rating transition modelling via Machine Learning and SDEs on Lie groups,"In this paper, we introduce a novel methodology to model rating transitions
with a stochastic process. To introduce stochastic processes, whose values are
valid rating matrices, we noticed the geometric properties of stochastic
matrices and its link to matrix Lie groups. We give a gentle introduction to
this topic and demonstrate how It\^o-SDEs in R will generate the desired model
for rating transitions. To calibrate the rating model to historical data, we
use a Deep-Neural-Network (DNN) called TimeGAN to learn the features of a time
series of historical rating matrices. Then, we use this DNN to generate
synthetic rating transition matrices. Afterwards, we fit the moments of the
generated rating matrices and the rating process at specific time points, which
results in a good fit. After calibration, we discuss the quality of the
calibrated rating transition process by examining some properties that a time
series of rating matrices should satisfy, and we will see that this geometric
approach works very well."
3307,Static Scheduling with Predictions Learned through Efficient Exploration,"A popular approach to go beyond the worst-case analysis of online algorithms
is to assume the existence of predictions that can be leveraged to improve
performances. Those predictions are usually given by some external sources that
cannot be fully trusted. Instead, we argue that trustful predictions can be
built by algorithms, while they run. We investigate this idea in the
illustrative context of static scheduling with exponential job sizes. Indeed,
we prove that algorithms agnostic to this structure do not perform better than
in the worst case. In contrast, when the expected job sizes are known, we show
that the best algorithm using this information, called
Follow-The-Perfect-Prediction (FTPP), exhibits much better performances. Then,
we introduce two adaptive explore-then-commit types of algorithms: they both
first (partially) learn expected job sizes and then follow FTPP once their
self-predictions are confident enough. On the one hand, ETCU explores in
""series"", by completing jobs sequentially to acquire information. On the other
hand, ETCRR, inspired by the optimal worst-case algorithm Round-Robin (RR),
explores efficiently in ""parallel"". We prove that both of them asymptotically
reach the performances of FTPP, with a faster rate for ETCRR. Those findings
are empirically evaluated on synthetic data."
3308,Differentiable programming for functional connectomics,"Mapping the functional connectome has the potential to uncover key insights
into brain organisation. However, existing workflows for functional
connectomics are limited in their adaptability to new data, and principled
workflow design is a challenging combinatorial problem. We introduce a new
analytic paradigm and software toolbox that implements common operations used
in functional connectomics as fully differentiable processing blocks. Under
this paradigm, workflow configurations exist as reparameterisations of a
differentiable functional that interpolates them. The differentiable program
that we envision occupies a niche midway between traditional pipelines and
end-to-end neural networks, combining the glass-box tractability and domain
knowledge of the former with the amenability to optimisation of the latter. In
this preliminary work, we provide a proof of concept for differentiable
connectomics, demonstrating the capacity of our processing blocks both to
recapitulate canonical knowledge in neuroscience and to make new discoveries in
an unsupervised setting. Our differentiable modules are competitive with
state-of-the-art methods in problem domains including functional parcellation,
denoising, and covariance modelling. Taken together, our results and software
demonstrate the promise of differentiable programming for functional
connectomics."
3309,Simulation-Based Inference with WALDO: Perfectly Calibrated Confidence Regions Using Any Prediction or Posterior Estimation Algorithm,"The vast majority of modern machine learning targets prediction problems,
with algorithms such as Deep Neural Networks revolutionizing the accuracy of
point predictions for high-dimensional complex data. Predictive approaches are
now used in many domain sciences to directly estimate internal parameters of
interest in theoretical simulator-based models. In parallel, common
alternatives focus on estimating the full posterior using modern neural density
estimators such as normalizing flows. However, an open problem in
simulation-based inference (SBI) is how to construct properly calibrated
confidence regions for internal parameters with nominal conditional coverage
and high power. Many SBI methods are indeed known to produce overly confident
posterior approximations, yielding misleading uncertainty estimates. Similarly,
existing approaches for uncertainty quantification in deep learning provide no
guarantees on conditional coverage. In this work, we present WALDO, a novel
method for constructing correctly calibrated confidence regions in SBI. WALDO
reframes the well-known Wald test and uses Neyman inversion to convert point
predictions and posteriors from any prediction or posterior estimation
algorithm to confidence sets with correct conditional coverage, even for finite
sample sizes. As a concrete example, we demonstrate how a recently proposed
deep learning prediction approach for particle energies in high-energy physics
can be recalibrated using WALDO to produce confidence intervals with correct
coverage and high power."
3310,Automatic Relation-aware Graph Network Proliferation,"Graph neural architecture search has sparked much attention as Graph Neural
Networks (GNNs) have shown powerful reasoning capability in many relational
tasks. However, the currently used graph search space overemphasizes learning
node features and neglects mining hierarchical relational information.
Moreover, due to diverse mechanisms in the message passing, the graph search
space is much larger than that of CNNs. This hinders the straightforward
application of classical search strategies for exploring complicated graph
search space. We propose Automatic Relation-aware Graph Network Proliferation
(ARGNP) for efficiently searching GNNs with a relation-guided message passing
mechanism. Specifically, we first devise a novel dual relation-aware graph
search space that comprises both node and relation learning operations. These
operations can extract hierarchical node/relational information and provide
anisotropic guidance for message passing on a graph. Second, analogous to cell
proliferation, we design a network proliferation search paradigm to
progressively determine the GNN architectures by iteratively performing network
division and differentiation. The experiments on six datasets for four graph
learning tasks demonstrate that GNNs produced by our method are superior to the
current state-of-the-art hand-crafted and search-based GNNs. Codes are
available at https://github.com/phython96/ARGNP."
3311,Augmentation-Aware Self-Supervision for Data-Efficient GAN Training,"Training generative adversarial networks (GANs) with limited data is valuable
but challenging because discriminators are prone to over-fitting in such
situations. Recently proposed differentiable data augmentation techniques for
discriminators demonstrate improved data efficiency of training GANs. However,
the naive data augmentation introduces undesired invariance to augmentation
into the discriminator. The invariance may degrade the representation learning
ability of the discriminator, thereby affecting the generative modeling
performance of the generator. To mitigate the invariance while inheriting the
benefits of data augmentation, we propose a novel augmentation-aware
self-supervised discriminator that predicts the parameter of augmentation given
the augmented and original data. Moreover, the prediction task is required to
distinguishable between real data and generated data since they are different
during training. We further encourage the generator to learn from the proposed
discriminator by generating augmentation-predictable real data. We compare the
proposed method with state-of-the-arts across the class-conditional BigGAN and
unconditional StyleGAN2 architectures on CIFAR-10/100 and several low-shot
datasets, respectively. Experimental results show a significantly improved
generation performance of our method over competing methods for training
data-efficient GANs."
3312,Contrastive Representation Learning for 3D Protein Structures,"Learning from 3D protein structures has gained wide interest in protein
modeling and structural bioinformatics. Unfortunately, the number of available
structures is orders of magnitude lower than the training data sizes commonly
used in computer vision and machine learning. Moreover, this number is reduced
even further, when only annotated protein structures can be considered, making
the training of existing models difficult and prone to over-fitting. To address
this challenge, we introduce a new representation learning framework for 3D
protein structures. Our framework uses unsupervised contrastive learning to
learn meaningful representations of protein structures, making use of proteins
from the Protein Data Bank. We show, how these representations can be used to
solve a large variety of tasks, such as protein function prediction, protein
fold classification, structural similarity prediction, and protein-ligand
binding affinity prediction. Moreover, we show how fine-tuned networks,
pre-trained with our algorithm, lead to significantly improved task
performance, achieving new state-of-the-art results in many tasks."
3313,Generalised Implicit Neural Representations,"We consider the problem of learning implicit neural representations (INRs)
for signals on non-Euclidean domains. In the Euclidean case, INRs are trained
on a discrete sampling of a signal over a regular lattice. Here, we assume that
the continuous signal exists on some unknown topological space from which we
sample a discrete graph. In the absence of a coordinate system to identify the
sampled nodes, we propose approximating their location with a spectral
embedding of the graph. This allows us to train INRs without knowing the
underlying continuous domain, which is the case for most graph signals in
nature, while also making the INRs equivariant under the symmetry group of the
domain. We show experiments with our method on various real-world signals on
non-Euclidean domains."
3314,COIN: Co-Cluster Infomax for Bipartite Graphs,"Bipartite graphs are powerful data structures to model interactions between
two types of nodes, which have been used in a variety of applications, such as
recommender systems, information retrieval, and drug discovery. A fundamental
challenge for bipartite graphs is how to learn informative node embeddings.
Despite the success of recent self-supervised learning methods on bipartite
graphs, their objectives are discriminating instance-wise positive and negative
node pairs, which could contain cluster-level errors. In this paper, we
introduce a novel co-cluster infomax (COIN) framework, which captures the
cluster-level information by maximizing the mutual information of co-clusters.
Different from previous infomax methods which estimate mutual information by
neural networks, COIN could easily calculate mutual information. Besides, COIN
is an end-to-end co-clustering method which can be trained jointly with other
objective functions and optimized via back-propagation. Furthermore, we also
provide theoretical analysis for COIN. We theoretically prove that COIN is able
to effectively maximize the mutual information of node embeddings and COIN is
upper-bounded by the prior distributions of nodes. We extensively evaluate the
proposed COIN framework on various benchmark datasets and tasks to demonstrate
the effectiveness of COIN."
3315,Multi-task Optimization Based Co-training for Electricity Consumption Prediction,"Real-world electricity consumption prediction may involve different tasks,
e.g., prediction for different time steps ahead or different geo-locations.
These tasks are often solved independently without utilizing some common
problem-solving knowledge that could be extracted and shared among these tasks
to augment the performance of solving each task. In this work, we propose a
multi-task optimization (MTO) based co-training (MTO-CT) framework, where the
models for solving different tasks are co-trained via an MTO paradigm in which
solving each task may benefit from the knowledge gained from when solving some
other tasks to help its solving process. MTO-CT leverages long short-term
memory (LSTM) based model as the predictor where the knowledge is represented
via connection weights and biases. In MTO-CT, an inter-task knowledge transfer
module is designed to transfer knowledge between different tasks, where the
most helpful source tasks are selected by using the probability matching and
stochastic universal selection, and evolutionary operations like mutation and
crossover are performed for reusing the knowledge from selected source tasks in
a target task. We use electricity consumption data from five states in
Australia to design two sets of tasks at different scales: a) one-step ahead
prediction for each state (five tasks) and b) 6-step, 12-step, 18-step, and
24-step ahead prediction for each state (20 tasks). The performance of MTO-CT
is evaluated on solving each of these two sets of tasks in comparison to
solving each task in the set independently without knowledge sharing under the
same settings, which demonstrates the superiority of MTO-CT in terms of
prediction accuracy."
3316,The CLRS Algorithmic Reasoning Benchmark,"Learning representations of algorithms is an emerging area of machine
learning, seeking to bridge concepts from neural networks with classical
algorithms. Several important works have investigated whether neural networks
can effectively reason like algorithms, typically by learning to execute them.
The common trend in the area, however, is to generate targeted kinds of
algorithmic data to evaluate specific hypotheses, making results hard to
transfer across publications, and increasing the barrier of entry. To
consolidate progress and work towards unified evaluation, we propose the CLRS
Algorithmic Reasoning Benchmark, covering classical algorithms from the
Introduction to Algorithms textbook. Our benchmark spans a variety of
algorithmic reasoning procedures, including sorting, searching, dynamic
programming, graph algorithms, string algorithms and geometric algorithms. We
perform extensive experiments to demonstrate how several popular algorithmic
reasoning baselines perform on these tasks, and consequently, highlight links
to several open challenges. Our library is readily available at
https://github.com/deepmind/clrs."
3317,"Sample-Efficient, Exploration-Based Policy Optimisation for Routing Problems","Model-free deep-reinforcement-based learning algorithms have been applied to
a range of
COPs~\cite{bello2016neural}~\cite{kool2018attention}~\cite{nazari2018reinforcement}.
However, these approaches suffer from two key challenges when applied to
combinatorial problems: insufficient exploration and the requirement of many
training examples of the search space to achieve reasonable performance.
Combinatorial optimisation can be complex, characterised by search spaces with
many optimas and large spaces to search and learn. Therefore, a new method is
needed to find good solutions that are more efficient by being more sample
efficient. This paper presents a new reinforcement learning approach that is
based on entropy. In addition, we design an off-policy-based reinforcement
learning technique that maximises the expected return and improves the sample
efficiency to achieve faster learning during training time. We systematically
evaluate our approach on a range of route optimisation tasks typically used to
evaluate learning-based optimisation, such as the such as the Travelling
Salesman problems (TSP), Capacitated Vehicle Routing Problem (CVRP). In this
paper, we show that our model can generalise to various route problems, such as
the split-delivery VRP (SDVRP), and compare the performance of our method with
that of current state-of-the-art approaches. The Empirical results show that
the proposed method can improve on state-of-the-art methods in terms of
solution quality and computation time and generalise to problems of different
sizes."
3318,Label-Enhanced Graph Neural Network for Semi-supervised Node Classification,"Graph Neural Networks (GNNs) have been widely applied in the semi-supervised
node classification task, where a key point lies in how to sufficiently
leverage the limited but valuable label information. Most of the classical GNNs
solely use the known labels for computing the classification loss at the
output. In recent years, several methods have been designed to additionally
utilize the labels at the input. One part of the methods augment the node
features via concatenating or adding them with the one-hot encodings of labels,
while other methods optimize the graph structure by assuming neighboring nodes
tend to have the same label. To bring into full play the rich information of
labels, in this paper, we present a label-enhanced learning framework for GNNs,
which first models each label as a virtual center for intra-class nodes and
then jointly learns the representations of both nodes and labels. Our approach
could not only smooth the representations of nodes belonging to the same class,
but also explicitly encode the label semantics into the learning process of
GNNs. Moreover, a training node selection technique is provided to eliminate
the potential label leakage issue and guarantee the model generalization
ability. Finally, an adaptive self-training strategy is proposed to iteratively
enlarge the training set with more reliable pseudo labels and distinguish the
importance of each pseudo-labeled node during the model training process.
Experimental results on both real-world and synthetic datasets demonstrate our
approach can not only consistently outperform the state-of-the-arts, but also
effectively smooth the representations of intra-class nodes."
3319,Are classical neural networks quantum?,"Neural networks are being used to improve the probing of the state spaces of
many particle systems as approximations to wavefunctions and in order to avoid
the recurring sign problem of quantum monte-carlo. One may ask whether the
usual classical neural networks have some actual hidden quantum properties that
make them such suitable tools for a highly coupled quantum problem. I discuss
here what makes a system quantum and to what extent we can interpret a neural
network as having quantum remnants."
3320,Differentiable Invariant Causal Discovery,"Learning causal structure from observational data is a fundamental challenge
in machine learning. The majority of commonly used differentiable causal
discovery methods are non-identifiable, turning this problem into a continuous
optimization task prone to data biases. In many real-life situations, data is
collected from different environments, in which the functional relations remain
consistent across environments, while the distribution of additive noises may
vary. This paper proposes Differentiable Invariant Causal Discovery (DICD),
utilizing the multi-environment information based on a differentiable framework
to avoid learning spurious edges and wrong causal directions. Specifically,
DICD aims to discover the environment-invariant causation while removing the
environment-dependent correlation. We further formulate the constraint that
enforces the target structure equation model to maintain optimal across the
environments. Theoretical guarantees for the identifiability of proposed DICD
are provided under mild conditions with enough environments. Extensive
experiments on synthetic and real-world datasets verify that DICD outperforms
state-of-the-art causal discovery methods up to 36% in SHD. Our code will be
open-sourced upon acceptance."
3321,Improvements to Supervised EM Learning of Shared Kernel Models by Feature Space Partitioning,"Expectation maximisation (EM) is usually thought of as an unsupervised
learning method for estimating the parameters of a mixture distribution,
however it can also be used for supervised learning when class labels are
available. As such, EM has been applied to train neural nets including the
probabilistic radial basis function (PRBF) network or shared kernel (SK) model.
This paper addresses two major shortcomings of previous work in this area: the
lack of rigour in the derivation of the EM training algorithm; and the
computational complexity of the technique, which has limited it to low
dimensional data sets. We first present a detailed derivation of EM for the
Gaussian shared kernel model PRBF classifier, making use of data association
theory to obtain the complete data likelihood, Baum's auxiliary function (the
E-step) and its subsequent maximisation (M-step). To reduce complexity of the
resulting SKEM algorithm, we partition the feature space into $R$
non-overlapping subsets of variables. The resulting product decomposition of
the joint data likelihood, which is exact when the feature partitions are
independent, allows the SKEM to be implemented in parallel and at $R^2$ times
lower complexity. The operation of the partitioned SKEM algorithm is
demonstrated on the MNIST data set and compared with its non-partitioned
counterpart. It eventuates that improved performance at reduced complexity is
achievable. Comparisons with standard classification algorithms are provided on
a number of other benchmark data sets."
3322,Scalable Distributional Robustness in a Class of Non Convex Optimization with Guarantees,"Distributionally robust optimization (DRO) has shown lot of promise in
providing robustness in learning as well as sample based optimization problems.
We endeavor to provide DRO solutions for a class of sum of fractionals,
non-convex optimization which is used for decision making in prominent areas
such as facility location and security games. In contrast to previous work, we
find it more tractable to optimize the equivalent variance regularized form of
DRO rather than the minimax form. We transform the variance regularized form to
a mixed-integer second order cone program (MISOCP), which, while guaranteeing
near global optimality, does not scale enough to solve problems with real world
data-sets. We further propose two abstraction approaches based on clustering
and stratified sampling to increase scalability, which we then use for real
world data-sets. Importantly, we provide near global optimality guarantees for
our approach and show experimentally that our solution quality is better than
the locally optimal ones achieved by state-of-the-art gradient-based methods.
We experimentally compare our different approaches and baselines, and reveal
nuanced properties of a DRO solution."
3323,k-Means Maximum Entropy Exploration,"Exploration in high-dimensional, continuous spaces with sparse rewards is an
open problem in reinforcement learning. Artificial curiosity algorithms address
this by creating rewards that lead to exploration. Given a reinforcement
learning algorithm capable of maximizing rewards, the problem reduces to
finding an optimization objective consistent with exploration. Maximum entropy
exploration uses the entropy of the state visitation distribution as such an
objective. However, efficiently estimating the entropy of the state visitation
distribution is challenging in high-dimensional, continuous spaces. We
introduce an artificial curiosity algorithm based on lower bounding an
approximation to the entropy of the state visitation distribution. The bound
relies on a result we prove for non-parametric density estimation in arbitrary
dimensions using k-means. We show that our approach is both computationally
efficient and competitive on benchmarks for exploration in high-dimensional,
continuous spaces, especially on tasks where reinforcement learning algorithms
are unable to find rewards."
3324,Meta-ticket: Finding optimal subnetworks for few-shot learning within randomly initialized neural networks,"Few-shot learning for neural networks (NNs) is an important problem that aims
to train NNs with a few data. The main challenge is how to avoid overfitting
since over-parameterized NNs can easily overfit to such small dataset. Previous
work (e.g. MAML by Finn et al. 2017) tackles this challenge by meta-learning,
which learns how to learn from a few data by using various tasks. On the other
hand, one conventional approach to avoid overfitting is restricting hypothesis
spaces by endowing sparse NN structures like convolution layers in computer
vision. However, although such manually-designed sparse structures are
sample-efficient for sufficiently large datasets, they are still insufficient
for few-shot learning. Then the following questions naturally arise: (1) Can we
find sparse structures effective for few-shot learning by meta-learning? (2)
What benefits will it bring in terms of meta-generalization? In this work, we
propose a novel meta-learning approach, called Meta-ticket, to find optimal
sparse subnetworks for few-shot learning within randomly initialized NNs. We
empirically validated that Meta-ticket successfully discover sparse subnetworks
that can learn specialized features for each given task. Due to this task-wise
adaptation ability, Meta-ticket achieves superior meta-generalization compared
to MAML-based methods especially with large NNs."
3325,Optimizing Intermediate Representations of Generative Models for Phase Retrieval,"Phase retrieval is the problem of reconstructing images from magnitude-only
measurements. In many real-world applications the problem is underdetermined.
When training data is available, generative models are a new idea to constrain
the solution set. However, not all possible solutions are within the range of
the generator. Instead, they are represented with some error. To reduce this
representation error in the context of phase retrieval, we first leverage a
novel variation of intermediate layer optimization (ILO) to extend the range of
the generator while still producing images consistent with the training data.
Second, we introduce new initialization schemes that further improve the
quality of the reconstruction. With extensive experiments on Fourier and
Gaussian phase retrieval problems and thorough ablation studies, we can show
the benefits of our modified ILO and the new initialization schemes."
3326,Communication-Efficient Distributionally Robust Decentralized Learning,"Decentralized learning algorithms empower interconnected edge devices to
share data and computational resources to collaboratively train a machine
learning model without the aid of a central coordinator (e.g. an orchestrating
basestation). In the case of heterogeneous data distributions at the network
devices, collaboration can yield predictors with unsatisfactory performance for
a subset of the devices. For this reason, in this work we consider the
formulation of a distributionally robust decentralized learning task and we
propose a decentralized single loop gradient descent/ascent algorithm (AD-GDA)
to solve the underlying minimax optimization problem. We render our algorithm
communication efficient by employing a compressed consensus scheme and we
provide convergence guarantees for smooth convex and non-convex loss functions.
Finally, we corroborate the theoretical findings with empirical evidence of the
ability of the proposed algorithm in providing unbiased predictors over a
network of collaborating devices with highly heterogeneous data distributions."
3327,"GlanceNets: Interpretabile, Leak-proof Concept-based Models","There is growing interest in concept-based models (CBMs) that combine
high-performance and interpretability by acquiring and reasoning with a
vocabulary of high-level concepts. A key requirement is that the concepts be
interpretable. Existing CBMs tackle this desideratum using a variety of
heuristics based on unclear notions of interpretability, and fail to acquire
concepts with the intended semantics. We address this by providing a clear
definition of interpretability in terms of alignment between the model's
representation and an underlying data generation process, and introduce
GlanceNets, a new CBM that exploits techniques from disentangled representation
learning and open-set recognition to achieve alignment, thus improving the
interpretability of the learned concepts. We show that GlanceNets, paired with
concept-level supervision, achieve better alignment than state-of-the-art
approaches while preventing spurious information from unintendedly leaking into
the learned concepts."
3328,Prompt Injection: Parameterization of Fixed Inputs,"Recent works have shown that attaching prompts to the input is effective at
conditioning Language Models (LM) to perform specific tasks. However, prompts
are always included in the input text during inference, thus incurring
substantial computational and memory overhead. Also, there is currently no
straightforward method of utilizing prompts that are longer than the maximum
input length of the LMs without incurring additional costs during inference. We
propose Prompt Injection (PI), a novel formulation of injecting the prompt into
the parameters of an LM to be an efficient alternative to attaching fixed
prompts to the input. We show that in scenarios with long fixed prompts, PI can
be up to 280 times more efficient in terms of total FLOPs than previous
approaches. We further explore methodologies for PI and show promising results
in persona-dependent conversation, semantic parsing, and zero-shot learning
with task instructions. Through these explorations, we show that PI can be a
promising direction for conditioning language models, especially in scenarios
with long and fixed prompts."
3329,Individual health-disease phase diagrams for disease prevention based on machine learning,"Early disease detection and prevention methods based on effective
interventions are gaining attention. Machine learning technology has enabled
precise disease prediction by capturing individual differences in multivariate
data. Progress in precision medicine has revealed that substantial
heterogeneity exists in health data at the individual level and that complex
health factors are involved in the development of chronic diseases. However, it
remains a challenge to identify individual physiological state changes in
cross-disease onset processes because of the complex relationships among
multiple biomarkers. Here, we present the health-disease phase diagram (HDPD),
which represents a personal health state by visualizing the boundary values of
multiple biomarkers that fluctuate early in the disease progression process. In
HDPDs, future onset predictions are represented by perturbing multiple
biomarker values while accounting for dependencies among variables. We
constructed HDPDs for 11 non-communicable diseases (NCDs) from a longitudinal
health checkup cohort of 3,238 individuals, comprising 3,215 measurement items
and genetic data. Improvement of biomarker values to the non-onset region in
HDPD significantly prevented future disease onset in 7 out of 11 NCDs. Our
results demonstrate that HDPDs can represent individual physiological states in
the onset process and be used as intervention goals for disease prevention."
3330,Semantic Autoencoder and Its Potential Usage for Adversarial Attack,"Autoencoder can give rise to an appropriate latent representation of the
input data, however, the representation which is solely based on the intrinsic
property of the input data, is usually inferior to express some semantic
information. A typical case is the potential incapability of forming a clear
boundary upon clustering of these representations. By encoding the latent
representation that not only depends on the content of the input data, but also
the semantic of the input data, such as label information, we propose an
enhanced autoencoder architecture named semantic autoencoder. Experiments of
representation distribution via t-SNE shows a clear distinction between these
two types of encoders and confirm the supremacy of the semantic one, whilst the
decoded samples of these two types of autoencoders exhibit faint dissimilarity
either objectively or subjectively. Based on this observation, we consider
adversarial attacks to learning algorithms that rely on the latent
representation obtained via autoencoders. It turns out that latent contents of
adversarial samples constructed from semantic encoder with deliberate wrong
label information exhibit different distribution compared with that of the
original input data, while both of these samples manifest very marginal
difference. This new way of attack set up by our work is worthy of attention
due to the necessity to secure the widespread deep learning applications."
3331,Improving Ads-Profitability Using Traffic-Fingerprints,"This paper introduces the concept of traffic-fingerprints, i.e., normalized
24-dimensional vectors representing a distribution of daily traffic on a web
page. Using k-means clustering we show that similarity of traffic-fingerprints
is related to the similarity of profitability time patterns for ads shown on
these pages. In other words, these fingerprints are correlated with the
conversions rates, thus allowing us to argue about conversion rates on pages
with negligible traffic. By blocking or unblocking whole clusters of pages we
were able to increase the revenue of online campaigns by more than 50%."
3332,Automatic differentiation of nonsmooth iterative algorithms,"Differentiation along algorithms, i.e., piggyback propagation of derivatives,
is now routinely used to differentiate iterative solvers in differentiable
programming. Asymptotics is well understood for many smooth problems but the
nondifferentiable case is hardly considered. Is there a limiting object for
nonsmooth piggyback automatic differentiation (AD)? Does it have any
variational meaning and can it be used effectively in machine learning? Is
there a connection with classical derivative? All these questions are addressed
under appropriate nonexpansivity conditions in the framework of conservative
derivatives which has proved useful in understanding nonsmooth AD. For
nonsmooth piggyback iterations, we characterize the attractor set of nonsmooth
piggyback iterations as a set-valued fixed point which remains in the
conservative framework. This has various consequences and in particular almost
everywhere convergence of classical derivatives. Our results are illustrated on
parametric convex optimization problems with forward-backward, Douglas-Rachford
and Alternating Direction of Multiplier algorithms as well as the Heavy-Ball
method."
3333,Comparing interpretation methods in mental state decoding analyses with deep learning models,"Deep learning (DL) methods find increasing application in mental state
decoding, where researchers seek to understand the mapping between mental
states (such as accepting or rejecting a gamble) and brain activity, by
identifying those brain regions (and networks) whose activity allows to
accurately identify (i.e., decode) these states. Once DL models have been
trained to accurately decode a set of mental states, neuroimaging researchers
often make use of interpretation methods from explainable artificial
intelligence research to understand their learned mappings between mental
states and brain activity. Here, we compare the explanations of prominent
interpretation methods for the mental state decoding decisions of DL models
trained on three functional Magnetic Resonance Imaging (fMRI) datasets. We find
that interpretation methods that capture the model's decision process well, by
producing faithful explanations, generally produce explanations that are less
in line with the results of standard analyses of the fMRI data, when compared
to the explanations of interpretation methods with less explanation
faithfulness. Specifically, we find that interpretation methods that focus on
how sensitively a model's decoding decision changes with the values of the
input produce explanations that better match with the results of a standard
general linear model analysis of the fMRI data, while interpretation methods
that focus on identifying the specific contribution of an input feature's value
to the decoding decision produce overall more faithful explanations that align
less well with the results of standard analyses of the fMRI data."
3334,A Computation and Communication Efficient Method for Distributed Nonconvex Problems in the Partial Participation Setting,"We present a new method that includes three key components of distributed
optimization and federated learning: variance reduction of stochastic
gradients, compressed communication, and partial participation. We prove that
the new method has optimal oracle complexity and state-of-the-art communication
complexity in the partial participation setting. Moreover, we observe that ""1 +
1 + 1 is not 3"": by mixing variance reduction of stochastic gradients with
compressed communication and partial participation, we do not obtain a fully
synergetic effect. We explain the nature of this phenomenon, argue that this is
to be expected, and propose possible workarounds."
3335,GSR: A Generalized Symbolic Regression Approach,"Identifying the mathematical relationships that best describe a dataset
remains a very challenging problem in machine learning, and is known as
Symbolic Regression (SR). In contrast to neural networks which are often
treated as black boxes, SR attempts to gain insight into the underlying
relationships between the independent variables and the target variable of a
given dataset by assembling analytical functions. In this paper, we present
GSR, a Generalized Symbolic Regression approach, by modifying the conventional
SR optimization problem formulation, while keeping the main SR objective
intact. In GSR, we infer mathematical relationships between the independent
variables and some transformation of the target variable. We constrain our
search space to a weighted sum of basis functions, and propose a genetic
programming approach with a matrix-based encoding scheme. We show that our GSR
method outperforms several state-of-the-art methods on the well-known SR
benchmark problem sets. Finally, we highlight the strengths of GSR by
introducing SymSet, a new SR benchmark set which is more challenging relative
to the existing benchmarks."
3336,HW-Aware Initialization of DNN Auto-Tuning to Improve Exploration Time and Robustness,"The process of optimizing the latency of DNN operators with ML models and
hardware-in-the-loop, called auto-tuning, has established itself as a pervasive
method for the deployment of neural networks. From a search space of
loop-optimizations, the candidate providing the best performance has to be
selected. Performance of individual configurations is evaluated through
hardware measurements. The combinatorial explosion of possible configurations,
together with the cost of hardware evaluation makes exhaustive explorations of
the search space infeasible in practice. Machine Learning methods, like random
forests or reinforcement learning are used to aid in the selection of
candidates for hardware evaluation. For general purpose hardware like x86 and
GPGPU architectures impressive performance gains can be achieved, compared to
hand-optimized libraries like cuDNN. The method is also useful in the space of
hardware accelerators with less wide-spread adoption, where a high-performance
library is not always available. However, hardware accelerators are often less
flexible with respect to their programming which leads to operator
configurations not executable on the hardware target. This work evaluates how
these invalid configurations affect the auto-tuning process and its underlying
performance prediction model for the VTA hardware. From these results, a
validity-driven initialization method for AutoTVM is developed, only requiring
41.6% of the necessary hardware measurements to find the best solution, while
improving search robustness."
3337,Few-Shot Unlearning by Model Inversion,"We consider the problem of machine unlearning to erase a target dataset,
which causes an unwanted behavior, from the trained model when the training
dataset is not given. Previous works have assumed that the target dataset
indicates all the training data imposing the unwanted behavior. However, it is
often infeasible to obtain such a complete indication. We hence address a
practical scenario of unlearning provided a few samples of target data,
so-called few-shot unlearning. To this end, we devise a straightforward
framework, including a new model inversion technique to retrieve the training
data from the model, followed by filtering out samples similar to the target
samples and then relearning. We demonstrate that our method using only a subset
of target data can outperform the state-of-the-art methods with a full
indication of target data."
3338,Secure Federated Clustering,"We consider a foundational unsupervised learning task of $k$-means data
clustering, in a federated learning (FL) setting consisting of a central server
and many distributed clients. We develop SecFC, which is a secure federated
clustering algorithm that simultaneously achieves 1) universal performance: no
performance loss compared with clustering over centralized data, regardless of
data distribution across clients; 2) data privacy: each client's private data
and the cluster centers are not leaked to other clients and the server. In
SecFC, the clients perform Lagrange encoding on their local data and share the
coded data in an information-theoretically private manner; then leveraging the
algebraic structure of the coding, the FL network exactly executes the Lloyd's
$k$-means heuristic over the coded data to obtain the final clustering.
Experiment results on synthetic and real datasets demonstrate the universally
superior performance of SecFC for different data distributions across clients,
and its computational practicality for various combinations of system
parameters. Finally, we propose an extension of SecFC to further provide
membership privacy for all data points."
3339,Graph-level Neural Networks: Current Progress and Future Directions,"Graph-structured data consisting of objects (i.e., nodes) and relationships
among objects (i.e., edges) are ubiquitous. Graph-level learning is a matter of
studying a collection of graphs instead of a single graph. Traditional
graph-level learning methods used to be the mainstream. However, with the
increasing scale and complexity of graphs, Graph-level Neural Networks (GLNNs,
deep learning-based graph-level learning methods) have been attractive due to
their superiority in modeling high-dimensional data. Thus, a survey on GLNNs is
necessary. To frame this survey, we propose a systematic taxonomy covering
GLNNs upon deep neural networks, graph neural networks, and graph pooling. The
representative and state-of-the-art models in each category are focused on this
survey. We also investigate the reproducibility, benchmarks, and new graph
datasets of GLNNs. Finally, we conclude future directions to further push
forward GLNNs. The repository of this survey is available at
https://github.com/GeZhangMQ/Awesome-Graph-level-Neural-Networks."
3340,VC Theoretical Explanation of Double Descent,"There has been growing interest in generalization performance of large
multilayer neural networks that can be trained to achieve zero training error,
while generalizing well on test data. This regime is known as 'second descent'
and it appears to contradict conventional view that optimal model complexity
should reflect optimal balance between underfitting and overfitting, aka the
bias-variance trade-off. This paper presents VC-theoretical analysis of double
descent and shows that it can be fully explained by classical VC generalization
bounds. We illustrate an application of analytic VC-bounds for modeling double
descent for classification problems, using empirical results for several
learning methods, such as SVM, Least Squares, and Multilayer Perceptron
classifiers. In addition, we discuss several possible reasons for
misinterpretation of VC-theoretical results in the machine learning community."
3341,Robust Projection based Anomaly Extraction (RPE) in Univariate Time-Series,"This paper presents a novel, closed-form, and data/computation efficient
online anomaly detection algorithm for time-series data. The proposed method,
dubbed RPE, is a window-based method and in sharp contrast to the existing
window-based methods, it is robust to the presence of anomalies in its window
and it can distinguish the anomalies in time-stamp level. RPE leverages the
linear structure of the trajectory matrix of the time-series and employs a
robust projection step which makes the algorithm able to handle the presence of
multiple arbitrarily large anomalies in its window. A closed-form/non-iterative
algorithm for the robust projection step is provided and it is proved that it
can identify the corrupted time-stamps. RPE is a great candidate for the
applications where a large training data is not available which is the common
scenario in the area of time-series. An extensive set of numerical experiments
show that RPE can outperform the existing approaches with a notable margin."
3342,MACE: An Efficient Model-Agnostic Framework for Counterfactual Explanation,"Counterfactual explanation is an important Explainable AI technique to
explain machine learning predictions. Despite being studied actively, existing
optimization-based methods often assume that the underlying machine-learning
model is differentiable and treat categorical attributes as continuous ones,
which restricts their real-world applications when categorical attributes have
many different values or the model is non-differentiable. To make
counterfactual explanation suitable for real-world applications, we propose a
novel framework of Model-Agnostic Counterfactual Explanation (MACE), which
adopts a newly designed pipeline that can efficiently handle non-differentiable
machine-learning models on a large number of feature values. in our MACE
approach, we propose a novel RL-based method for finding good counterfactual
examples and a gradient-less descent method for improving proximity.
Experiments on public datasets validate the effectiveness with better validity,
sparsity and proximity."
3343,DeepDefacer: Automatic Removal of Facial Features via U-Net Image Segmentation,"Recent advancements in the field of magnetic resonance imaging (MRI) have
enabled large-scale collaboration among clinicians and researchers for
neuroimaging tasks. However, researchers are often forced to use outdated and
slow software to anonymize MRI images for publication. These programs
specifically perform expensive mathematical operations over 3D images that
rapidly slow down anonymization speed as an image's volume increases in size.
In this paper, we introduce DeepDefacer, an application of deep learning to MRI
anonymization that uses a streamlined 3D U-Net network to mask facial regions
in MRI images with a significant increase in speed over traditional
de-identification software. We train DeepDefacer on MRI images from the Brain
Development Organization (IXI) and International Consortium for Brain Mapping
(ICBM) and quantitatively evaluate our model against a baseline 3D U-Net model
with regards to Dice, recall, and precision scores. We also evaluate
DeepDefacer against Pydeface, a traditional defacing application, with regards
to speed on a range of CPU and GPU devices and qualitatively evaluate our
model's defaced output versus the ground truth images produced by Pydeface. We
provide a link to a PyPi program at the end of this manuscript to encourage
further research into the application of deep learning to MRI anonymization."
3344,Gluing Neural Networks Symbolically Through Hyperdimensional Computing,"Hyperdimensional Computing affords simple, yet powerful operations to create
long Hyperdimensional Vectors (hypervectors) that can efficiently encode
information, be used for learning, and are dynamic enough to be modified on the
fly. In this paper, we explore the notion of using binary hypervectors to
directly encode the final, classifying output signals of neural networks in
order to fuse differing networks together at the symbolic level. This allows
multiple neural networks to work together to solve a problem, with little
additional overhead. Output signals just before classification are encoded as
hypervectors and bundled together through consensus summation to train a
classification hypervector. This process can be performed iteratively and even
on single neural networks by instead making a consensus of multiple
classification hypervectors. We find that this outperforms the state of the
art, or is on a par with it, while using very little overhead, as hypervector
operations are extremely fast and efficient in comparison to the neural
networks. This consensus process can learn online and even grow or lose models
in real time. Hypervectors act as memories that can be stored, and even further
bundled together over time, affording life long learning capabilities.
Additionally, this consensus structure inherits the benefits of
Hyperdimensional Computing, without sacrificing the performance of modern
Machine Learning. This technique can be extrapolated to virtually any neural
model, and requires little modification to employ - one simply requires
recording the output signals of networks when presented with a testing example."
3345,itKD: Interchange Transfer-based Knowledge Distillation for 3D Object Detection,"Recently, point-cloud based 3D object detectors have achieved remarkable
progress. However, most studies are limited to the development of deep learning
architectures for improving only their accuracy. In this paper, we propose an
autoencoder-style framework comprising channel-wise compression and
decompression via interchange transfer for knowledge distillation. To learn the
map-view feature of a teacher network, the features from a teacher and student
network are independently passed through the shared autoencoder; here, we use a
compressed representation loss that binds the channel-wised compression
knowledge from both the networks as a kind of regularization. The decompressed
features are transferred in opposite directions to reduce the gap in the
interchange reconstructions. Lastly, we present an attentive head loss for
matching the pivotal detection information drawn by the multi-head
self-attention mechanism. Through extensive experiments, we verify that our
method can learn the lightweight model that is well-aligned with the 3D point
cloud detection task and we demonstrate its superiority using the well-known
public datasets Waymo and nuScenes."
3346,Variational Transfer Learning using Cross-Domain Latent Modulation,"To successfully apply trained neural network models to new domains, powerful
transfer learning solutions are essential. We propose to introduce a novel
cross-domain latent modulation mechanism to a variational autoencoder framework
so as to achieve effective transfer learning. Our key idea is to procure deep
representations from one data domain and use it to influence the
reparameterization of the latent variable of another domain. Specifically, deep
representations of the source and target domains are first extracted by a
unified inference model and aligned by employing gradient reversal. The learned
deep representations are then cross-modulated to the latent encoding of the
alternative domain, where consistency constraints are also applied. In the
empirical validation that includes a number of transfer learning benchmark
tasks for unsupervised domain adaptation and image-to-image translation, our
model demonstrates competitive performance, which is also supported by evidence
obtained from visualization."
3347,Nearly Minimax Optimal Offline Reinforcement Learning with Linear Function Approximation: Single-Agent MDP and Markov Game,"Offline reinforcement learning (RL) aims at learning an optimal strategy
using a pre-collected dataset without further interactions with the
environment. While various algorithms have been proposed for offline RL in the
previous literature, the minimax optimal performance has only been (nearly)
achieved for tabular Markov decision processes (MDPs). In this paper, we focus
on offline RL with linear function approximation and propose two new
algorithms, SPEVI+ and SPMVI+, for single-agent MDPs and two-player zero-sum
Markov games (MGs), respectively. The proposed algorithms feature carefully
crafted data splitting mechanisms and novel variance-reduction pessimistic
estimators. Theoretical analysis demonstrates that they are capable of matching
the performance lower bounds up to logarithmic factors. As a byproduct, a new
performance lower bound is established for MGs, which tightens the existing
results. To the best of our knowledge, these are the first computationally
efficient and nearly minimax optimal algorithms for offline single-agent MDPs
and MGs with linear function approximation."
3348,Molecular Dipole Moment Learning via Rotationally Equivariant Gaussian Process Regression with Derivatives in Molecular-orbital-based Machine Learning,"This study extends the accurate and transferable molecular-orbital-based
machine learning (MOB-ML) approach to modeling the contribution of electron
correlation to dipole moments at the cost of Hartree-Fock computations. A
molecular-orbital-based (MOB) pairwise decomposition of the correlation part of
the dipole moment is applied, and these pair dipole moments could be further
regressed as a universal function of molecular orbitals (MOs). The dipole MOB
features consist of the energy MOB features and their responses to electric
fields. An interpretable and rotationally equivariant Gaussian process
regression (GPR) with derivatives algorithm is introduced to learn the dipole
moment more efficiently. The proposed problem setup, feature design, and ML
algorithm are shown to provide highly-accurate models for both dipole moment
and energies on water and fourteen small molecules. To demonstrate the ability
of MOB-ML to function as generalized density-matrix functionals for molecular
dipole moments and energies of organic molecules, we further apply the proposed
MOB-ML approach to train and test the molecules from the QM9 dataset. The
application of local scalable GPR with Gaussian mixture model unsupervised
clustering (GMM/GPR) scales up MOB-ML to a large-data regime while retaining
the prediction accuracy. In addition, compared with literature results, MOB-ML
provides the best test MAEs of 4.21 mDebye and 0.045 kcal/mol for dipole moment
and energy models, respectively, when training on 110000 QM9 molecules. The
excellent transferability of the resulting QM9 models is also illustrated by
the accurate predictions for four different series of peptides."
3349,Rethinking Graph Neural Networks for Anomaly Detection,"Graph Neural Networks (GNNs) are widely applied for graph anomaly detection.
As one of the key components for GNN design is to select a tailored spectral
filter, we take the first step towards analyzing anomalies via the lens of the
graph spectrum. Our crucial observation is the existence of anomalies will lead
to the `right-shift' phenomenon, that is, the spectral energy distribution
concentrates less on low frequencies and more on high frequencies. This fact
motivates us to propose the Beta Wavelet Graph Neural Network (BWGNN). Indeed,
BWGNN has spectral and spatial localized band-pass filters to better handle the
`right-shift' phenomenon in anomalies. We demonstrate the effectiveness of
BWGNN on four large-scale anomaly detection datasets. Our code and data are
released at https://github.com/squareRoot3/Rethinking-Anomaly-Detection"
3350,Certifying Some Distributional Fairness with Subpopulation Decomposition,"Extensive efforts have been made to understand and improve the fairness of
machine learning models based on observational metrics, especially in
high-stakes domains such as medical insurance, education, and hiring decisions.
However, there is a lack of certified fairness considering the end-to-end
performance of an ML model. In this paper, we first formulate the certified
fairness of an ML model trained on a given data distribution as an optimization
problem based on the model performance loss bound on a fairness constrained
distribution, which is within bounded distributional distance with the training
distribution. We then propose a general fairness certification framework and
instantiate it for both sensitive shifting and general shifting scenarios. In
particular, we propose to solve the optimization problem by decomposing the
original data distribution into analytical subpopulations and proving the
convexity of the subproblems to solve them. We evaluate our certified fairness
on six real-world datasets and show that our certification is tight in the
sensitive shifting scenario and provides non-trivial certification under
general shifting. Our framework is flexible to integrate additional
non-skewness constraints and we show that it provides even tighter
certification under different real-world scenarios. We also compare our
certified fairness bound with adapted existing distributional robustness bounds
on Gaussian data and demonstrate that our method is significantly tighter."
3351,Sepsis Prediction with Temporal Convolutional Networks,"We design and implement a temporal convolutional network model to predict
sepsis onset. Our model is trained on data extracted from MIMIC III database,
based on a retrospective analysis of patients admitted to intensive care unit
who did not fall under the definition of sepsis at the time of admission.
Benchmarked with several machine learning models, our model is superior on this
binary classification task, demonstrates the prediction power of convolutional
networks for temporal patterns, also shows the significant impact of having
longer look back time on sepsis prediction."
3352,Post-hoc Concept Bottleneck Models,"Concept Bottleneck Models (CBMs) map the inputs onto a set of interpretable
concepts (``the bottleneck'') and use the concepts to make predictions. A
concept bottleneck enhances interpretability since it can be investigated to
understand what concepts the model ""sees"" in an input and which of these
concepts are deemed important. However, CBMs are restrictive in practice as
they require concept labels in the training data to learn the bottleneck and do
not leverage strong pretrained models. Moreover, CBMs often do not match the
accuracy of an unrestricted neural network, reducing the incentive to deploy
them in practice. In this work, we address the limitations of CBMs by
introducing Post-hoc Concept Bottleneck models (PCBMs). We show that we can
turn any neural network into a PCBM without sacrificing model performance while
still retaining interpretability benefits. When concept annotation is not
available on the training data, we show that PCBM can transfer concepts from
other datasets or from natural language descriptions of concepts. PCBM also
enables users to quickly debug and update the model to reduce spurious
correlations and improve generalization to new (potentially different) data.
Through a model-editing user study, we show that editing PCBMs via
concept-level feedback can provide significant performance gains without using
any data from the target domain or model retraining."
3353,Data Banzhaf: A Data Valuation Framework with Maximal Robustness to Learning Stochasticity,"This paper studies the robustness of data valuation to noisy model
performance scores. Particularly, we find that the inherent randomness of the
widely used stochastic gradient descent can cause existing data value notions
(e.g., the Shapley value and the Leave-one-out error) to produce inconsistent
data value rankings across different runs. To address this challenge, we first
pose a formal framework within which one can measure the robustness of a data
value notion. We show that the Banzhaf value, a value notion originated from
cooperative game theory literature, achieves the maximal robustness among all
semivalues -- a class of value notions that satisfy crucial properties entailed
by ML applications. We propose an algorithm to efficiently estimate the Banzhaf
value based on the Maximum Sample Reuse (MSR) principle. We derive the lower
bound sample complexity for Banzhaf value approximation, and we show that our
MSR algorithm's sample complexity nearly matches the lower bound. Our
evaluation demonstrates that the Banzhaf value outperforms the existing
semivalue-based data value notions on several downstream ML tasks such as
learning with weighted samples and noisy label detection. Overall, our study
suggests that when the underlying ML algorithm is stochastic, the Banzhaf value
is a promising alternative to the semivalue-based data value schemes given its
computational advantage and ability to robustly differentiate data quality."
3354,Few-Shot Diffusion Models,"Denoising diffusion probabilistic models (DDPM) are powerful hierarchical
latent variable models with remarkable sample generation quality and training
stability. These properties can be attributed to parameter sharing in the
generative hierarchy, as well as a parameter-free diffusion-based inference
procedure. In this paper, we present Few-Shot Diffusion Models (FSDM), a
framework for few-shot generation leveraging conditional DDPMs. FSDMs are
trained to adapt the generative process conditioned on a small set of images
from a given class by aggregating image patch information using a set-based
Vision Transformer (ViT). At test time, the model is able to generate samples
from previously unseen classes conditioned on as few as 5 samples from that
class. We empirically show that FSDM can perform few-shot generation and
transfer to new datasets. We benchmark variants of our method on complex vision
datasets for few-shot learning and compare to unconditional and conditional
DDPM baselines. Additionally, we show how conditioning the model on patch-based
input set information improves training convergence."
3355,Critic Sequential Monte Carlo,"We introduce CriticSMC, a new algorithm for planning as inference built from
a novel composition of sequential Monte Carlo with learned soft-Q function
heuristic factors. This algorithm is structured so as to allow using large
numbers of putative particles leading to efficient utilization of computational
resource and effective discovery of high reward trajectories even in
environments with difficult reward surfaces such as those arising from hard
constraints. Relative to prior art our approach is notably still compatible
with model-free reinforcement learning in the sense that the implicit policy we
produce can be used at test time in the absence of a world model. Our
experiments on self-driving car collision avoidance in simulation demonstrate
improvements against baselines in terms of infraction minimization relative to
computational effort while maintaining diversity and realism of found
trajectories."
3356,A Comparative Study on Energy Consumption Models for Drones,"Creating an appropriate energy consumption prediction model is becoming an
important topic for drone-related research in the literature. However, a
general consensus on the energy consumption model is yet to be reached at
present. As a result, there are many variations that attempt to create models
that range in complexity with a focus on different aspects. In this paper, we
benchmark the five most popular energy consumption models for drones derived
from their physical behaviours and point to the difficulties in matching with a
realistic energy dataset collected from a delivery drone in flight under
different testing conditions. Moreover, we propose a novel data-driven energy
model using the Long Short-Term Memory (LSTM) based deep learning architecture
and the accuracy is compared based on the dataset. Our experimental results
have shown that the LSTM based approach can easily outperform other
mathematical models for the dataset under study. Finally, sensitivity analysis
has been carried out in order to interpret the model."
3357,Bayesian Active Learning for Scanning Probe Microscopy: from Gaussian Processes to Hypothesis Learning,"Recent progress in machine learning methods, and the emerging availability of
programmable interfaces for scanning probe microscopes (SPMs), have propelled
automated and autonomous microscopies to the forefront of attention of the
scientific community. However, enabling automated microscopy requires the
development of task-specific machine learning methods, understanding the
interplay between physics discovery and machine learning, and fully defined
discovery workflows. This, in turn, requires balancing the physical intuition
and prior knowledge of the domain scientist with rewards that define
experimental goals and machine learning algorithms that can translate these to
specific experimental protocols. Here, we discuss the basic principles of
Bayesian active learning and illustrate its applications for SPM. We progress
from the Gaussian Process as a simple data-driven method and Bayesian inference
for physical models as an extension of physics-based functional fits to more
complex deep kernel learning methods, structured Gaussian Processes, and
hypothesis learning. These frameworks allow for the use of prior data, the
discovery of specific functionalities as encoded in spectral data, and
exploration of physical laws manifesting during the experiment. The discussed
framework can be universally applied to all techniques combining imaging and
spectroscopy, SPM methods, nanoindentation, electron microscopy and
spectroscopy, and chemical imaging methods, and can be particularly impactful
for destructive or irreversible measurements."
3358,GLDQN: Explicitly Parameterized Quantile Reinforcement Learning for Waste Reduction,"We study the problem of restocking a grocery store's inventory with
perishable items over time, from a distributional point of view. The objective
is to maximize sales while minimizing waste, with uncertainty about the actual
consumption by costumers. This problem is of a high relevance today, given the
growing demand for food and the impact of food waste on the environment, the
economy, and purchasing power. We frame inventory restocking as a new
reinforcement learning task that exhibits stochastic behavior conditioned on
the agent's actions, making the environment partially observable. We introduce
a new reinforcement learning environment based on real grocery store data and
expert knowledge. This environment is highly stochastic, and presents a unique
challenge for reinforcement learning practitioners. We show that uncertainty
about the future behavior of the environment is not handled well by classical
supply chain algorithms, and that distributional approaches are a good way to
account for the uncertainty. We also present GLDQN, a new distributional
reinforcement learning algorithm that learns a generalized lambda distribution
over the reward space. We show that GLDQN outperforms other distributional
reinforcement learning approaches in our partially observable environments, in
both overall reward and generated waste."
3359,Posterior and Computational Uncertainty in Gaussian Processes,"Gaussian processes scale prohibitively with the size of the dataset. In
response, many approximation methods have been developed, which inevitably
introduce approximation error. This additional source of uncertainty, due to
limited computation, is entirely ignored when using the approximate posterior.
Therefore in practice, GP models are often as much about the approximation
method as they are about the data. Here, we develop a new class of methods that
provides consistent estimation of the combined uncertainty arising from both
the finite number of data observed and the finite amount of computation
expended. The most common GP approximations map to an instance in this class,
such as methods based on the Cholesky factorization, conjugate gradients, and
inducing points. For any method in this class, we prove (i) convergence of its
posterior mean in the associated RKHS, (ii) decomposability of its combined
posterior covariance into mathematical and computational covariances, and (iii)
that the combined variance is a tight worst-case bound for the squared error
between the method's posterior mean and the latent function. Finally, we
empirically demonstrate the consequences of ignoring computational uncertainty
and show how implicitly modeling it improves generalization performance on
benchmark datasets."
3360,Holistic Generalized Linear Models,"Holistic linear regression extends the classical best subset selection
problem by adding additional constraints designed to improve the model quality.
These constraints include sparsity-inducing constraints, sign-coherence
constraints and linear constraints. The $\textsf{R}$ package $\texttt{holiglm}$
provides functionality to model and fit holistic generalized linear models. By
making use of state-of-the-art conic mixed-integer solvers, the package can
reliably solve GLMs for Gaussian, binomial and Poisson responses with a
multitude of holistic constraints. The high-level interface simplifies the
constraint specification and can be used as a drop-in replacement for the
$\texttt{stats::glm()}$ function."
3361,"Continual Object Detection: A review of definitions, strategies, and challenges","The field of Continual Learning investigates the ability to learn consecutive
tasks without losing performance on those previously learned. Its focus has
been mainly on incremental classification tasks. We believe that research in
continual object detection deserves even more attention due to its vast range
of applications in robotics and autonomous vehicles. This scenario is more
complex than conventional classification given the occurrence of instances of
classes that are unknown at the time, but can appear in subsequent tasks as a
new class to be learned, resulting in missing annotations and conflicts with
the background label. In this review, we analyze the current strategies
proposed to tackle the problem of class-incremental object detection. Our main
contributions are: (1) a short and systematic review of the methods that
propose solutions to traditional incremental object detection scenarios; (2) A
comprehensive evaluation of the existing approaches using a new metric to
quantify the stability and plasticity of each technique in a standard way; (3)
an overview of the current trends within continual object detection and a
discussion of possible future research directions."
3362,StyleTTS: A Style-Based Generative Model for Natural and Diverse Text-to-Speech Synthesis,"Text-to-Speech (TTS) has recently seen great progress in synthesizing
high-quality speech owing to the rapid development of parallel TTS systems, but
producing speech with naturalistic prosodic variations, speaking styles and
emotional tones remains challenging. Moreover, since duration and speech are
generated separately, parallel TTS models still have problems finding the best
monotonic alignments that are crucial for naturalistic speech synthesis. Here,
we propose StyleTTS, a style-based generative model for parallel TTS that can
synthesize diverse speech with natural prosody from a reference speech
utterance. With novel Transferable Monotonic Aligner (TMA) and
duration-invariant data augmentation schemes, our method significantly
outperforms state-of-the-art models on both single and multi-speaker datasets
in subjective tests of speech naturalness and speaker similarity. Through
self-supervised learning of the speaking styles, our model can synthesize
speech with the same prosodic and emotional tone as any given reference speech
without the need for explicitly labeling these categories."
3363,FBM: Fast-Bit Allocation for Mixed-Precision Quantization,"Quantized neural networks are well known for reducing latency, power
consumption, and model size without significant degradation in accuracy, making
them highly applicable for systems with limited resources and low power
requirements.
Mixed precision quantization offers better utilization of customized hardware
that supports arithmetic operations at different bitwidths. Existing
mixed-precision schemes rely on having a high exploration space, resulting in a
large carbon footprint. In addition, these bit allocation strategies mostly
induce constraints on the model size rather than utilizing the performance of
neural network deployment on specific hardware. Our work proposes Fast-Bit
Allocation for Mixed-Precision Quantization (FBM), which finds an optimal
bitwidth allocation by measuring desired behaviors through a simulation of a
specific device, or even on a physical one.
While dynamic transitions of bit allocation in mixed precision quantization
with ultra-low bitwidth are known to suffer from performance degradation, we
present a fast recovery solution from such transitions.
A comprehensive evaluation of the proposed method on CIFAR-10 and ImageNet
demonstrates our method's superiority over current state-of-the-art schemes in
terms of the trade-off between neural network accuracy and hardware efficiency.
Our source code, experimental settings and quantized models are available at
https://github.com/RamorayDrake/FBM/"
3364,Fairness in the First Stage of Two-Stage Recommender Systems,"Many large-scale recommender systems consist of two stages, where the first
stage focuses on efficiently generating a small subset of promising candidates
from a huge pool of items for the second-stage model to curate final
recommendations from. In this paper, we investigate how to ensure group
fairness to the items in this two-stage paradigm. In particular, we find that
existing first-stage recommenders might select an irrecoverably unfair set of
candidates such that there is no hope for the second-stage recommender to
deliver fair recommendations. To this end, we propose two threshold-policy
selection rules that, given any relevance model of queries and items and a
point-wise lower confidence bound on the expected number of relevant items for
each policy, find near-optimal sets of candidates that contain enough relevant
items in expectation from each group of items. To instantiate the rules, we
demonstrate how to derive such confidence bounds from potentially partial and
biased user feedback data, which are abundant in many large-scale recommender
systems. In addition, we provide both finite-sample and asymptotic analysis of
how close the two threshold selection rules are to the optimal thresholds.
Beyond this theoretical analysis, we show empirically that these two rules can
consistently select enough relevant items from each group while minimizing the
size of the candidate sets for a wide range of settings."
3365,Learning Risk-Averse Equilibria in Multi-Agent Systems,"In multi-agent systems, intelligent agents are tasked with making decisions
that have optimal outcomes when the actions of the other agents are as
expected, whilst also being prepared for unexpected behaviour. In this work, we
introduce a new risk-averse solution concept that allows the learner to
accommodate unexpected actions by finding the minimum variance strategy given
any level of expected return. We prove the existence of such a risk-averse
equilibrium, and propose one fictitious-play type learning algorithm for
smaller games that enjoys provable convergence guarantees in certain games
classes (e.g., zero-sum or potential). Furthermore, we propose an approximation
method for larger games based on iterative population-based training that
generates a population of risk-averse agents. Empirically, our equilibrium is
shown to be able to reduce the reward variance, specifically in the sense that
off-equilibrium behaviour has a far smaller impact on our risk-averse agents in
comparison to playing other equilibrium solutions. Importantly, we show that
our population of agents that approximate a risk-averse equilibrium is
particularly effective in the presence of unseen opposing populations,
especially in the case of guaranteeing a minimal level of performance which is
critical to safety-aware multi-agent systems."
3366,Towards Fair Federated Recommendation Learning: Characterizing the Inter-Dependence of System and Data Heterogeneity,"Federated learning (FL) is an effective mechanism for data privacy in
recommender systems by running machine learning model training on-device. While
prior FL optimizations tackled the data and system heterogeneity challenges
faced by FL, they assume the two are independent of each other. This
fundamental assumption is not reflective of real-world, large-scale recommender
systems -- data and system heterogeneity are tightly intertwined. This paper
takes a data-driven approach to show the inter-dependence of data and system
heterogeneity in real-world data and quantifies its impact on the overall model
quality and fairness. We design a framework, RF^2, to model the
inter-dependence and evaluate its impact on state-of-the-art model optimization
techniques for federated recommendation tasks. We demonstrate that the impact
on fairness can be severe under realistic heterogeneity scenarios, by up to
15.8--41x compared to a simple setup assumed in most (if not all) prior work.
It means when realistic system-induced data heterogeneity is not properly
modeled, the fairness impact of an optimization can be downplayed by up to 41x.
The result shows that modeling realistic system-induced data heterogeneity is
essential to achieving fair federated recommendation learning. We plan to
open-source RF^2 to enable future design and evaluation of FL innovations."
3367,Segmentation Consistency Training: Out-of-Distribution Generalization for Medical Image Segmentation,"Generalizability is seen as one of the major challenges in deep learning, in
particular in the domain of medical imaging, where a change of hospital or in
imaging routines can lead to a complete failure of a model. To tackle this, we
introduce Consistency Training, a training procedure and alternative to data
augmentation based on maximizing models' prediction consistency across
augmented and unaugmented data in order to facilitate better
out-of-distribution generalization. To this end, we develop a novel
region-based segmentation loss function called Segmentation Inconsistency Loss
(SIL), which considers the differences between pairs of augmented and
unaugmented predictions and labels. We demonstrate that Consistency Training
outperforms conventional data augmentation on several out-of-distribution
datasets on polyp segmentation, a popular medical task."
3368,Connecting adversarial attacks and optimal transport for domain adaptation,"We present a novel algorithm for domain adaptation using optimal transport.
In domain adaptation, the goal is to adapt a classifier trained on the source
domain samples to the target domain. In our method, we use optimal transport to
map target samples to the domain named source fiction. This domain differs from
the source but is accurately classified by the source domain classifier. Our
main idea is to generate a source fiction by c-cyclically monotone
transformation over the target domain. If samples with the same labels in two
domains are c-cyclically monotone, the optimal transport map between these
domains preserves the class-wise structure, which is the main goal of domain
adaptation. To generate a source fiction domain, we propose an algorithm that
is based on our finding that adversarial attacks are a c-cyclically monotone
transformation of the dataset. We conduct experiments on Digits and Modern
Office-31 datasets and achieve improvement in performance for simple discrete
optimal transport solvers for all adaptation tasks."
3369,Analysis of Augmentations for Contrastive ECG Representation Learning,"This paper systematically investigates the effectiveness of various
augmentations for contrastive self-supervised learning of electrocardiogram
(ECG) signals and identifies the best parameters. The baseline of our proposed
self-supervised framework consists of two main parts: the contrastive learning
and the downstream task. In the first stage, we train an encoder using a number
of augmentations to extract generalizable ECG signal representations. We then
freeze the encoder and finetune a few linear layers with different amounts of
labelled data for downstream arrhythmia detection. We then experiment with
various augmentations techniques and explore a range of parameters. Our
experiments are done on PTB-XL, a large and publicly available 12-lead ECG
dataset. The results show that applying augmentations in a specific range of
complexities works better for self-supervised contrastive learning. For
instance, when adding Gaussian noise, a sigma in the range of 0.1 to 0.2
achieves better results, while poor training occurs when the added noise is too
small or too large (outside of the specified range). A similar trend is
observed with other augmentations, demonstrating the importance of selecting
the optimum level of difficulty for the added augmentations, as augmentations
that are too simple will not result in effective training, while augmentations
that are too difficult will also prevent the model from effective learning of
generalized representations. Our work can influence future research on
self-supervised contrastive learning on bio-signals and aid in selecting
optimum parameters for different augmentations."
3370,Fooling SHAP with Stealthily Biased Sampling,"SHAP explanations aim at identifying which features contribute the most to
the difference in model prediction at a specific input versus a background
distribution. Recent studies have shown that they can be manipulated by
malicious adversaries to produce arbitrary desired explanations. However,
existing attacks focus solely on altering the black-box model itself. In this
paper, we propose a complementary family of attacks that leave the model intact
and manipulate SHAP explanations using stealthily biased sampling of the data
points used to approximate expectations w.r.t the background distribution. In
the context of fairness audit, we show that our attack can reduce the
importance of a sensitive feature when explaining the difference in outcomes
between groups, while remaining undetected. These results highlight the
manipulability of SHAP explanations and encourage auditors to treat post-hoc
explanations with skepticism."
3371,PolypConnect: Image inpainting for generating realistic gastrointestinal tract images with polyps,"Early identification of a polyp in the lower gastrointestinal (GI) tract can
lead to prevention of life-threatening colorectal cancer. Developing
computer-aided diagnosis (CAD) systems to detect polyps can improve detection
accuracy and efficiency and save the time of the domain experts called
endoscopists. Lack of annotated data is a common challenge when building CAD
systems. Generating synthetic medical data is an active research area to
overcome the problem of having relatively few true positive cases in the
medical domain. To be able to efficiently train machine learning (ML) models,
which are the core of CAD systems, a considerable amount of data should be
used. In this respect, we propose the PolypConnect pipeline, which can convert
non-polyp images into polyp images to increase the size of training datasets
for training. We present the whole pipeline with quantitative and qualitative
evaluations involving endoscopists. The polyp segmentation model trained using
synthetic data, and real data shows a 5.1% improvement of mean intersection
over union (mIOU), compared to the model trained only using real data. The
codes of all the experiments are available on GitHub to reproduce the results."
3372,Grid HTM: Hierarchical Temporal Memory for Anomaly Detection in Videos,"The interest for video anomaly detection systems has gained traction for the
past few years. The current approaches use deep learning to perform anomaly
detection in videos, but this approach has multiple problems. For starters,
deep learning in general has issues with noise, concept drift, explainability,
and training data volumes. Additionally, anomaly detection in itself is a
complex task and faces challenges such as unknowness, heterogeneity, and class
imbalance. Anomaly detection using deep learning is therefore mainly
constrained to generative models such as generative adversarial networks and
autoencoders due to their unsupervised nature, but even they suffer from
general deep learning issues and are hard to train properly. In this paper, we
explore the capabilities of the Hierarchical Temporal Memory (HTM) algorithm to
perform anomaly detection in videos, as it has favorable properties such as
noise tolerance and online learning which combats concept drift. We introduce a
novel version of HTM, namely, Grid HTM, which is an HTM-based architecture
specifically for anomaly detection in complex videos such as surveillance
footage."
3373,Neural Optimal Transport with General Cost Functionals,"We present a novel neural-networks-based algorithm to compute optimal
transport (OT) plans and maps for general cost functionals. The algorithm is
based on a saddle point reformulation of the OT problem and generalizes prior
OT methods for weak and strong cost functionals. As an application, we
construct a functional to map data distributions with preserving the class-wise
structure of data."
3374,Designing Rewards for Fast Learning,"To convey desired behavior to a Reinforcement Learning (RL) agent, a designer
must choose a reward function for the environment, arguably the most important
knob designers have in interacting with RL agents. Although many reward
functions induce the same optimal behavior (Ng et al., 1999), in practice, some
of them result in faster learning than others. In this paper, we look at how
reward-design choices impact learning speed and seek to identify principles of
good reward design that quickly induce target behavior. This
reward-identification problem is framed as an optimization problem: Firstly, we
advocate choosing state-based rewards that maximize the action gap, making
optimal actions easy to distinguish from suboptimal ones. Secondly, we propose
minimizing a measure of the horizon, something we call the ""subjective
discount"", over which rewards need to be optimized to encourage agents to make
optimal decisions with less lookahead. To solve this optimization problem, we
propose a linear-programming based algorithm that efficiently finds a reward
function that maximizes action gap and minimizes subjective discount. We test
the rewards generated with the algorithm in tabular environments with
Q-Learning, and empirically show they lead to faster learning. Although we only
focus on Q-Learning because it is perhaps the simplest and most well understood
RL algorithm, preliminary results with R-max (Brafman and Tennenholtz, 2000)
suggest our results are much more general. Our experiments support three
principles of reward design: 1) consistent with existing results, penalizing
each step taken induces faster learning than rewarding the goal. 2) When
rewarding subgoals along the target trajectory, rewards should gradually
increase as the goal gets closer. 3) Dense reward that's nonzero on every state
is only good if designed carefully."
3375,Minimax Optimal Online Imitation Learning via Replay Estimation,"Online imitation learning is the problem of how best to mimic expert
demonstrations, given access to the environment or an accurate simulator. Prior
work has shown that in the infinite sample regime, exact moment matching
achieves value equivalence to the expert policy. However, in the finite sample
regime, even if one has no optimization error, empirical variance can lead to a
performance gap that scales with $H^2 / N$ for behavioral cloning and $H /
\sqrt{N}$ for online moment matching, where $H$ is the horizon and $N$ is the
size of the expert dataset. We introduce the technique of replay estimation to
reduce this empirical variance: by repeatedly executing cached expert actions
in a stochastic simulator, we compute a smoother expert visitation distribution
estimate to match. In the presence of general function approximation, we prove
a meta theorem reducing the performance gap of our approach to the parameter
estimation error for offline classification (i.e. learning the expert policy).
In the tabular setting or with linear function approximation, our meta theorem
shows that the performance gap incurred by our approach achieves the optimal
$\widetilde{O} \left( \min({H^{3/2}} / {N}, {H} / {\sqrt{N}} \right)$
dependency, under significantly weaker assumptions compared to prior work. We
implement multiple instantiations of our approach on several continuous control
tasks and find that we are able to significantly improve policy performance
across a variety of dataset sizes."
3376,A multimodal model with Twitter FinBERT embeddings for extreme price movement prediction of Bitcoin,"Bitcoin, with its ever-growing popularity, has demonstrated extreme price
volatility since its origin. This volatility, together with its decentralised
nature, make Bitcoin highly subjective to speculative trading as compared to
more traditional assets. In this paper, we propose a multimodal model for
predicting extreme price fluctuations. This model takes as input a variety of
correlated assets, technical indicators, as well as Twitter content. In an
in-depth study, we explore whether social media discussions from the general
public on Bitcoin have predictive power for extreme price movements. A dataset
of 5,000 tweets per day containing the keyword `Bitcoin' was collected from
2015 to 2021. This dataset, called PreBit, is made available online. In our
hybrid model, we use sentence-level FinBERT embeddings, pretrained on financial
lexicons, so as to capture the full contents of the tweets and feed it to the
model in an understandable way. By combining these embeddings with a
Convolutional Neural Network, we built a predictive model for significant
market movements. The final multimodal ensemble model includes this NLP model
together with a model based on candlestick data, technical indicators and
correlated asset prices. In an ablation study, we explore the contribution of
the individual modalities. Finally, we propose and backtest a trading strategy
based on the predictions of our models with varying prediction threshold and
show that it can used to build a profitable trading strategy with a reduced
risk over a `hold' or moving average strategy."
3377,A hybrid approach to seismic deblending: when physics meets self-supervision,"To limit the time, cost, and environmental impact associated with the
acquisition of seismic data, in recent decades considerable effort has been put
into so-called simultaneous shooting acquisitions, where seismic sources are
fired at short time intervals between each other. As a consequence, waves
originating from consecutive shots are entangled within the seismic recordings,
yielding so-called blended data. For processing and imaging purposes, the data
generated by each individual shot must be retrieved. This process, called
deblending, is achieved by solving an inverse problem which is heavily
underdetermined. Conventional approaches rely on transformations that render
the blending noise into burst-like noise, whilst preserving the signal of
interest. Compressed sensing type regularization is then applied, where
sparsity in some domain is assumed for the signal of interest. The domain of
choice depends on the geometry of the acquisition and the properties of seismic
data within the chosen domain. In this work, we introduce a new concept that
consists of embedding a self-supervised denoising network into the
Plug-and-Play (PnP) framework. A novel network is introduced whose design
extends the blind-spot network architecture of [28 ] for partially coherent
noise (i.e., correlated in time). The network is then trained directly on the
noisy input data at each step of the PnP algorithm. By leveraging both the
underlying physics of the problem and the great denoising capabilities of our
blind-spot network, the proposed algorithm is shown to outperform an
industry-standard method whilst being comparable in terms of computational
cost. Moreover, being independent on the acquisition geometry, our method can
be easily applied to both marine and land data without any significant
modification."
3378,Attention Flows for General Transformers,"In this paper, we study the computation of how much an input token in a
Transformer model influences its prediction. We formalize a method to construct
a flow network out of the attention values of encoder-only Transformer models
and extend it to general Transformer architectures including an auto-regressive
decoder. We show that running a maxflow algorithm on the flow network
construction yields Shapley values, which determine the impact of a player in
cooperative game theory. By interpreting the input tokens in the flow network
as players, we can compute their influence on the total attention flow leading
to the decoder's decision. Additionally, we provide a library that computes and
visualizes the attention flow of arbitrary Transformer models. We show the
usefulness of our implementation on various models trained on natural language
processing and reasoning tasks."
3379,Truly Deterministic Policy Optimization,"In this paper, we present a policy gradient method that avoids exploratory
noise injection and performs policy search over the deterministic landscape. By
avoiding noise injection all sources of estimation variance can be eliminated
in systems with deterministic dynamics (up to the initial state distribution).
Since deterministic policy regularization is impossible using traditional
non-metric measures such as the KL divergence, we derive a Wasserstein-based
quadratic model for our purposes. We state conditions on the system model under
which it is possible to establish a monotonic policy improvement guarantee,
propose a surrogate function for policy gradient estimation, and show that it
is possible to compute exact advantage estimates if both the state transition
model and the policy are deterministic. Finally, we describe two novel robotic
control environments -- one with non-local rewards in the frequency domain and
the other with a long horizon (8000 time-steps) -- for which our policy
gradient method (TDPO) significantly outperforms existing methods (PPO, TRPO,
DDPG, and TD3). Our implementation with all the experimental settings is
available at https://github.com/ehsansaleh/code_tdpo"
3380,Reinforcement Learning with a Terminator,"We present the problem of reinforcement learning with exogenous termination.
We define the Termination Markov Decision Process (TerMDP), an extension of the
MDP framework, in which episodes may be interrupted by an external
non-Markovian observer. This formulation accounts for numerous real-world
situations, such as a human interrupting an autonomous driving agent for
reasons of discomfort. We learn the parameters of the TerMDP and leverage the
structure of the estimation problem to provide state-wise confidence bounds. We
use these to construct a provably-efficient algorithm, which accounts for
termination, and bound its regret. Motivated by our theoretical analysis, we
design and implement a scalable approach, which combines optimism (w.r.t.
termination) and a dynamic discount factor, incorporating the termination
probability. We deploy our method on high-dimensional driving and MinAtar
benchmarks. Additionally, we test our approach on human data in a driving
setting. Our results demonstrate fast convergence and significant improvement
over various baseline approaches."
3381,Optimistic Whittle Index Policy: Online Learning for Restless Bandits,"Restless multi-armed bandits (RMABs) extend multi-armed bandits to allow for
stateful arms, where the state of each arm evolves restlessly with different
transitions depending on whether that arm is pulled. However, solving RMABs
requires information on transition dynamics, which is often not available
upfront. To plan in RMAB settings with unknown transitions, we propose the
first online learning algorithm based on the Whittle index policy, using an
upper confidence bound (UCB) approach to learn transition dynamics.
Specifically, we formulate a bilinear program to compute the optimistic Whittle
index from the confidence bounds in transition dynamics. Our algorithm,
UCWhittle, achieves sublinear $O(\sqrt{T \log T})$ frequentist regret to solve
RMABs with unknown transitions. Empirically, we demonstrate that UCWhittle
leverages the structure of RMABs and the Whittle index policy solution to
achieve better performance than existing online learning baselines across three
domains, including on real-world maternal and childcare data aimed at reducing
maternal mortality."
3382,Infinite-dimensional optimization and Bayesian nonparametric learning of stochastic differential equations,"The paper has two major themes. The first part of the paper establishes
certain general results for infinite-dimensional optimization problems on
Hilbert spaces. These results cover the classical representer theorem and many
of its variants as special cases and offer a wider scope of applications. The
second part of the paper then develops a systematic approach for learning the
drift function of a stochastic differential equation by integrating the results
of the first part with Bayesian hierarchical framework. Importantly, our
Baysian approach incorporates low-cost sparse learning through proper use of
shrinkage priors while allowing proper quantification of uncertainty through
posterior distributions. Several examples at the end illustrate the accuracy of
our learning scheme."
3383,Non-Markovian Reward Modelling from Trajectory Labels via Interpretable Multiple Instance Learning,"We generalise the problem of reward modelling (RM) for reinforcement learning
(RL) to handle non-Markovian rewards. Existing work assumes that human
evaluators observe each step in a trajectory independently when providing
feedback on agent behaviour. In this work, we remove this assumption, extending
RM to include hidden state information that captures temporal dependencies in
human assessment of trajectories. We then show how RM can be approached as a
multiple instance learning (MIL) problem, and develop new MIL models that are
able to capture the time dependencies in labelled trajectories. We demonstrate
on a range of RL tasks that our novel MIL models can reconstruct reward
functions to a high level of accuracy, and that they provide interpretable
learnt hidden information that can be used to train high-performing agent
policies."
3384,Searching for the Essence of Adversarial Perturbations,"Neural networks have achieved the state-of-the-art performance on various
machine learning fields, yet the incorporation of malicious perturbations with
input data (adversarial example) is able to fool neural networks' predictions.
This would lead to potential risks in real-world applications, for example,
auto piloting and facial recognition. However, the reason for the existence of
adversarial examples remains controversial. Here we demonstrate that
adversarial perturbations contain human-recognizable information, which is the
key conspirator responsible for a neural network's erroneous prediction. This
concept of human-recognizable information allows us to explain key features
related to adversarial perturbations, which include the existence of
adversarial examples, the transferability among different neural networks, and
the increased neural network interpretability for adversarial training. Two
unique properties in adversarial perturbations that fool neural networks are
uncovered: masking and generation. A special class, the complementary class, is
identified when neural networks classify input images. The human-recognizable
information contained in adversarial perturbations allows researchers to gain
insight on the working principles of neural networks and may lead to develop
techniques that detect/defense adversarial attacks."
3385,Adapting Rapid Motor Adaptation for Bipedal Robots,"Recent advances in legged locomotion have enabled quadrupeds to walk on
challenging terrains. However, bipedal robots are inherently more unstable and
hence it's harder to design walking controllers for them. In this work, we
leverage recent advances in rapid adaptation for locomotion control, and extend
them to work on bipedal robots. Similar to existing works, we start with a base
policy which produces actions while taking as input an estimated extrinsics
vector from an adaptation module. This extrinsics vector contains information
about the environment and enables the walking controller to rapidly adapt
online. However, the extrinsics estimator could be imperfect, which might lead
to poor performance of the base policy which expects a perfect estimator. In
this paper, we propose A-RMA (Adapting RMA), which additionally adapts the base
policy for the imperfect extrinsics estimator by finetuning it using model-free
RL. We demonstrate that A-RMA outperforms a number of RL-based baseline
controllers and model-based controllers in simulation, and show zero-shot
deployment of a single A-RMA policy to enable a bipedal robot, Cassie, to walk
in a variety of different scenarios in the real world beyond what it has seen
during training. Videos and results at https://ashish-kmr.github.io/a-rma/"
3386,Efficient $Φ$-Regret Minimization in Extensive-Form Games via Online Mirror Descent,"A conceptually appealing approach for learning Extensive-Form Games (EFGs) is
to convert them to Normal-Form Games (NFGs). This approach enables us to
directly translate state-of-the-art techniques and analyses in NFGs to learning
EFGs, but typically suffers from computational intractability due to the
exponential blow-up of the game size introduced by the conversion. In this
paper, we address this problem in natural and important setups for the
\emph{$\Phi$-Hedge} algorithm -- A generic algorithm capable of learning a
large class of equilibria for NFGs. We show that $\Phi$-Hedge can be directly
used to learn Nash Equilibria (zero-sum settings), Normal-Form Coarse
Correlated Equilibria (NFCCE), and Extensive-Form Correlated Equilibria (EFCE)
in EFGs. We prove that, in those settings, the \emph{$\Phi$-Hedge} algorithms
are equivalent to standard Online Mirror Descent (OMD) algorithms for EFGs with
suitable dilated regularizers, and run in polynomial time. This new connection
further allows us to design and analyze a new class of OMD algorithms based on
modifying its log-partition function. In particular, we design an improved
algorithm with balancing techniques that achieves a sharp
$\widetilde{\mathcal{O}}(\sqrt{XAT})$ EFCE-regret under bandit-feedback in an
EFG with $X$ information sets, $A$ actions, and $T$ episodes. To our best
knowledge, this is the first such rate and matches the information-theoretic
lower bound."
3387,Zero-Shot and Few-Shot Learning for Lung Cancer Multi-Label Classification using Vision Transformer,"Lung cancer is the leading cause of cancer-related death worldwide. Lung
adenocarcinoma (LUAD) and lung squamous cell carcinoma (LUSC) are the most
common histologic subtypes of non-small-cell lung cancer (NSCLC). Histology is
an essential tool for lung cancer diagnosis. Pathologists make classifications
according to the dominant subtypes. Although morphology remains the standard
for diagnosis, significant tool needs to be developed to elucidate the
diagnosis. In our study, we utilize the pre-trained Vision Transformer (ViT)
model to classify multiple label lung cancer on histologic slices (from dataset
LC25000), in both Zero-Shot and Few-Shot settings. Then we compare the
performance of Zero-Shot and Few-Shot ViT on accuracy, precision, recall,
sensitivity and specificity. Our study show that the pre-trained ViT model has
a good performance in Zero-Shot setting, a competitive accuracy ($99.87\%$) in
Few-Shot setting ({epoch = 1}) and an optimal result ($100.00\%$ on both
validation set and test set) in Few-Shot seeting ({epoch = 5})."
3388,Self-Supervised Visual Representation Learning with Semantic Grouping,"In this paper, we tackle the problem of learning visual representations from
unlabeled scene-centric data. Existing works have demonstrated the potential of
utilizing the underlying complex structure within scene-centric data; still,
they commonly rely on hand-crafted objectness priors or specialized pretext
tasks to build a learning framework, which may harm generalizability. Instead,
we propose contrastive learning from data-driven semantic slots, namely
SlotCon, for joint semantic grouping and representation learning. The semantic
grouping is performed by assigning pixels to a set of learnable prototypes,
which can adapt to each sample by attentive pooling over the feature and form
new slots. Based on the learned data-dependent slots, a contrastive objective
is employed for representation learning, which enhances the discriminability of
features, and conversely facilitates grouping semantically coherent pixels
together. Compared with previous efforts, by simultaneously optimizing the two
coupled objectives of semantic grouping and contrastive learning, our approach
bypasses the disadvantages of hand-crafted priors and is able to learn
object/group-level representations from scene-centric images. Experiments show
our approach effectively decomposes complex scenes into semantic groups for
feature learning and significantly benefits downstream tasks, including object
detection, instance segmentation, and semantic segmentation. The code will be
made publicly available."
3389,Testing for Geometric Invariance and Equivariance,"Invariant and equivariant models incorporate the symmetry of an object to be
estimated (here non-parametric regression functions $f : \mathcal{X}
\rightarrow \mathbb{R}$). These models perform better (with respect to $L^2$
loss) and are increasingly being used in practice, but encounter problems when
the symmetry is falsely assumed. In this paper we present a framework for
testing for $G$-equivariance for any semi-group $G$. This will give confidence
to the use of such models when the symmetry is not known a priori. These tests
are independent of the model and are computationally quick, so can be easily
used before model fitting to test their validity."
3390,MetaSSD: Meta-Learned Self-Supervised Detection,"Deep learning-based symbol detector gains increasing attention due to the
simple algorithm design than the traditional model-based algorithms such as
Viterbi and BCJR. The supervised learning framework is often employed to
predict the input symbols, where training symbols are used to train the model.
There are two major limitations in the supervised approaches: a) a model needs
to be retrained from scratch when new train symbols come to adapt to a new
channel status, and b) the length of the training symbols needs to be longer
than a certain threshold to make the model generalize well on unseen symbols.
To overcome these challenges, we propose a meta-learning-based self-supervised
symbol detector named MetaSSD. Our contribution is two-fold: a) meta-learning
helps the model adapt to a new channel environment based on experience with
various meta-training environments, and b) self-supervised learning helps the
model to use relatively less supervision than the previously suggested
learning-based detectors. In experiments, MetaSSD outperforms OFDM-MMSE with
noisy channel information and shows comparable results with BCJR. Further
ablation studies show the necessity of each component in our framework."
3391,Kernel Neural Optimal Transport,"We study the Neural Optimal Transport (NOT) algorithm which uses the general
optimal transport formulation and learns stochastic transport plans. We show
that NOT with the weak quadratic cost might learn fake plans which are not
optimal. To resolve this issue, we introduce kernel weak quadratic costs. We
show that they provide improved theoretical guarantees and practical
performance. We test NOT with kernel costs on the unpaired image-to-image
translation task."
3392,Federated X-Armed Bandit,"This work establishes the first framework of federated $\mathcal{X}$-armed
bandit, where different clients face heterogeneous local objective functions
defined on the same domain and are required to collaboratively figure out the
global optimum. We propose the first federated algorithm for such problems,
named \texttt{Fed-PNE}. By utilizing the topological structure of the global
objective inside the hierarchical partitioning and the weak smoothness
property, our algorithm achieves sublinear cumulative regret with respect to
both the number of clients and the evaluation budget. Meanwhile, it only
requires logarithmic communications between the central server and clients,
protecting the client privacy. Experimental results on synthetic functions and
real datasets validate the advantages of \texttt{Fed-PNE} over single-client
algorithms and federated multi-armed bandit algorithms."
3393,Going Beyond One-Hot Encoding in Classification: Can Human Uncertainty Improve Model Performance?,"Technological and computational advances continuously drive forward the broad
field of deep learning. In recent years, the derivation of quantities
describing theuncertainty in the prediction - which naturally accompanies the
modeling process - has sparked general interest in the deep learning community.
Often neglected in the machine learning setting is the human uncertainty that
influences numerous labeling processes. As the core of this work, label
uncertainty is explicitly embedded into the training process via distributional
labels. We demonstrate the effectiveness of our approach on image
classification with a remote sensing data set that contains multiple label
votes by domain experts for each image: The incorporation of label uncertainty
helps the model to generalize better to unseen data and increases model
performance. Similar to existing calibration methods, the distributional labels
lead to better-calibrated probabilities, which in turn yield more certain and
trustworthy predictions."
3394,bsnsing: A decision tree induction method based on recursive optimal boolean rule composition,"This paper proposes a new mixed-integer programming (MIP) formulation to
optimize split rule selection in the decision tree induction process, and
develops an efficient search algorithm that is able to solve practical
instances of the MIP model faster than commercial solvers. The formulation is
novel for it directly maximizes the Gini reduction, an effective split
selection criterion which has never been modeled in a mathematical program for
its nonconvexity. The proposed approach differs from other optimal
classification tree models in that it does not attempt to optimize the whole
tree, therefore the flexibility of the recursive partitioning scheme is
retained and the optimization model is more amenable. The approach is
implemented in an open-source R package named bsnsing. Benchmarking experiments
on 75 open data sets suggest that bsnsing trees are the most capable of
discriminating new cases compared to trees trained by other decision tree codes
including the rpart, C50, party and tree packages in R. Compared to other
optimal decision tree packages, including DL8.5, OSDT, GOSDT and indirectly
more, bsnsing stands out in its training speed, ease of use and broader
applicability without losing in prediction accuracy."
3395,Pooling Revisited: Your Receptive Field is Suboptimal,"The size and shape of the receptive field determine how the network
aggregates local information and affect the overall performance of a model
considerably. Many components in a neural network, such as kernel sizes and
strides for convolution and pooling operations, influence the configuration of
a receptive field. However, they still rely on hyperparameters, and the
receptive fields of existing models result in suboptimal shapes and sizes.
Hence, we propose a simple yet effective Dynamically Optimized Pooling
operation, referred to as DynOPool, which optimizes the scale factors of
feature maps end-to-end by learning the desirable size and shape of its
receptive field in each layer. Any kind of resizing modules in a deep neural
network can be replaced by the operations with DynOPool at a minimal cost.
Also, DynOPool controls the complexity of a model by introducing an additional
loss term that constrains computational cost. Our experiments show that the
models equipped with the proposed learnable resizing module outperform the
baseline networks on multiple datasets in image classification and semantic
segmentation."
3396,Residual Q-Networks for Value Function Factorizing in Multi-Agent Reinforcement Learning,"Multi-Agent Reinforcement Learning (MARL) is useful in many problems that
require the cooperation and coordination of multiple agents. Learning optimal
policies using reinforcement learning in a multi-agent setting can be very
difficult as the number of agents increases. Recent solutions such as Value
Decomposition Networks (VDN), QMIX, QTRAN and QPLEX adhere to the centralized
training and decentralized execution scheme and perform factorization of the
joint action-value functions. However, these methods still suffer from
increased environmental complexity, and at times fail to converge in a stable
manner. We propose a novel concept of Residual Q-Networks (RQNs) for MARL,
which learns to transform the individual Q-value trajectories in a way that
preserves the Individual-Global-Max criteria (IGM), but is more robust in
factorizing action-value functions. The RQN acts as an auxiliary network that
accelerates convergence and will become obsolete as the agents reach the
training objectives. The performance of the proposed method is compared against
several state-of-the-art techniques such as QPLEX, QMIX, QTRAN and VDN, in a
range of multi-agent cooperative tasks. The results illustrate that the
proposed method, in general, converges faster, with increased stability and
shows robust performance in a wider family of environments. The improvements in
results are more prominent in environments with severe punishments for
non-cooperative behaviours and especially in the absence of complete state
information during training time."
3397,Re-parameterizing Your Optimizers rather than Architectures,"The well-designed structures in neural networks reflect the prior knowledge
incorporated into the models. However, though different models have various
priors, we are used to training them with model-agnostic optimizers (e.g.,
SGD). In this paper, we propose a novel paradigm of incorporating
model-specific prior knowledge into optimizers and using them to train generic
(simple) models. As an implementation, we propose a novel methodology to add
prior knowledge by modifying the gradients according to a set of model-specific
hyper-parameters, which is referred to as Gradient Re-parameterization, and the
optimizers are named RepOptimizers. For the extreme simplicity of model
structure, we focus on a VGG-style plain model and showcase that such a simple
model trained with a RepOptimizer, which is referred to as RepOpt-VGG, performs
on par with the recent well-designed models. From a practical perspective,
RepOpt-VGG is a favorable base model because of its simple structure, high
inference speed and training efficiency. Compared to Structural
Re-parameterization, which adds priors into models via constructing extra
training-time structures, RepOptimizers require no extra forward/backward
computations and solve the problem of quantization. The code and models are
publicly available at https://github.com/DingXiaoH/RepOptimizers."
3398,Multi-Game Decision Transformers,"A longstanding goal of the field of AI is a strategy for compiling diverse
experience into a highly capable, generalist agent. In the subfields of vision
and language, this was largely achieved by scaling up transformer-based models
and training them on large, diverse datasets. Motivated by this progress, we
investigate whether the same strategy can be used to produce generalist
reinforcement learning agents. Specifically, we show that a single
transformer-based model - with a single set of weights - trained purely offline
can play a suite of up to 46 Atari games simultaneously at close-to-human
performance. When trained and evaluated appropriately, we find that the same
trends observed in language and vision hold, including scaling of performance
with model size and rapid adaptation to new games via fine-tuning. We compare
several approaches in this multi-game setting, such as online and offline RL
methods and behavioral cloning, and find that our Multi-Game Decision
Transformer models offer the best scalability and performance. We release the
pre-trained models and code to encourage further research in this direction.
Additional information, videos and code can be seen at:
sites.google.com/view/multi-game-transformers"
3399,Conformal Credal Self-Supervised Learning,"In semi-supervised learning, the paradigm of self-training refers to the idea
of learning from pseudo-labels suggested by the learner itself. Across various
domains, corresponding methods have proven effective and achieve
state-of-the-art performance. However, pseudo-labels typically stem from ad-hoc
heuristics, relying on the quality of the predictions though without
guaranteeing their validity. One such method, so-called credal self-supervised
learning, maintains pseudo-supervision in the form of sets of (instead of
single) probability distributions over labels, thereby allowing for a flexible
yet uncertainty-aware labeling. Again, however, there is no justification
beyond empirical effectiveness. To address this deficiency, we make use of
conformal prediction, an approach that comes with guarantees on the validity of
set-valued predictions. As a result, the construction of credal sets of labels
is supported by a rigorous theoretical foundation, leading to better calibrated
and less error-prone supervision for unlabeled data. Along with this, we
present effective algorithms for learning from credal self-supervision. An
empirical study demonstrates excellent calibration properties of the
pseudo-supervision, as well as the competitiveness of our method on several
benchmark datasets."
3400,VLUE: A Multi-Task Benchmark for Evaluating Vision-Language Models,"Recent advances in vision-language pre-training (VLP) have demonstrated
impressive performance in a range of vision-language (VL) tasks. However, there
exist several challenges for measuring the community's progress in building
general multi-modal intelligence. First, most of the downstream VL datasets are
annotated using raw images that are already seen during pre-training, which may
result in an overestimation of current VLP models' generalization ability.
Second, recent VLP work mainly focuses on absolute performance but overlooks
the efficiency-performance trade-off, which is also an important indicator for
measuring progress.
To this end, we introduce the Vision-Language Understanding Evaluation (VLUE)
benchmark, a multi-task multi-dimension benchmark for evaluating the
generalization capabilities and the efficiency-performance trade-off (``Pareto
SOTA'') of VLP models. We demonstrate that there is a sizable generalization
gap for all VLP models when testing on out-of-distribution test sets annotated
on images from a more diverse distribution that spreads across cultures.
Moreover, we find that measuring the efficiency-performance trade-off of VLP
models leads to complementary insights for several design choices of VLP. We
release the VLUE benchmark to promote research on building vision-language
models that generalize well to more diverse images and concepts unseen during
pre-training, and are practical in terms of efficiency-performance trade-off."
3401,RankSim: Ranking Similarity Regularization for Deep Imbalanced Regression,"Data imbalance, in which a plurality of the data samples come from a small
proportion of labels, poses a challenge in training deep neural networks.
Unlike classification, in regression the labels are continuous, potentially
boundless, and form a natural ordering. These distinct features of regression
call for new techniques that leverage the additional information encoded in
label-space relationships. This paper presents the RankSim (ranking similarity)
regularizer for deep imbalanced regression, which encodes an inductive bias
that samples that are closer in label space should also be closer in feature
space. In contrast to recent distribution smoothing based approaches, RankSim
captures both nearby and distant relationships: for a given data sample,
RankSim encourages the sorted list of its neighbors in label space to match the
sorted list of its neighbors in feature space. RankSim is complementary to
conventional imbalanced learning techniques, including re-weighting, two-stage
training, and distribution smoothing, and lifts the state-of-the-art
performance on three imbalanced regression benchmarks: IMDB-WIKI-DIR,
AgeDB-DIR, and STS-B-DIR."
3402,Non-convex online learning via algorithmic equivalence,"We study an algorithmic equivalence technique between nonconvex gradient
descent and convex mirror descent. We start by looking at a harder problem of
regret minimization in online non-convex optimization. We show that under
certain geometric and smoothness conditions, online gradient descent applied to
non-convex functions is an approximation of online mirror descent applied to
convex functions under reparameterization. In continuous time, the gradient
flow with this reparameterization was shown to be exactly equivalent to
continuous-time mirror descent by Amid and Warmuth 2020, but theory for the
analogous discrete time algorithms is left as an open problem. We prove an
$O(T^{\frac{2}{3}})$ regret bound for non-convex online gradient descent in
this setting, answering this open problem. Our analysis is based on a new and
simple algorithmic equivalence method."
3403,Few-Shot Adaptation of Pre-Trained Networks for Domain Shift,"Deep networks are prone to performance degradation when there is a domain
shift between the source (training) data and target (test) data. Recent
test-time adaptation methods update batch normalization layers of pre-trained
source models deployed in new target environments with streaming data to
mitigate such performance degradation. Although such methods can adapt
on-the-fly without first collecting a large target domain dataset, their
performance is dependent on streaming conditions such as mini-batch size and
class-distribution, which can be unpredictable in practice. In this work, we
propose a framework for few-shot domain adaptation to address the practical
challenges of data-efficient adaptation. Specifically, we propose a constrained
optimization of feature normalization statistics in pre-trained source models
supervised by a small support set from the target domain. Our method is easy to
implement and improves source model performance with as few as one sample per
class for classification tasks. Extensive experiments on 5 cross-domain
classification and 4 semantic segmentation datasets show that our method
achieves more accurate and reliable performance than test-time adaptation,
while not being constrained by streaming conditions."
3404,Prompting ELECTRA: Few-Shot Learning with Discriminative Pre-Trained Models,"Pre-trained masked language models successfully perform few-shot learning by
formulating downstream tasks as text infilling. However, as a strong
alternative in full-shot settings, discriminative pre-trained models like
ELECTRA do not fit into the paradigm. In this work, we adapt prompt-based
few-shot learning to ELECTRA and show that it outperforms masked language
models in a wide range of tasks. ELECTRA is pre-trained to distinguish if a
token is generated or original. We naturally extend that to prompt-based
few-shot learning by training to score the originality of the target options
without introducing new parameters. Our method can be easily adapted to tasks
involving multi-token predictions without extra computation overhead. Analysis
shows that ELECTRA learns distributions that align better with downstream
tasks."
3405,Automatic Short Math Answer Grading via In-context Meta-learning,"Automatic short answer grading is an important research direction in the
exploration of how to use artificial intelligence (AI)-based tools to improve
education. Current state-of-the-art approaches use neural language models to
create vectorized representations of students responses, followed by
classifiers to predict the score. However, these approaches have several key
limitations, including i) they use pre-trained language models that are not
well-adapted to educational subject domains and/or student-generated text and
ii) they almost always train one model per question, ignoring the linkage
across a question and result in a significant model storage problem due to the
size of advanced language models. In this paper, we study the problem of
automatic short answer grading for students' responses to math questions and
propose a novel framework for this task. First, we use MathBERT, a variant of
the popular language model BERT adapted to mathematical content, as our base
model and fine-tune it for the downstream task of student response grading.
Second, we use an in-context learning approach that provides scoring examples
as input to the language model to provide additional context information and
promote generalization to previously unseen questions. We evaluate our
framework on a real-world dataset of student responses to open-ended math
questions and show that our framework (often significantly) outperforms
existing approaches, especially for new questions that are not seen during
training."
3406,A Graph and Attentive Multi-Path Convolutional Network for Traffic Prediction,"Traffic prediction is an important and yet highly challenging problem due to
the complexity and constantly changing nature of traffic systems. To address
the challenges, we propose a graph and attentive multi-path convolutional
network (GAMCN) model to predict traffic conditions such as traffic speed
across a given road network into the future. Our model focuses on the spatial
and temporal factors that impact traffic conditions. To model the spatial
factors, we propose a variant of the graph convolutional network (GCN) named
LPGCN to embed road network graph vertices into a latent space, where vertices
with correlated traffic conditions are close to each other. To model the
temporal factors, we use a multi-path convolutional neural network (CNN) to
learn the joint impact of different combinations of past traffic conditions on
the future traffic conditions. Such a joint impact is further modulated by an
attention} generated from an embedding of the prediction time, which encodes
the periodic patterns of traffic conditions. We evaluate our model on
real-world road networks and traffic data. The experimental results show that
our model outperforms state-of-art traffic prediction models by up to 18.9% in
terms of prediction errors and 23.4% in terms of prediction efficiency."
3407,Support Recovery in Sparse PCA with Incomplete Data,"We study a practical algorithm for sparse principal component analysis (PCA)
of incomplete and noisy data. Our algorithm is based on the semidefinite
program (SDP) relaxation of the non-convex $l_1$-regularized PCA problem. We
provide theoretical and experimental evidence that SDP enables us to exactly
recover the true support of the sparse leading eigenvector of the unknown true
matrix, despite only observing an incomplete (missing uniformly at random) and
noisy version of it. We derive sufficient conditions for exact recovery, which
involve matrix incoherence, the spectral gap between the largest and
second-largest eigenvalues, the observation probability and the noise variance.
We validate our theoretical results with incomplete synthetic data, and show
encouraging and meaningful results on a gene expression dataset."
3408,Gradient Backpropagation Through Combinatorial Algorithms: Identity with Projection Works,"Embedding discrete solvers as differentiable layers has given modern deep
learning architectures combinatorial expressivity and discrete reasoning
capabilities. The derivative of these solvers is zero or undefined, therefore a
meaningful replacement is crucial for effective gradient-based learning. Prior
works rely on smoothing the solver with input perturbations, relaxing the
solver to continuous problems, or interpolating the loss landscape with
techniques that typically require additional solver calls, introduce extra
hyper-parameters or compromise performance. We propose a principled approach to
exploit the geometry of the discrete solution space to treat the solver as a
negative identity on the backward pass and further provide a theoretical
justification. Our experiments demonstrate that such a straightforward
hyper-parameter-free approach is on-par with or outperforms previous more
complex methods on numerous experiments such as Traveling Salesman Problem,
Shortest Path, Deep Graph Matching, and backpropagating through discrete
samplers. Furthermore, we substitute the previously proposed problem-specific
and label-dependent margin by a generic regularization procedure that prevents
cost collapse and increases robustness."
3409,Flowification: Everything is a Normalizing Flow,"We develop a method that can be used to turn any multi-layer perceptron or
convolutional network into a normalizing flow. In some cases this requires the
addition of uncorrelated noise to the model but in the simplest case no
additional parameters. The technique we develop can be applied to a broad range
of architectures, allowing them to be used for a wide range of tasks. Our
models also allow existing density estimation techniques to be combined with
high performance feature extractors. In contrast to standard density estimation
techniques that require specific architectures and specialized knowledge, our
approach can leverage design knowledge from other domains and is a step closer
to the realization of general purpose architectures. We investigate the
efficacy of linear and convolutional layers for the task of density estimation
on standard datasets. Our results suggest standard layers lack something
fundamental in comparison to other normalizing flows."
3410,Superposing Many Tickets into One: A Performance Booster for Sparse Neural Network Training,"Recent works on sparse neural network training (sparse training) have shown
that a compelling trade-off between performance and efficiency can be achieved
by training intrinsically sparse neural networks from scratch. Existing sparse
training methods usually strive to find the best sparse subnetwork possible in
one single run, without involving any expensive dense or pre-training steps.
For instance, dynamic sparse training (DST), as one of the most prominent
directions, is capable of reaching a competitive performance of dense training
by iteratively evolving the sparse topology during the course of training. In
this paper, we argue that it is better to allocate the limited resources to
create multiple low-loss sparse subnetworks and superpose them into a stronger
one, instead of allocating all resources entirely to find an individual
subnetwork. To achieve this, two desiderata are required: (1) efficiently
producing many low-loss subnetworks, the so-called cheap tickets, within one
training process limited to the standard training time used in dense training;
(2) effectively superposing these cheap tickets into one stronger subnetwork
without going over the constrained parameter budget. To corroborate our
conjecture, we present a novel sparse training approach, termed
\textbf{Sup-tickets}, which can satisfy the above two desiderata concurrently
in a single sparse-to-sparse training process. Across various modern
architectures on CIFAR-10/100 and ImageNet, we show that Sup-tickets integrates
seamlessly with the existing sparse training methods and demonstrates
consistent performance improvement."
3411,DEP-RL: Embodied Exploration for Reinforcement Learning in Overactuated and Musculoskeletal Systems,"Muscle-actuated organisms are capable of learning an unparalleled diversity
of dexterous movements despite their vast amount of muscles. Reinforcement
learning (RL) on large musculoskeletal models, however, has not been able to
show similar performance. We conjecture that ineffective exploration in large
overactuated action spaces is a key problem. This is supported by the finding
that common exploration noise strategies are inadequate in synthetic examples
of overactuated systems. We identify differential extrinsic plasticity (DEP), a
method from the domain of self-organization, as being able to induce
state-space covering exploration within seconds of interaction. By integrating
DEP into RL, we achieve fast learning of reaching and locomotion in
musculoskeletal systems, outperforming current approaches in all considered
tasks in sample efficiency and robustness."
3412,PAC Generalization via Invariant Representations,"One method for obtaining generalizable solutions to machine learning tasks
when presented with diverse training environments is to find invariant
representations of the data. These are representations of the covariates such
that the best model on top of the representation is invariant across training
environments. In the context of linear Structural Equation Models (SEMs),
invariant representations might allow us to learn models with
out-of-distribution guarantees, i.e., models that are robust to interventions
in the SEM. To address the invariant representation problem in a finite sample
setting, we consider the notion of $\epsilon$-approximate invariance. We study
the following question: If a representation is approximately invariant with
respect to a given number of training interventions, will it continue to be
approximately invariant on a larger collection of unseen SEMs? This larger
collection of SEMs is generated through a parameterized family of
interventions. Inspired by PAC learning, we obtain finite-sample
out-of-distribution generalization guarantees for approximate invariance that
holds probabilistically over a family of linear SEMs without faithfulness
assumptions. Our results show bounds that do not scale in ambient dimension
when intervention sites are restricted to lie in a constant size subset of
in-degree bounded nodes. We also show how to extend our results to a linear
indirect observation model that incorporates latent variables."
3413,Do Deep Neural Networks Always Perform Better When Eating More Data?,"Data has now become a shortcoming of deep learning. Researchers in their own
fields share the thinking that ""deep neural networks might not always perform
better when they eat more data,"" which still lacks experimental validation and
a convincing guiding theory. Here to fill this lack, we design experiments from
Identically Independent Distribution(IID) and Out of Distribution(OOD), which
give powerful answers. For the purpose of guidance, based on the discussion of
results, two theories are proposed: under IID condition, the amount of
information determines the effectivity of each sample, the contribution of
samples and difference between classes determine the amount of sample
information and the amount of class information; under OOD condition, the
cross-domain degree of samples determine the contributions, and the
bias-fitting caused by irrelevant elements is a significant factor of
cross-domain. The above theories provide guidance from the perspective of data,
which can promote a wide range of practical applications of artificial
intelligence."
3414,A Review and Evaluation of Elastic Distance Functions for Time Series Clustering,"Time series clustering is the act of grouping time series data without
recourse to a label. Algorithms that cluster time series can be classified into
two groups: those that employ a time series specific distance measure; and
those that derive features from time series. Both approaches usually rely on
traditional clustering algorithms such as $k$-means. Our focus is on distance
based time series that employ elastic distance measures, i.e. distances that
perform some kind of realignment whilst measuring distance. We describe nine
commonly used elastic distance measures and compare their performance with
k-means and k-medoids clustering. Our findings are surprising. The most popular
technique, dynamic time warping (DTW), performs worse than Euclidean distance
with k-means, and even when tuned, is no better. Using k-medoids rather than
k-means improved the clusterings for all nine distance measures. DTW is not
significantly better than Euclidean distance with k-medoids. Generally,
distance measures that employ editing in conjunction with warping perform
better, and one distance measure, the move-split-merge (MSM) method, is the
best performing measure of this study. We also compare to clustering with DTW
using barycentre averaging (DBA). We find that DBA does improve DTW k-means,
but that the standard DBA is still worse than using MSM. Our conclusion is to
recommend MSM with k-medoids as the benchmark algorithm for clustering time
series with elastic distance measures. We provide implementations, results and
guidance on reproducing results on the associated GitHub repository."
3415,Parameter Efficient Diff Pruning for Bias Mitigation,"In recent years language models have achieved state of the art performance on
a wide variety of natural language processing tasks. As these models are
continuously growing in size it becomes increasingly important to explore
methods to make them more storage efficient. At the same time their increase
cognitive abilities increase the danger that societal bias existing in datasets
are implicitly encoded in the model weights. We propose an architecture which
deals with these two challenges at the same time using two techniques:
DiffPruning and Adverserial Training. The result is a modular architecture
which extends the original DiffPurning setup with and additional sparse
subnetwork applied as a mask to diminish the effects of a predefined protected
attribute at inference time."
3416,Towards Efficient 3D Object Detection with Knowledge Distillation,"Despite substantial progress in 3D object detection, advanced 3D detectors
often suffer from heavy computation overheads. To this end, we explore the
potential of knowledge distillation (KD) for developing efficient 3D object
detectors, focusing on popular pillar- and voxel-based detectors.Without
well-developed teacher-student pairs, we first study how to obtain student
models with good trade offs between accuracy and efficiency from the
perspectives of model compression and input resolution reduction. Then, we
build a benchmark to assess existing KD methods developed in the 2D domain for
3D object detection upon six well-constructed teacher-student pairs. Further,
we propose an improved KD pipeline incorporating an enhanced logit KD method
that performs KD on only a few pivotal positions determined by teacher
classification response, and a teacher-guided student model initialization to
facilitate transferring teacher model's feature extraction ability to students
through weight inheritance. Finally, we conduct extensive experiments on the
Waymo dataset. Our best performing model achieves $65.75\%$ LEVEL 2 mAPH,
surpassing its teacher model and requiring only $44\%$ of teacher flops. Our
most efficient model runs 51 FPS on an NVIDIA A100, which is $2.2\times$ faster
than PointPillar with even higher accuracy. Code will be available."
3417,Principle Components Analysis based frameworks for efficient missing data imputation algorithms,"Missing data is a commonly occurring problem in practice, and imputation,
i.e., filling the missing entries of the data, is a popular way to deal with
this problem. This motivates multiple works on imputation to deal with missing
data of various types and dimensions. However, for high-dimensional datasets,
these imputation methods can be computationally expensive. Therefore, in this
work, we propose Principle Component Analysis Imputation (PCAI), a simple
framework based on Principle Component Analysis (PCA) to speed up the
imputation process of many available imputation techniques. Next, based on
PCAI, we propose PCA Imputation - Classification (PIC), an imputation-dimension
reduction-classification framework to deal with missing data classification
problems where it is desirable to reduce the dimensions before training a
classification model. Our experiments show that the proposed frameworks can be
utilized with various imputation algorithms and improve the imputation speed
significantly. Interestingly, the frameworks aid imputation methods that rely
on many parameters by reducing the dimension of the data and hence, reducing
the number of parameters needed to be estimated. Moreover, they not only can
achieve compatible mean square error/higher classification accuracy compared to
the traditional imputation style on the original missing dataset but many times
deliver even better results. In addition, the frameworks also help to tackle
the memory issue that many imputation approaches have by reducing the number of
features."
3418,Batch Normalization Is Blind to the First and Second Derivatives of the Loss,"In this paper, we prove the effects of the BN operation on the
back-propagation of the first and second derivatives of the loss. When we do
the Taylor series expansion of the loss function, we prove that the BN
operation will block the influence of the first-order term and most influence
of the second-order term of the loss. We also find that such a problem is
caused by the standardization phase of the BN operation. Experimental results
have verified our theoretical conclusions, and we have found that the BN
operation significantly affects feature representations in specific tasks,
where losses of different samples share similar analytic formulas."
3419,Machine Learning Methods for Health-Index Prediction in Coating Chambers,"Coating chambers create thin layers that improve the mechanical and optical
surface properties in jewelry production using physical vapor deposition. In
such a process, evaporated material condensates on the walls of such chambers
and, over time, causes mechanical defects and unstable processes. As a result,
manufacturers perform extensive maintenance procedures to reduce production
loss. Current rule-based maintenance strategies neglect the impact of specific
recipes and the actual condition of the vacuum chamber. Our overall goal is to
predict the future condition of the coating chamber to allow cost and quality
optimized maintenance of the equipment. This paper describes the derivation of
a novel health indicator that serves as a step toward condition-based
maintenance for coating chambers. We indirectly use gas emissions of the
chamber's contamination to evaluate the machine's condition. Our approach
relies on process data and does not require additional hardware installation.
Further, we evaluated multiple machine learning algorithms for a
condition-based forecast of the health indicator that also reflects production
planning. Our results show that models based on decision trees are the most
effective and outperform all three benchmarks, improving at least $0.22$ in the
mean average error. Our work paves the way for cost and quality optimized
maintenance of coating applications."
3420,On Avoiding Local Minima Using Gradient Descent With Large Learning Rates,"It has been widely observed in training of neural networks that when applying
gradient descent (GD), a large step size is essential for obtaining superior
models. However, the effect of large step sizes on the success of GD is not
well understood theoretically. We argue that a complete understanding of the
mechanics leading to GD's success may indeed require considering effects of
using a large step size. To support this claim, we prove on a certain class of
functions that GD with large step size follows a different trajectory than GD
with a small step size, leading to convergence to the global minimum. We also
demonstrate the difference in trajectories for small and large learning rates
when GD is applied on a neural network, observing effects of an escape from a
local minimum with a large step size, which shows this behavior is indeed
relevant in practice. Finally, through a novel set of experiments, we show even
though stochastic noise is beneficial, it is not enough to explain success of
SGD and a large learning rate is essential for obtaining the best performance
even in stochastic settings."
3421,Optimal Gradient Sliding and its Application to Distributed Optimization Under Similarity,"We study structured convex optimization problems, with additive objective
$r:=p + q$, where $r$ is ($\mu$-strongly) convex, $q$ is $L_q$-smooth and
convex, and $p$ is $L_p$-smooth, possibly nonconvex. For such a class of
problems, we proposed an inexact accelerated gradient sliding method that can
skip the gradient computation for one of these components while still achieving
optimal complexity of gradient calls of $p$ and $q$, that is,
$\mathcal{O}(\sqrt{L_p/\mu})$ and $\mathcal{O}(\sqrt{L_q/\mu})$,
respectively. This result is much sharper than the classic black-box complexity
$\mathcal{O}(\sqrt{(L_p+L_q)/\mu})$, especially when the difference between
$L_q$ and $L_q$ is large. We then apply the proposed method to solve
distributed optimization problems over master-worker architectures, under
agents' function similarity, due to statistical data similarity or otherwise.
The distributed algorithm achieves for the first time lower complexity bounds
on {\it both} communication and local gradient calls, with the former having
being a long-standing open problem. Finally the method is extended to
distributed saddle-problems (under function similarity) by means of solving a
class of variational inequalities, achieving lower communication and
computation complexity bounds."
3422,Group Probability-Weighted Tree Sums for Interpretable Modeling of Heterogeneous Data,"Machine learning in high-stakes domains, such as healthcare, faces two
critical challenges: (1) generalizing to diverse data distributions given
limited training data while (2) maintaining interpretability. To address these
challenges, we propose an instance-weighted tree-sum method that effectively
pools data across diverse groups to output a concise, rule-based model. Given
distinct groups of instances in a dataset (e.g., medical patients grouped by
age or treatment site), our method first estimates group membership
probabilities for each instance. Then, it uses these estimates as instance
weights in FIGS (Tan et al. 2022), to grow a set of decision trees whose values
sum to the final prediction. We call this new method Group Probability-Weighted
Tree Sums (G-FIGS). G-FIGS achieves state-of-the-art prediction performance on
important clinical datasets; e.g., holding the level of sensitivity fixed at
92%, G-FIGS increases specificity for identifying cervical spine injury by up
to 10% over CART and up to 3% over FIGS alone, with larger gains at higher
sensitivity levels. By keeping the total number of rules below 16 in FIGS, the
final models remain interpretable, and we find that their rules match medical
domain expertise. All code, data, and models are released on Github."
3423,Why Adversarial Training of ReLU Networks Is Difficult?,"This paper mathematically derives an analytic solution of the adversarial
perturbation on a ReLU network, and theoretically explains the difficulty of
adversarial training. Specifically, we formulate the dynamics of the
adversarial perturbation generated by the multi-step attack, which shows that
the adversarial perturbation tends to strengthen eigenvectors corresponding to
a few top-ranked eigenvalues of the Hessian matrix of the loss w.r.t. the
input. We also prove that adversarial training tends to strengthen the
influence of unconfident input samples with large gradient norms in an
exponential manner. Besides, we find that adversarial training strengthens the
influence of the Hessian matrix of the loss w.r.t. network parameters, which
makes the adversarial training more likely to oscillate along directions of a
few samples, and boosts the difficulty of adversarial training. Crucially, our
proofs provide a unified explanation for previous findings in understanding
adversarial training."
3424,Domain Constraints in Feature Space: Strengthening Robustness of Android Malware Detection against Realizable Adversarial Examples,"Strengthening the robustness of machine learning-based malware detectors
against realistic evasion attacks remains one of the major obstacles for
Android malware detection. To that end, existing work has focused on
interpreting domain constraints of Android malware in the problem space, where
problem-space realizable adversarial examples are generated. In this paper, we
provide another promising way to achieve the same goal but based on
interpreting the domain constraints in the feature space, where feature-space
realizable adversarial examples are generated. Specifically, we present a novel
approach to extracting feature-space domain constraints by learning meaningful
feature dependencies from data, and applying them based on a novel robust
feature space. Experimental results successfully demonstrate the effectiveness
of our novel robust feature space in providing adversarial robustness for
DREBIN, a state-of-the-art Android malware detector. For example, it can
decrease the evasion rate of a realistic gradient-based attack by $96.4\%$ in a
limited-knowledge (transfer) setting and by $13.8\%$ in a more challenging,
perfect-knowledge setting. In addition, we show that directly using our learned
domain constraints in the adversarial retraining framework leads to about
$84\%$ improvement in a limited-knowledge setting, with up to $377\times$
faster implementation than using problem-space adversarial examples."
3425,Universal Deep GNNs: Rethinking Residual Connection in GNNs from a Path Decomposition Perspective for Preventing the Over-smoothing,"The performance of GNNs degrades as they become deeper due to the
over-smoothing. Among all the attempts to prevent over-smoothing, residual
connection is one of the promising methods due to its simplicity. However,
recent studies have shown that GNNs with residual connections only slightly
slow down the degeneration. The reason why residual connections fail in GNNs is
still unknown. In this paper, we investigate the forward and backward behavior
of GNNs with residual connections from a novel path decomposition perspective.
We find that the recursive aggregation of the median length paths from the
binomial distribution of residual connection paths dominates output
representation, resulting in over-smoothing as GNNs go deeper. Entangled
propagation and weight matrices cause gradient smoothing and prevent GNNs with
residual connections from optimizing to the identity mapping. Based on these
findings, we present a Universal Deep GNNs (UDGNN) framework with cold-start
adaptive residual connections (DRIVE) and feedforward modules. Extensive
experiments demonstrate the effectiveness of our method, which achieves
state-of-the-art results over non-smooth heterophily datasets by simply
stacking standard GNNs."
3426,Generalizing Hierarchical Bayesian Bandits,"A contextual bandit is a popular and practical framework for online learning
to act under uncertainty. In many problems, the number of actions is huge and
their mean rewards are correlated. In this work, we introduce a general
framework for capturing such correlations through a two-level graphical model
where actions are related through multiple shared latent parameters. We propose
a Thompson sampling algorithm G-HierTS that uses this structure to explore
efficiently and bound its Bayes regret. The regret has two terms, one for
learning action parameters and the other for learning the shared latent
parameters. The terms reflect the structure of our model as well as the quality
of priors. Our theoretical findings are validated empirically using both
synthetic and real-world problems. We also experiment with G-HierTS that
maintains a factored posterior over latent parameters. While this approximation
does not come with guarantees, it improves computational efficiency with a
minimal impact on empirical regret."
3427,Payday loans -- blessing or growth suppressor? Machine Learning Analysis,"The upsurge of real estate involves a variety of factors that have got
influenced by many domains. Indeed, the unrecognized sector that would affect
the economy for which regulatory proposals are being drafted to keep this in
control is the payday loans. This research paper revolves around the impact of
payday loans in the real estate market. The research paper draws a first-hand
experience of obtaining the index for the concentration of real estate in an
area of reference by virtue of payday loans in Toronto, Ontario in particular,
which sets out an ideology to create, evaluate and demonstrate the scenario
through research analysis. The purpose of this indexing via payday loans is the
basic - debt: income ratio which states that when the income of the person
bound to pay the interest of payday loans increases, his debt goes down
marginally which hence infers that the person invests in fixed assets like real
estate which hikes up its growth."
3428,OOD Link Prediction Generalization Capabilities of Message-Passing GNNs in Larger Test Graphs,"This work provides the first theoretical study on the ability of graph
Message Passing Neural Networks (gMPNNs) -- such as Graph Neural Networks
(GNNs) -- to perform inductive out-of-distribution (OOD) link prediction tasks,
where deployment (test) graph sizes are larger than training graphs. We first
prove non-asymptotic bounds showing that link predictors based on
permutation-equivariant (structural) node embeddings obtained by gMPNNs can
converge to a random guess as test graphs get larger. We then propose a
theoretically-sound gMPNN that outputs structural pairwise (2-node) embeddings
and prove non-asymptotic bounds showing that, as test graphs grow, these
embeddings converge to embeddings of a continuous function that retains its
ability to predict links OOD. Empirical results on random graphs show agreement
with our theoretical results."
3429,Learning Adaptive Propagation for Knowledge Graph Reasoning,"Due to the success of Graph Neural Networks (GNNs) in learning from
graph-structured data, various GNN-based methods have been introduced to learn
from knowledge graphs (KGs). In this paper, to reveal the key factors
underneath existing GNN-based methods, we revisit exemplar works from the lens
of the propagation path. We find that the answer entity can be close to queried
one, but the information dependency can be long. Thus, better reasoning
performance can be obtained by exploring longer propagation paths. However,
identifying such a long-range dependency in KG is hard since the number of
involved entities grows exponentially. This motivates us to learn an adaptive
propagation path that filters out irrelevant entities while preserving
promising targets during the propagation. First, we design an incremental
sampling mechanism where the close and promising target can be preserved.
Second, we design a learning-based sampling distribution to identify the
targets with fewer involved entities. In this way, GNN can go deeper to capture
long-range information. Extensive experiments show that our method is efficient
and achieves state-of-the-art performances in both transductive and inductive
reasoning settings, benefiting from the deeper propagation."
3430,Online Agnostic Multiclass Boosting,"Boosting is a fundamental approach in machine learning that enjoys both
strong theoretical and practical guarantees. At a high-level, boosting
algorithms cleverly aggregate weak learners to generate predictions with
arbitrarily high accuracy. In this way, boosting algorithms convert weak
learners into strong ones. Recently, Brukhim et al. extended boosting to the
online agnostic binary classification setting. A key ingredient in their
approach is a clean and simple reduction to online convex optimization, one
that efficiently converts an arbitrary online convex optimizer to an agnostic
online booster. In this work, we extend this reduction to multiclass problems
and give the first boosting algorithm for online agnostic mutliclass
classification. Our reduction also enables the construction of algorithms for
statistical agnostic, online realizable, and statistical realizable multiclass
boosting."
3431,A k nearest neighbours classifiers ensemble based on extended neighbourhood rule and features subsets,"kNN based ensemble methods minimise the effect of outliers by identifying a
set of data points in the given feature space that are nearest to an unseen
observation in order to predict its response by using majority voting. The
ordinary ensembles based on kNN find out the k nearest observations in a region
(bounded by a sphere) based on a predefined value of k. This scenario, however,
might not work in situations when the test observation follows the pattern of
the closest data points with the same class that lie on a certain path not
contained in the given sphere. This paper proposes a k nearest neighbour
ensemble where the neighbours are determined in k steps. Starting from the
first nearest observation of the test point, the algorithm identifies a single
observation that is closest to the observation at the previous step. At each
base learner in the ensemble, this search is extended to k steps on a random
bootstrap sample with a random subset of features selected from the feature
space. The final predicted class of the test point is determined by using a
majority vote in the predicted classes given by all base models. This new
ensemble method is applied on 17 benchmark datasets and compared with other
classical methods, including kNN based models, in terms of classification
accuracy, kappa and Brier score as performance metrics. Boxplots are also
utilised to illustrate the difference in the results given by the proposed and
other state-of-the-art methods. The proposed method outperformed the rest of
the classical methods in the majority of cases. The paper gives a detailed
simulation study for further assessment."
3432,FLICU: A Federated Learning Workflow for Intensive Care Unit Mortality Prediction,"Although Machine Learning (ML) can be seen as a promising tool to improve
clinical decision-making for supporting the improvement of medication plans,
clinical procedures, diagnoses, or medication prescriptions, it remains limited
by access to healthcare data. Healthcare data is sensitive, requiring strict
privacy practices, and typically stored in data silos, making traditional
machine learning challenging. Federated learning can counteract those
limitations by training machine learning models over data silos while keeping
the sensitive data localized. This study proposes a federated learning workflow
for ICU mortality prediction. Hereby, the applicability of federated learning
as an alternative to centralized machine learning and local machine learning is
investigated by introducing federated learning to the binary classification
problem of predicting ICU mortality. We extract multivariate time series data
from the MIMIC-III database (lab values and vital signs), and benchmark the
predictive performance of four deep sequential classifiers (FRNN, LSTM, GRU,
and 1DCNN) varying the patient history window lengths (8h, 16h, 24h, 48h) and
the number of FL clients (2, 4, 8). The experiments demonstrate that both
centralized machine learning and federated learning are comparable in terms of
AUPRC and F1-score. Furthermore, the federated approach shows superior
performance over local machine learning. Thus, the federated approach can be
seen as a valid and privacy-preserving alternative to centralized machine
learning for classifying ICU mortality when sharing sensitive patient data
between hospitals is not possible."
3433,Meta Representation Learning with Contextual Linear Bandits,"Meta-learning seeks to build algorithms that rapidly learn how to solve new
learning problems based on previous experience. In this paper we investigate
meta-learning in the setting of stochastic linear bandit tasks. We assume that
the tasks share a low dimensional representation, which has been partially
acquired from previous learning tasks. We aim to leverage this information in
order to learn a new downstream bandit task, which shares the same
representation. Our principal contribution is to show that if the learned
representation estimates well the unknown one, then the downstream task can be
efficiently learned by a greedy policy that we propose in this work. We derive
an upper bound on the regret of this policy, which is, up to logarithmic
factors, of order $r\sqrt{N}(1\vee \sqrt{d/T})$, where $N$ is the horizon of
the downstream task, $T$ is the number of training tasks, $d$ the ambient
dimension and $r \ll d$ the dimension of the representation. We highlight that
our strategy does not need to know $r$. We note that if $T> d$ our bound
achieves the same rate of optimal minimax bandit algorithms using the true
underlying representation. Our analysis is inspired and builds in part upon
previous work on meta-learning in the i.i.d. full information setting
\citep{tripuraneni2021provable,boursier2022trace}. As a separate contribution
we show how to relax certain assumptions in those works, thereby improving
their representation learning and risk analysis."
3434,CHALLENGER: Training with Attribution Maps,"We show that utilizing attribution maps for training neural networks can
improve regularization of models and thus increase performance. Regularization
is key in deep learning, especially when training complex models on relatively
small datasets. In order to understand inner workings of neural networks,
attribution methods such as Layer-wise Relevance Propagation (LRP) have been
extensively studied, particularly for interpreting the relevance of input
features. We introduce Challenger, a module that leverages the explainable
power of attribution maps in order to manipulate particularly relevant input
patterns. Therefore, exposing and subsequently resolving regions of ambiguity
towards separating classes on the ground-truth data manifold, an issue that
arises particularly when training models on rather small datasets. Our
Challenger module increases model performance through building more diverse
filters within the network and can be applied to any input data domain. We
demonstrate that our approach results in substantially better classification as
well as calibration performance on datasets with only a few samples up to
datasets with thousands of samples. In particular, we show that our generic
domain-independent approach yields state-of-the-art results in vision, natural
language processing and on time series tasks."
3435,Retrieving and Ranking Relevant JavaScript Technologies from Web Repositories,"The selection of software technologies is an important but complex task. We
consider developers of JavaScript (JS) applications, for whom the assessment of
JS libraries has become difficult and time-consuming due to the growing number
of technology options available. A common strategy is to browse software
repositories via search engines (e.g., NPM, or Google), although it brings some
problems. First, given a technology need, the engines might return a long list
of results, which often causes information overload issues. Second, the results
should be ranked according to criteria of interest for the developer. However,
deciding how to weight these criteria to make a decision is not
straightforward. In this work, we propose a two-phase approach for assisting
developers to retrieve and rank JS technologies in a semi-automated fashion.
The first-phase (ST-Retrieval) uses a meta-search technique for collecting JS
technologies that meet the developer's needs. The second-phase (called
ST-Rank), relies on a machine learning technique to infer, based on criteria
used by other projects in the Web, a ranking of the output of ST-Retrieval. We
evaluated our approach with NPM and obtained satisfactory results in terms of
the accuracy of the technologies retrieved and the order in which they were
ranked."
3436,CGMN: A Contrastive Graph Matching Network for Self-Supervised Graph Similarity Learning,"Graph similarity learning refers to calculating the similarity score between
two graphs, which is required in many realistic applications, such as visual
tracking, graph classification, and collaborative filtering. As most of the
existing graph neural networks yield effective graph representations of a
single graph, little effort has been made for jointly learning two graph
representations and calculating their similarity score. In addition, existing
unsupervised graph similarity learning methods are mainly clustering-based,
which ignores the valuable information embodied in graph pairs. To this end, we
propose a contrastive graph matching network (CGMN) for self-supervised graph
similarity learning in order to calculate the similarity between any two input
graph objects. Specifically, we generate two augmented views for each graph in
a pair respectively. Then, we employ two strategies, namely cross-view
interaction and cross-graph interaction, for effective node representation
learning. The former is resorted to strengthen the consistency of node
representations in two views. The latter is utilized to identify node
differences between different graphs. Finally, we transform node
representations into graph-level representations via pooling operations for
graph similarity computation. We have evaluated CGMN on eight real-world
datasets, and the experiment results show that the proposed new approach is
superior to the state-of-the-art methods in graph similarity learning
downstream tasks."
3437,Improved Algorithms for Bandit with Graph Feedback via Regret Decomposition,"The problem of bandit with graph feedback generalizes both the multi-armed
bandit (MAB) problem and the learning with expert advice problem by encoding in
a directed graph how the loss vector can be observed in each round of the game.
The mini-max regret is closely related to the structure of the feedback graph
and their connection is far from being fully understood. We propose a new
algorithmic framework for the problem based on a partition of the feedback
graph. Our analysis reveals the interplay between various parts of the graph by
decomposing the regret to the sum of the regret caused by small parts and the
regret caused by their interaction. As a result, our algorithm can be viewed as
an interpolation and generalization of the optimal algorithms for MAB and
learning with expert advice. Our framework unifies previous algorithms for both
strongly observable graphs and weakly observable graphs, resulting in improved
and optimal regret bounds on a wide range of graph families including graphs of
bounded degree and strongly observable graphs with a few corrupted arms."
3438,Align then Fusion: Generalized Large-scale Multi-view Clustering with Anchor Matching Correspondences,"Multi-view anchor graph clustering selects representative anchors to avoid
full pair-wise similarities and therefore reduce the complexity of graph
methods. Although widely applied in large-scale applications, existing
approaches do not pay sufficient attention to establishing correct
correspondences between the anchor sets across views. To be specific, anchor
graphs obtained from different views are not aligned column-wisely. Such an
Anchor-Unaligned Problem (AUP) would cause inaccurate graph fusion and degrade
the clustering performance. Under multi-view scenarios, generating correct
correspondences could be extremely difficult since anchors are not consistent
in feature dimensions. To solve this challenging issue, we propose the first
study of a generalized and flexible anchor graph fusion framework termed Fast
Multi-View Anchor-Correspondence Clustering (FMVACC). Specifically, we show how
to find anchor correspondence with both feature and structure information,
after which anchor graph fusion is performed column-wisely. Moreover, we
theoretically show the connection between FMVACC and existing multi-view late
fusion and partial view-aligned clustering, which further demonstrates our
generality. Extensive experiments on seven benchmark datasets demonstrate the
effectiveness and efficiency of our proposed method. Moreover, the proposed
alignment module also shows significant performance improvement applying to
existing multi-view anchor graph competitors indicating the importance of
anchor alignment."
3439,Embedding Graphs on Grassmann Manifold,"Learning efficient graph representation is the key to favorably addressing
downstream tasks on graphs, such as node or graph property prediction. Given
the non-Euclidean structural property of graphs, preserving the original graph
data's similarity relationship in the embedded space needs specific tools and a
similarity metric. This paper develops a new graph representation learning
scheme, namely EGG, which embeds approximated second-order graph
characteristics into a Grassmann manifold. The proposed strategy leverages
graph convolutions to learn hidden representations of the corresponding
subspace of the graph, which is then mapped to a Grassmann point of a low
dimensional manifold through truncated singular value decomposition (SVD). The
established graph embedding approximates denoised correlationship of node
attributes, as implemented in the form of a symmetric matrix space for
Euclidean calculation. The effectiveness of EGG is demonstrated using both
clustering and classification tasks at the node level and graph level. It
outperforms baseline models on various benchmarks."
3440,SEREN: Knowing When to Explore and When to Exploit,"Efficient reinforcement learning (RL) involves a trade-off between
""exploitative"" actions that maximise expected reward and ""explorative'"" ones
that sample unvisited states. To encourage exploration, recent approaches
proposed adding stochasticity to actions, separating exploration and
exploitation phases, or equating reduction in uncertainty with reward. However,
these techniques do not necessarily offer entirely systematic approaches making
this trade-off. Here we introduce SElective Reinforcement Exploration Network
(SEREN) that poses the exploration-exploitation trade-off as a game between an
RL agent -- \exploiter, which purely exploits known rewards, and another RL
agent -- \switcher, which chooses at which states to activate a pure
exploration policy that is trained to minimise system uncertainty and override
Exploiter. Using a form of policies known as impulse control, \switcher is able
to determine the best set of states to switch to the exploration policy while
Exploiter is free to execute its actions everywhere else. We prove that SEREN
converges quickly and induces a natural schedule towards pure exploitation.
Through extensive empirical studies in both discrete (MiniGrid) and continuous
(MuJoCo) control benchmarks, we show that SEREN can be readily combined with
existing RL algorithms to yield significant improvement in performance relative
to state-of-the-art algorithms."
3441,A Transistor Operations Model for Deep Learning Energy Consumption Scaling,"Deep Learning (DL) has transformed the automation of a wide range of
industries and finds increasing ubiquity in society. The increasing complexity
of DL models and its widespread adoption has led to the energy consumption
doubling every 3-4 months. Currently, the relationship between DL model
configuration and energy consumption is not well established. Current FLOPs and
MACs based methods only consider the linear operations. In this paper, we
develop a bottom-level Transistor Operations (TOs) method to expose the role of
activation functions and neural network structure in energy consumption scaling
with DL model configuration. TOs allows us uncovers the role played by
non-linear operations (e.g. division/root operations performed by activation
functions and batch normalisation). As such, our proposed TOs model provides
developers with a hardware-agnostic index for how energy consumption scales
with model settings. To validate our work, we analyse the TOs energy scaling of
a feed-forward DNN model set and achieve a 98.2% - 99.97% precision in
estimating its energy consumption. We believe this work can be extended to any
DL model."
3442,Hilbert Curve Projection Distance for Distribution Comparison,"Distribution comparison plays a central role in many machine learning tasks
like data classification and generative modeling. In this study, we propose a
novel metric, called Hilbert curve projection (HCP) distance, to measure the
distance between two probability distributions with high robustness and low
complexity. In particular, we first project two high-dimensional probability
densities using Hilbert curve to obtain a coupling between them, and then
calculate the transport distance between these two densities in the original
space, according to the coupling. We show that HCP distance is a proper metric
and is well-defined for absolutely continuous probability measures.
Furthermore, we demonstrate that the empirical HCP distance converges to its
population counterpart at a rate of no more than $O(n^{-1/2d})$ under
regularity conditions. To suppress the curse-of-dimensionality, we also develop
two variants of the HCP distance using (learnable) subspace projections.
Experiments on both synthetic and real-world data show that our HCP distance
works as an effective surrogate of the Wasserstein distance with low complexity
and overcomes the drawbacks of the sliced Wasserstein distance."
3443,Stock Trading Optimization through Model-based Reinforcement Learning with Resistance Support Relative Strength,"Reinforcement learning (RL) is gaining attention by more and more researchers
in quantitative finance as the agent-environment interaction framework is
aligned with decision making process in many business problems. Most of the
current financial applications using RL algorithms are based on model-free
method, which still faces stability and adaptivity challenges. As lots of
cutting-edge model-based reinforcement learning (MBRL) algorithms mature in
applications such as video games or robotics, we design a new approach that
leverages resistance and support (RS) level as regularization terms for action
in MBRL, to improve the algorithm's efficiency and stability. From the
experiment results, we can see RS level, as a market timing technique, enhances
the performance of pure MBRL models in terms of various measurements and
obtains better profit gain with less riskiness. Besides, our proposed method
even resists big drop (less maximum drawdown) during COVID-19 pandemic period
when the financial market got unpredictable crisis. Explanations on why control
of resistance and support level can boost MBRL is also investigated through
numerical experiments, such as loss of actor-critic network and prediction
error of the transition dynamical model. It shows that RS indicators indeed
help the MBRL algorithms to converge faster at early stage and obtain smaller
critic loss as training episodes increase."
3444,Metrizing Fairness,"We study supervised learning problems for predicting properties of
individuals who belong to one of two demographic groups, and we seek predictors
that are fair according to statistical parity. This means that the
distributions of the predictions within the two groups should be close with
respect to the Kolmogorov distance, and fairness is achieved by penalizing the
dissimilarity of these two distributions in the objective function of the
learning problem. In this paper, we showcase conceptual and computational
benefits of measuring unfairness with integral probability metrics (IPMs) other
than the Kolmogorov distance. Conceptually, we show that the generator of any
IPM can be interpreted as a family of utility functions and that unfairness
with respect to this IPM arises if individuals in the two demographic groups
have diverging expected utilities. We also prove that the
unfairness-regularized prediction loss admits unbiased gradient estimators if
unfairness is measured by the squared $\mathcal L^2$-distance or by a squared
maximum mean discrepancy. In this case, the fair learning problem is
susceptible to efficient stochastic gradient descent (SGD) algorithms.
Numerical experiments on real data show that these SGD algorithms outperform
state-of-the-art methods for fair learning in that they achieve superior
accuracy-unfairness trade-offs -- sometimes orders of magnitude faster.
Finally, we identify conditions under which statistical parity can improve
prediction accuracy."
3445,RLx2: Training a Sparse Deep Reinforcement Learning Model from Scratch,"Training deep reinforcement learning (DRL) models usually requires high
computation costs. Therefore, compressing DRL models possesses immense
potential for training acceleration and model deployment. However, existing
methods that generate small models mainly adopt the knowledge distillation
based approach by iteratively training a dense network, such that the training
process still demands massive computing resources. Indeed, sparse training from
scratch in DRL has not been well explored and is particularly challenging due
to non-stationarity in bootstrap training. In this work, we propose a novel
sparse DRL training framework, ""the \textbf{R}igged \textbf{R}einforcement
\textbf{L}earning \textbf{L}ottery"" (RLx2), which is capable of training a DRL
agent \emph{using an ultra-sparse network throughout} for off-policy
reinforcement learning. The systematic RLx2 framework contains three key
components: gradient-based topology evolution, multi-step Temporal Difference
(TD) targets, and dynamic-capacity replay buffer. RLx2 enables efficient
topology exploration and robust Q-value estimation simultaneously. We
demonstrate state-of-the-art sparse training performance in several continuous
control tasks using RLx2, showing $7.5\times$-$20\times$ model compression with
less than $3\%$ performance degradation, and up to $20\times$ and $50\times$
FLOPs reduction for training and inference, respectively."
3446,Agnostic Physics-Driven Deep Learning,"This work establishes that a physical system can perform statistical learning
without gradient computations, via an Agnostic Equilibrium Propagation
(Aeqprop) procedure that combines energy minimization, homeostatic control, and
nudging towards the correct response. In Aeqprop, the specifics of the system
do not have to be known: the procedure is based only on external manipulations,
and produces a stochastic gradient descent without explicit gradient
computations. Thanks to nudging, the system performs a true, order-one gradient
step for each training sample, in contrast with order-zero methods like
reinforcement or evolutionary strategies, which rely on trial and error. This
procedure considerably widens the range of potential hardware for statistical
learning to any system with enough controllable parameters, even if the details
of the system are poorly known. Aeqprop also establishes that in natural
(bio)physical systems, genuine gradient-based statistical learning may result
from generic, relatively simple mechanisms, without backpropagation and its
requirement for analytic knowledge of partial derivatives."
3447,Task-Prior Conditional Variational Auto-Encoder for Few-Shot Image Classification,"Transductive methods always outperform inductive methods in few-shot image
classification scenarios. However, the existing few-shot methods contain a
latent condition: the number of samples in each class is the same, which may be
unrealistic. To cope with those cases where the query shots of each class are
nonuniform (i.e. nonuniform few-shot learning), we propose a Task-Prior
Conditional Variational Auto-Encoder model named TP-VAE, conditioned on support
shots and constrained by a task-level prior regularization. Our method obtains
high performance in the more challenging nonuniform few-shot scenarios.
Moreover, our method outperforms the state-of-the-art in a wide range of
standard few-shot image classification scenarios. Among them, the accuracy of
1-shot increased by about 3\%."
3448,Efficient Transformed Gaussian Processes for Non-Stationary Dependent Multi-class Classification,"This work introduces the Efficient Transformed Gaussian Process (ETGP), a new
way of creating C stochastic processes characterized by: 1) the C processes are
non-stationary, 2) the C processes are dependent by construction without
needing a mixing matrix, 3) training and making predictions is very efficient
since the number of Gaussian Processes (GP) operations (e.g. inverting the
inducing point's covariance matrix) do not depend on the number of processes.
This makes the ETGP particularly suited for multi-class problems with a very
large number of classes, which are the problems studied in this work. ETGPs
exploit the recently proposed Transformed Gaussian Process (TGP), a stochastic
process specified by transforming a Gaussian Process using an invertible
transformation. However, unlike TGPs, ETGPs are constructed by transforming a
single sample from a GP using C invertible transformations. We derive an
efficient sparse variational inference algorithm for the proposed model and
demonstrate its utility in 5 classification tasks which include
low/medium/large datasets and a different number of classes, ranging from just
a few to hundreds. Our results show that ETGPs, in general, outperform
state-of-the-art methods for multi-class classification based on GPs, and have
a lower computational cost (around one order of magnitude smaller)."
3449,Chefs' Random Tables: Non-Trigonometric Random Features,"We introduce chefs' random tables (CRTs), a new class of non-trigonometric
random features (RFs) to approximate Gaussian and softmax kernels. CRTs are an
alternative to standard random kitchen sink (RKS) methods, which inherently
rely on the trigonometric maps. We present variants of CRTs where RFs are
positive, a key requirement for applications in recent low-rank Transformers.
Further variance reduction is possible by leveraging statistics which are
simple to compute. One instantiation of CRTs, the optimal positive random
features (OPRFs), is to our knowledge the first RF method for unbiased softmax
kernel estimation with positive and bounded RFs, resulting in exponentially
small tails and much lower variance than its counterparts. As we show,
orthogonal random features applied in OPRFs provide additional variance
reduction for any dimensionality $d$ (not only asymptotically for sufficiently
large $d$, as for RKS). We test CRTs on many tasks ranging from non-parametric
classification to training Transformers for text, speech and image data,
obtaining new state-of-the-art results for low-rank text Transformers, while
providing linear space and time complexity."
3450,Running the Dual-PQC GAN on noisy simulators and real quantum hardware,"In an earlier work, we introduced dual-Parameterized Quantum Circuit (PQC)
Generative Adversarial Networks (GAN), an advanced prototype of a quantum GAN.
We applied the model on a realistic High-Energy Physics (HEP) use case: the
exact theoretical simulation of a calorimeter response with a reduced problem
size. This paper explores the dual- PQC GAN for a more practical usage by
testing its performance in the presence of different types of quantum noise,
which are the major obstacles to overcome for successful deployment using
near-term quantum devices. The results propose the possibility of running the
model on current real hardware, but improvements are still required in some
areas."
3451,Quantum Multi-Armed Bandits and Stochastic Linear Bandits Enjoy Logarithmic Regrets,"Multi-arm bandit (MAB) and stochastic linear bandit (SLB) are important
models in reinforcement learning, and it is well-known that classical
algorithms for bandits with time horizon $T$ suffer $\Omega(\sqrt{T})$ regret.
In this paper, we study MAB and SLB with quantum reward oracles and propose
quantum algorithms for both models with $O(\mbox{poly}(\log T))$ regrets,
exponentially improving the dependence in terms of $T$. To the best of our
knowledge, this is the first provable quantum speedup for regrets of bandit
problems and in general exploitation in reinforcement learning. Compared to
previous literature on quantum exploration algorithms for MAB and reinforcement
learning, our quantum input model is simpler and only assumes quantum oracles
for each individual arm."
3452,A Continuous Time Framework for Discrete Denoising Models,"We provide the first complete continuous time framework for denoising
diffusion models of discrete data. This is achieved by formulating the forward
noising process and corresponding reverse time generative process as Continuous
Time Markov Chains (CTMCs). The model can be efficiently trained using a
continuous time version of the ELBO. We simulate the high dimensional CTMC
using techniques developed in chemical physics and exploit our continuous time
framework to derive high performance samplers that we show can outperform
discrete time methods for discrete data. The continuous time treatment also
enables us to derive a novel theoretical result bounding the error between the
generated sample distribution and the true data distribution."
3453,Fast Nonlinear Vector Quantile Regression,"Quantile regression (QR) is a powerful tool for estimating one or more
conditional quantiles of a target variable $\mathrm{Y}$ given explanatory
features $\boldsymbol{\mathrm{X}}$. A limitation of QR is that it is only
defined for scalar target variables, due to the formulation of its objective
function, and since the notion of quantiles has no standard definition for
multivariate distributions. Recently, vector quantile regression (VQR) was
proposed as an extension of QR for high-dimensional target variables, thanks to
a meaningful generalization of the notion of quantiles to multivariate
distributions. Despite its elegance, VQR is arguably not applicable in practice
due to several limitations: (i) it assumes a linear model for the quantiles of
the target $\mathrm{Y}$ given the features $\boldsymbol{\mathrm{X}}$; (ii) its
exact formulation is intractable even for modestly-sized problems in terms of
target dimensions, number of regressed quantile levels, or number of features,
and its relaxed dual formulation may violate the monotonicity of the estimated
quantiles; (iii) no fast or scalable solvers for VQR currently exist. In this
work we fully address these limitations, namely: (i) We extend VQR to the
non-linear case, showing substantial improvement over linear VQR; (ii) We
propose vector monotone rearrangement, a method which ensures the estimates
obtained by VQR relaxations are monotone functions; (iii) We provide fast,
GPU-accelerated solvers for linear and nonlinear VQR which maintain a fixed
memory footprint with number of samples and quantile levels, and demonstrate
that they scale to millions of samples and thousands of quantile levels; (iv)
We release an optimized python package of our solvers as to widespread the use
of VQR in real-world applications."
3454,Rethinking Saliency Map: An Context-aware Perturbation Method to Explain EEG-based Deep Learning Model,"Deep learning is widely used to decode the electroencephalogram (EEG) signal.
However, there are few attempts to specifically investigate how to explain the
EEG-based deep learning models. We conduct a review to summarize the existing
works explaining the EEG-based deep learning model. Unfortunately, we find that
there is no appropriate method to explain them. Based on the characteristic of
EEG data, we suggest a context-aware perturbation method to generate a saliency
map from the perspective of the raw EEG signal. Moreover, we also justify that
the context information can be used to suppress the artifacts in the EEG-based
deep learning model. In practice, some users might want a simple version of the
explanation, which only indicates a few features as salient points. To this
end, we propose an optional area limitation strategy to restrict the
highlighted region. To validate our idea and make a comparison with the other
methods, we select three representative EEG-based models to implement
experiments on the emotional EEG dataset DEAP. The results of the experiments
support the advantages of our method."
3455,Knowledge Distillation for 6D Pose Estimation by Keypoint Distribution Alignment,"Knowledge distillation facilitates the training of a compact student network
by using a deep teacher one. While this has achieved great success in many
tasks, it remains completely unstudied for image-based 6D object pose
estimation. In this work, we introduce the first knowledge distillation method
for 6D pose estimation. Specifically, we follow a standard approach to 6D pose
estimation, consisting of predicting the 2D image locations of object
keypoints. In this context, we observe the compact student network to struggle
predicting precise 2D keypoint locations. Therefore, to address this, instead
of training the student with keypoint-to-keypoint supervision, we introduce a
strategy based the optimal transport theory that distills the teacher's
keypoint \emph{distribution} into the student network, facilitating its
training. Our experiments on several benchmarks show that our distillation
method yields state-of-the-art results with different compact student models."
3456,Sampling-free Inference for Ab-Initio Potential Energy Surface Networks,"Obtaining the energy of molecular systems typically requires solving the
associated Schr\""odinger equation. Unfortunately, analytical solutions only
exist for single-electron systems, and accurate approximate solutions are
expensive. In recent work, the potential energy surface network (PESNet) has
been proposed to reduce training time by solving the Schr\""odinger equation for
many geometries simultaneously. While training significantly faster, inference
still required numerical integration limiting the evaluation to a few
geometries. Here, we address the inference shortcomings by proposing the
Potential learning from ab-initio Networks (PlaNet) framework to simultaneously
train a surrogate model that avoids expensive Monte-Carlo integration and,
thus, reduces inference time from minutes or even hours to milliseconds. In
this way, we can accurately model high-resolution multi-dimensional energy
surfaces that previously would have been unobtainable via neural wave
functions. Finally, we present PESNet++, an architectural improvement to
PESNet, that reduces errors by up to 39% and provides new state-of-the-art
results for neural wave functions across all systems evaluated."
3457,FedAUXfdp: Differentially Private One-Shot Federated Distillation,"Federated learning suffers in the case of non-iid local datasets, i.e., when
the distributions of the clients' data are heterogeneous. One promising
approach to this challenge is the recently proposed method FedAUX, an
augmentation of federated distillation with robust results on even highly
heterogeneous client data. FedAUX is a partially $(\epsilon,
\delta)$-differentially private method, insofar as the clients' private data is
protected in only part of the training it takes part in. This work contributes
a fully differentially private modification, termed FedAUXfdp. We further
contribute an upper bound on the $l_2$-sensitivity of regularized multinomial
logistic regression. In experiments with deep networks on large-scale image
datasets, FedAUXfdp with strong differential privacy guarantees performs
significantly better than other equally privatized SOTA baselines on non-iid
client data in just a single communication round. Full privatization of the
modified method results in a negligible reduction in accuracy at all levels of
data heterogeneity."
3458,White-box Membership Attack Against Machine Learning Based Retinopathy Classification,"The advances in machine learning (ML) have greatly improved AI-based
diagnosis aid systems in medical imaging. However, being based on collecting
medical data specific to individuals induces several security issues,
especially in terms of privacy. Even though the owner of the images like a
hospital put in place strict privacy protection provisions at the level of its
information system, the model trained over his images still holds disclosure
potential. The trained model may be accessible to an attacker as: 1) White-box:
accessing to the model architecture and parameters; 2) Black box: where he can
only query the model with his own inputs through an appropriate interface.
Existing attack methods include: feature estimation attacks (FEA), membership
inference attack (MIA), model memorization attack (MMA) and identification
attacks (IA). In this work we focus on MIA against a model that has been
trained to detect diabetic retinopathy from retinal images. Diabetic
retinopathy is a condition that can cause vision loss and blindness in the
people who have diabetes. MIA is the process of determining whether a data
sample comes from the training data set of a trained ML model or not. From a
privacy perspective in our use case where a diabetic retinopathy classification
model is given to partners that have at their disposal images along with
patients' identifiers, inferring the membership status of a data sample can
help to state if a patient has contributed or not to the training of the model."
3459,Dataset Condensation via Efficient Synthetic-Data Parameterization,"The great success of machine learning with massive amounts of data comes at a
price of huge computation costs and storage for training and tuning. Recent
studies on dataset condensation attempt to reduce the dependence on such
massive data by synthesizing a compact training dataset. However, the existing
approaches have fundamental limitations in optimization due to the limited
representability of synthetic datasets without considering any data regularity
characteristics. To this end, we propose a novel condensation framework that
generates multiple synthetic data with a limited storage budget via efficient
parameterization considering data regularity. We further analyze the
shortcomings of the existing gradient matching-based condensation methods and
develop an effective optimization technique for improving the condensation of
training data information. We propose a unified algorithm that drastically
improves the quality of condensed data against the current state-of-the-art on
CIFAR-10, ImageNet, and Speech Commands."
3460,AttentionCode: Ultra-Reliable Feedback Codes for Short-Packet Communications,"Ultra-reliable short-packet communication is a major challenge in future
wireless networks with critical applications. To achieve ultra-reliable
communications beyond 99.999%, this paper envisions a new interaction-based
communication paradigm that exploits the feedback from the receiver for the
sixth generation (6G) communication networks and beyond. We present
AttentionCode, a new class of feedback codes leveraging deep learning (DL)
technologies. The underpinnings of AttentionCode are three architectural
innovations: AttentionNet, input restructuring, and adaptation to fading
channels, accompanied by several training methods, including large-batch
training, distributed learning, look-ahead optimizer, training-test
signal-to-noise ratio (SNR) mismatch, and curriculum learning. The training
methods can potentially be generalized to other wireless communication
applications with machine learning. Numerical experiments verify that
AttentionCode establishes a new state of the art among all DL-based feedback
codes in both additive white Gaussian noise (AWGN) channels and fading
channels. In AWGN channels with noiseless feedback, for example, AttentionCode
achieves a block error rate (BLER) of $10^{-7}$ when the forward channel SNR is
0dB for a block size of 50 bits, demonstrating the potential of AttentionCode
to provide ultra-reliable short-packet communications for 6G."
3461,Multi-Agent Reinforcement Learning is a Sequence Modeling Problem,"Large sequence model (SM) such as GPT series and BERT has displayed
outstanding performance and generalization capabilities on vision, language,
and recently reinforcement learning tasks. A natural follow-up question is how
to abstract multi-agent decision making into an SM problem and benefit from the
prosperous development of SMs. In this paper, we introduce a novel architecture
named Multi-Agent Transformer (MAT) that effectively casts cooperative
multi-agent reinforcement learning (MARL) into SM problems wherein the task is
to map agents' observation sequence to agents' optimal action sequence. Our
goal is to build the bridge between MARL and SMs so that the modeling power of
modern sequence models can be unleashed for MARL. Central to our MAT is an
encoder-decoder architecture which leverages the multi-agent advantage
decomposition theorem to transform the joint policy search problem into a
sequential decision making process; this renders only linear time complexity
for multi-agent problems and, most importantly, endows MAT with monotonic
performance improvement guarantee. Unlike prior arts such as Decision
Transformer fit only pre-collected offline data, MAT is trained by online
trials and errors from the environment in an on-policy fashion. To validate
MAT, we conduct extensive experiments on StarCraftII, Multi-Agent MuJoCo,
Dexterous Hands Manipulation, and Google Research Football benchmarks. Results
demonstrate that MAT achieves superior performance and data efficiency compared
to strong baselines including MAPPO and HAPPO. Furthermore, we demonstrate that
MAT is an excellent few-short learner on unseen tasks regardless of changes in
the number of agents. See our project page at
https://sites.google.com/view/multi-agent-transformer."
3462,Data-driven Numerical Invariant Synthesis with Automatic Generation of Attributes,"We propose a data-driven algorithm for numerical invariant synthesis and
verification. The algorithm is based on the ICE-DT schema for learning decision
trees from samples of positive and negative states and implications
corresponding to program transitions. The main issue we address is the
discovery of relevant attributes to be used in the learning process of
numerical invariants. We define a method for solving this problem guided by the
data sample. It is based on the construction of a separator that covers
positive states and excludes negative ones, consistent with the implications.
The separator is constructed using an abstract domain representation of convex
sets. The generalization mechanism of the decision tree learning from the
constraints of the separator allows the inference of general invariants,
accurate enough for proving the targeted property. We implemented our algorithm
and showed its efficiency."
3463,Edge YOLO: Real-Time Intelligent Object Detection System Based on Edge-Cloud Cooperation in Autonomous Vehicles,"Driven by the ever-increasing requirements of autonomous vehicles, such as
traffic monitoring and driving assistant, deep learning-based object detection
(DL-OD) has been increasingly attractive in intelligent transportation systems.
However, it is difficult for the existing DL-OD schemes to realize the
responsible, cost-saving, and energy-efficient autonomous vehicle systems due
to low their inherent defects of low timeliness and high energy consumption. In
this paper, we propose an object detection (OD) system based on edge-cloud
cooperation and reconstructive convolutional neural networks, which is called
Edge YOLO. This system can effectively avoid the excessive dependence on
computing power and uneven distribution of cloud computing resources.
Specifically, it is a lightweight OD framework realized by combining pruning
feature extraction network and compression feature fusion network to enhance
the efficiency of multi-scale prediction to the largest extent. In addition, we
developed an autonomous driving platform equipped with NVIDIA Jetson for
system-level verification. We experimentally demonstrate the reliability and
efficiency of Edge YOLO on COCO2017 and KITTI data sets, respectively.
According to COCO2017 standard datasets with a speed of 26.6 frames per second
(FPS), the results show that the number of parameters in the entire network is
only 25.67 MB, while the accuracy (mAP) is up to 47.3%."
3464,Detecting Unknown DGAs without Context Information,"New malware emerges at a rapid pace and often incorporates Domain Generation
Algorithms (DGAs) to avoid blocking the malware's connection to the command and
control (C2) server. Current state-of-the-art classifiers are able to separate
benign from malicious domains (binary classification) and attribute them with
high probability to the DGAs that generated them (multiclass classification).
While binary classifiers can label domains of yet unknown DGAs as malicious,
multiclass classifiers can only assign domains to DGAs that are known at the
time of training, limiting the ability to uncover new malware families. In this
work, we perform a comprehensive study on the detection of new DGAs, which
includes an evaluation of 59,690 classifiers. We examine four different
approaches in 15 different configurations and propose a simple yet effective
approach based on the combination of a softmax classifier and regular
expressions (regexes) to detect multiple unknown DGAs with high probability. At
the same time, our approach retains state-of-the-art classification performance
for known DGAs. Our evaluation is based on a leave-one-group-out
cross-validation with a total of 94 DGA families. By using the maximum number
of known DGAs, our evaluation scenario is particularly difficult and close to
the real world. All of the approaches examined are privacy-preserving, since
they operate without context and exclusively on a single domain to be
classified. We round up our study with a thorough discussion of
class-incremental learning strategies that can adapt an existing classifier to
newly discovered classes."
3465,Harnessing spectral representations for subgraph alignment,"With the rise and advent of graph learning techniques, graph data has become
ubiquitous. However, while several efforts are being devoted to the design of
new convolutional architectures, pooling or positional encoding schemes, less
effort is being spent on problems involving maps between (possibly very large)
graphs, such as signal transfer, graph isomorphism and subgraph correspondence.
With this paper, we anticipate the need for a convenient framework to deal with
such problems, and focus in particular on the challenging subgraph alignment
scenario. We claim that, first and foremost, the representation of a map plays
a central role on how these problems should be modeled. Taking the hint from
recent work in geometry processing, we propose the adoption of a spectral
representation for maps that is compact, easy to compute, robust to topological
changes, easy to plug into existing pipelines, and is especially effective for
subgraph alignment problems. We report for the first time a surprising
phenomenon where the partiality arising in the subgraph alignment task is
manifested as a special structure of the map coefficients, even in the absence
of exact subgraph isomorphism, and which is consistently observed over
different families of graphs up to several thousand nodes."
3466,Deep Learning Methods for Fingerprint-Based Indoor Positioning: A Review,"Outdoor positioning systems based on the Global Navigation Satellite System
have several shortcomings that have deemed their use for indoor positioning
impractical. Location fingerprinting, which utilizes machine learning, has
emerged as a viable method and solution for indoor positioning due to its
simple concept and accurate performance. In the past, shallow learning
algorithms were traditionally used in location fingerprinting. Recently, the
research community started utilizing deep learning methods for fingerprinting
after witnessing the great success and superiority these methods have over
traditional/shallow machine learning algorithms. This paper provides a
comprehensive review of deep learning methods in indoor positioning. First, the
advantages and disadvantages of various fingerprint types for indoor
positioning are discussed. The solutions proposed in the literature are then
analyzed, categorized, and compared against various performance evaluation
metrics. Since data is key in fingerprinting, a detailed review of publicly
available indoor positioning datasets is presented. While incorporating deep
learning into fingerprinting has resulted in significant improvements, doing
so, has also introduced new challenges. These challenges along with the common
implementation pitfalls are discussed. Finally, the paper is concluded with
some remarks as well as future research trends."
3467,Neural Volumetric Object Selection,"We introduce an approach for selecting objects in neural volumetric 3D
representations, such as multi-plane images (MPI) and neural radiance fields
(NeRF). Our approach takes a set of foreground and background 2D user scribbles
in one view and automatically estimates a 3D segmentation of the desired
object, which can be rendered into novel views. To achieve this result, we
propose a novel voxel feature embedding that incorporates the neural volumetric
3D representation and multi-view image features from all input views. To
evaluate our approach, we introduce a new dataset of human-provided
segmentation masks for depicted objects in real-world multi-view scene
captures. We show that our approach out-performs strong baselines, including 2D
segmentation and 3D segmentation approaches adapted to our task."
3468,CalFAT: Calibrated Federated Adversarial Training with Label Skewness,"Recent studies have shown that, like traditional machine learning, federated
learning (FL) is also vulnerable to adversarial attacks. To improve the
adversarial robustness of FL, few federated adversarial training (FAT) methods
have been proposed to apply adversarial training locally before global
aggregation. Although these methods demonstrate promising results on
independent identically distributed (IID) data, they suffer from training
instability issues on non-IID data with label skewness, resulting in much
degraded natural accuracy. This tends to hinder the application of FAT in
real-world applications where the label distribution across the clients is
often skewed. In this paper, we study the problem of FAT under label skewness,
and firstly reveal one root cause of the training instability and natural
accuracy degradation issues: skewed labels lead to non-identical class
probabilities and heterogeneous local models. We then propose a Calibrated FAT
(CalFAT) approach to tackle the instability issue by calibrating the logits
adaptively to balance the classes. We show both theoretically and empirically
that the optimization of CalFAT leads to homogeneous local models across the
clients and much improved convergence rate and final performance."
3469,Unbalanced CO-Optimal Transport,"Optimal transport (OT) compares probability distributions by computing a
meaningful alignment between their samples. CO-optimal transport (COOT) takes
this comparison further by inferring an alignment between features as well.
While this approach leads to better alignments and generalizes both OT and
Gromov-Wasserstein distances, we provide a theoretical result showing that it
is sensitive to outliers that are omnipresent in real-world data. This prompts
us to propose unbalanced COOT for which we provably show its robustness to
noise in the compared datasets. To the best of our knowledge, this is the first
such result for OT methods in incomparable spaces. With this result in hand, we
provide empirical evidence of this robustness for the challenging tasks of
heterogeneous domain adaptation with and without varying proportions of classes
and simultaneous alignment of samples and features across single-cell
measurements."
3470,ACIL: Analytic Class-Incremental Learning with Absolute Memorization and Privacy Protection,"Class-incremental learning (CIL) learns a classification model with training
data of different classes arising progressively. Existing CIL either suffers
from serious accuracy loss due to catastrophic forgetting, or invades data
privacy by revisiting used exemplars. Inspired by linear learning formulations,
we propose an analytic class-incremental learning (ACIL) with absolute
memorization of past knowledge while avoiding breaching of data privacy (i.e.,
without storing historical data). The absolute memorization is demonstrated in
the sense that class-incremental learning using ACIL given present data would
give identical results to that from its joint-learning counterpart which
consumes both present and historical samples. This equality is theoretically
validated. Data privacy is ensured since no historical data are involved during
the learning process. Empirical validations demonstrate ACIL's competitive
accuracy performance with near-identical results for various incremental task
settings (e.g., 5-50 phases). This also allows ACIL to outperform the
state-of-the-art methods for large-phase scenarios (e.g., 25 and 50 phases)."
3471,A Deep Learning Approach for Automatic Detection of Qualitative Features of Lecturing,"Artificial Intelligence in higher education opens new possibilities for
improving the lecturing process, such as enriching didactic materials, helping
in assessing students' works or even providing directions to the teachers on
how to enhance the lectures. We follow this research path, and in this work, we
explore how an academic lecture can be assessed automatically by quantitative
features. First, we prepare a set of qualitative features based on teaching
practices and then annotate the dataset of academic lecture videos collected
for this purpose. We then show how these features could be detected
automatically using machine learning and computer vision techniques. Our
results show the potential usefulness of our work."
3472,Uncertainty Quantification and Resource-Demanding Computer Vision Applications of Deep Learning,"Bringing deep neural networks (DNNs) into safety critical applications such
as automated driving, medical imaging and finance, requires a thorough
treatment of the model's uncertainties. Training deep neural networks is
already resource demanding and so is also their uncertainty quantification. In
this overview article, we survey methods that we developed to teach DNNs to be
uncertain when they encounter new object classes. Additionally, we present
training methods to learn from only a few labels with help of uncertainty
quantification. Note that this is typically paid with a massive overhead in
computation of an order of magnitude and more compared to ordinary network
training. Finally, we survey our work on neural architecture search which is
also an order of magnitude more resource demanding then ordinary network
training."
3473,Confederated Learning: Federated Learning with Decentralized Edge Servers,"Federated learning (FL) is an emerging machine learning paradigm that allows
to accomplish model training without aggregating data at a central server. Most
studies on FL consider a centralized framework, in which a single server is
endowed with a central authority to coordinate a number of devices to perform
model training in an iterative manner. Due to stringent communication and
bandwidth constraints, such a centralized framework has limited scalability as
the number of devices grows. To address this issue, in this paper, we propose a
ConFederated Learning (CFL) framework. The proposed CFL consists of multiple
servers, in which each server is connected with an individual set of devices as
in the conventional FL framework, and decentralized collaboration is leveraged
among servers to make full use of the data dispersed throughout the network. We
develop an alternating direction method of multipliers (ADMM) algorithm for
CFL. The proposed algorithm employs a random scheduling policy which randomly
selects a subset of devices to access their respective servers at each
iteration, thus alleviating the need of uploading a huge amount of information
from devices to servers. Theoretical analysis is presented to justify the
proposed method. Numerical results show that the proposed method can converge
to a decent solution significantly faster than gradient-based FL algorithms,
thus boasting a substantial advantage in terms of communication efficiency."
3474,FRAug: Tackling Federated Learning with Non-IID Features via Representation Augmentation,"Federated Learning (FL) is a decentralized learning paradigm in which
multiple clients collaboratively train deep learning models without
centralizing their local data and hence preserve data privacy. Real-world
applications usually involve a distribution shift across the datasets of the
different clients, which hurts the generalization ability of the clients to
unseen samples from their respective data distributions. In this work, we
address the recently proposed feature shift problem where the clients have
different feature distributions while the label distribution is the same. We
propose Federated Representation Augmentation (FRAug) to tackle this practical
and challenging problem. Our approach generates synthetic client-specific
samples in the embedding space to augment the usually small client datasets.
For that, we train a shared generative model to fuse the clients' knowledge,
learned from different feature distributions, to synthesize client-agnostic
embeddings, which are then locally transformed into client-specific embeddings
by Representation Transformation Networks (RTNets). By transferring knowledge
across the clients, the generated embeddings act as a regularizer for the
client models and reduce overfitting to the local original datasets, hence
improving generalization. Our empirical evaluation on multiple benchmark
datasets demonstrates the effectiveness of the proposed method, which
substantially outperforms the current state-of-the-art FL methods for non-IID
features, including PartialFed and FedBN."
3475,Daisy Bloom Filters,"Weighted Bloom filters (Bruck, Gao and Jiang, ISIT 2006) are Bloom filters
that adapt the number of hash functions according to the query element. That
is, they use a sequence of hash functions $h_1, h_2, \dots$ and insert $x$ by
setting the bits in $k_x$ positions $h_1(x), h_2(x), \dots, h_{k_x}(x)$ to 1,
where the parameter $k_x$ depends on $x$. Similarly, a query for $x$ checks
whether the bits at positions $h_1(x), h_2(x), \dots, h_{k_x}(x)$ contain a $0$
(in which case we know that $x$ was not inserted), or contains only $1$s (in
which case $x$ may have been inserted, but it could also be a false positive).
In this paper, we determine a near-optimal choice of the parameters $k_x$ in
a model where $n$ elements are inserted independently from a probability
distribution $\mathcal{P}$ and query elements are chosen from a probability
distribution $\mathcal{Q}$, under a bound on the false positive probability
$F$. In contrast, the parameter choice of Bruck et al., as well as follow-up
work by Wang et al., does not guarantee a nontrivial bound on the false
positive rate. We refer to our parameterization of the weighted Bloom filter as
a $\textit{Daisy Bloom filter}$.
For many distributions $\mathcal{P}$ and $\mathcal{Q}$, the Daisy Bloom
filter space usage is significantly smaller than that of Standard Bloom
filters. Our upper bound is complemented with an information-theoretical lower
bound, showing that (with mild restrictions on the distributions $\mathcal{P}$
and $\mathcal{Q}$), the space usage of Daisy Bloom filters is the best possible
up to a constant factor.
Daisy Bloom filters can be seen as a fine-grained variant of a recent data
structure of Vaidya, Knorr, Mitzenmacher and Kraska. Like their work, we are
motivated by settings in which we have prior knowledge of the workload of the
filter, possibly in the form of advice from a machine learning algorithm."
3476,Exploring the Open World Using Incremental Extreme Value Machines,"Dynamic environments require adaptive applications. One particular machine
learning problem in dynamic environments is open world recognition. It
characterizes a continuously changing domain where only some classes are seen
in one batch of the training data and such batches can only be learned
incrementally. Open world recognition is a demanding task that is, to the best
of our knowledge, addressed by only a few methods. This work introduces a
modification of the widely known Extreme Value Machine (EVM) to enable open
world recognition. Our proposed method extends the EVM with a partial model
fitting function by neglecting unaffected space during an update. This reduces
the training time by a factor of 28. In addition, we provide a modified model
reduction using weighted maximum K-set cover to strictly bound the model
complexity and reduce the computational effort by a factor of 3.5 from 2.1 s to
0.6 s. In our experiments, we rigorously evaluate openness with two novel
evaluation protocols. The proposed method achieves superior accuracy of about
12 % and computational efficiency in the tasks of image classification and face
recognition."
3477,Blind Estimation of a Doubly Selective OFDM Channel: A Deep Learning Algorithm and Theory,"We provide a new generation solution to the fundamental old problem of a
doubly selective fading channel estimation for orthogonal frequency division
multiplexing (OFDM) systems. For systems based on OFDM, we propose a deep
learning (DL)-based blind doubly selective channel estimator. This estimator
does require no pilot symbols, unlike the corresponding state-of-the-art
estimators, even during the estimation of a deep fading doubly selective
channel. We also provide the first of its kind theory on the testing mean
squared error (MSE) performance of our investigated blind OFDM channel
estimator based on over-parameterized ReLU FNNs."
3478,Neural Shape Mating: Self-Supervised Object Assembly with Adversarial Shape Priors,"Learning to autonomously assemble shapes is a crucial skill for many robotic
applications. While the majority of existing part assembly methods focus on
correctly posing semantic parts to recreate a whole object, we interpret
assembly more literally: as mating geometric parts together to achieve a snug
fit. By focusing on shape alignment rather than semantic cues, we can achieve
across-category generalization. In this paper, we introduce a novel task,
pairwise 3D geometric shape mating, and propose Neural Shape Mating (NSM) to
tackle this problem. Given the point clouds of two object parts of an unknown
category, NSM learns to reason about the fit of the two parts and predict a
pair of 3D poses that tightly mate them together. We couple the training of NSM
with an implicit shape reconstruction task to make NSM more robust to imperfect
point cloud observations. To train NSM, we present a self-supervised data
collection pipeline that generates pairwise shape mating data with ground truth
by randomly cutting an object mesh into two parts, resulting in a dataset that
consists of 200K shape mating pairs from numerous object meshes with diverse
cut types. We train NSM on the collected dataset and compare it with several
point cloud registration methods and one part assembly baseline. Extensive
experimental results and ablation studies under various settings demonstrate
the effectiveness of the proposed algorithm. Additional material is available
at: https://neural-shape-mating.github.io/"
3479,Adversarial synthesis based data-augmentation for code-switched spoken language identification,"Spoken Language Identification (LID) is an important sub-task of Automatic
Speech Recognition(ASR) that is used to classify the language(s) in an audio
segment. Automatic LID plays an useful role in multilingual countries. In
various countries, identifying a language becomes hard, due to the multilingual
scenario where two or more than two languages are mixed together during
conversation. Such phenomenon of speech is called as code-mixing or
code-switching. This nature is followed not only in India but also in many
Asian countries. Such code-mixed data is hard to find, which further reduces
the capabilities of the spoken LID. Hence, this work primarily addresses this
problem using data augmentation as a solution on the on the data scarcity of
the code-switched class. This study focuses on Indic language code-mixed with
English. Spoken LID is performed on Hindi, code-mixed with English. This
research proposes Generative Adversarial Network (GAN) based data augmentation
technique performed using Mel spectrograms for audio data. GANs have already
been proven to be accurate in representing the real data distribution in the
image domain. Proposed research exploits these capabilities of GANs in speech
domains such as speech classification, automatic speech recognition, etc. GANs
are trained to generate Mel spectrograms of the minority code-mixed class which
are then used to augment data for the classifier. Utilizing GANs give an
overall improvement on Unweighted Average Recall by an amount of 3.5% as
compared to a Convolutional Recurrent Neural Network (CRNN) classifier used as
the baseline reference."
3480,Measuring and mitigating voting access disparities: a study of race and polling locations in Florida and North Carolina,"Voter suppression and associated racial disparities in access to voting are
long-standing civil rights concerns in the United States. Barriers to voting
have taken many forms over the decades. A history of violent explicit
discouragement has shifted to more subtle access limitations that can include
long lines and wait times, long travel times to reach a polling station, and
other logistical barriers to voting. Our focus in this work is on quantifying
disparities in voting access pertaining to the overall time-to-vote, and how
they could be remedied via a better choice of polling location or provisioning
more sites where voters can cast ballots. However, appropriately calibrating
access disparities is difficult because of the need to account for factors such
as population density and different community expectations for reasonable
travel times.
In this paper, we quantify access to polling locations, developing a
methodology for the calibrated measurement of racial disparities in polling
location ""load"" and distance to polling locations. We apply this methodology to
a study of real-world data from Florida and North Carolina to identify
disparities in voting access from the 2020 election. We also introduce
algorithms, with modifications to handle scale, that can reduce these
disparities by suggesting new polling locations from a given list of identified
public locations (including schools and libraries). Applying these algorithms
on the 2020 election location data also helps to expose and explore tradeoffs
between the cost of allocating more polling locations and the potential impact
on access disparities. The developed voting access measurement methodology and
algorithmic remediation technique is a first step in better polling location
assignment."
3481,Rites de Passage: Elucidating Displacement to Emplacement of Refugees on Twitter,"Social media deliberations allow to explore refugee-related is-sues. AI-based
studies have investigated refugee issues mostly around a specific event and
considered unimodal approaches. Contrarily, we have employed a multimodal
architecture for probing the refugee journeys from their home to host nations.
We draw insights from Arnold van Gennep's anthropological work 'Les Rites de
Passage', which systematically analyzed an individual's transition from one
group or society to another. Based on Gennep's
separation-transition-incorporation framework, we have identified four phases
of refugee journeys: Arrival of Refugees, Temporal stay at Asylums,
Rehabilitation, and Integration of Refugees into the host nation. We collected
0.23 million multimodal tweets from April 2020 to March 2021 for testing this
proposed frame-work. We find that a combination of transformer-based language
models and state-of-the-art image recognition models, such as fusion of
BERT+LSTM and InceptionV4, can out-perform unimodal models. Subsequently, to
test the practical implication of our proposed model in real-time, we have
considered 0.01 million multimodal tweets related to the 2022 Ukrainian refugee
crisis. An F1-score of 71.88 % for this 2022 crisis confirms the
generalizability of our proposed framework."
3482,Leave-one-out Singular Subspace Perturbation Analysis for Spectral Clustering,"The singular subspaces perturbation theory is of fundamental importance in
probability and statistics. It has various applications across different
fields. We consider two arbitrary matrices where one is a leave-one-column-out
submatrix of the other one and establish a novel perturbation upper bound for
the distance between two corresponding singular subspaces. It is well-suited
for mixture models and results in a sharper and finer statistical analysis than
classical perturbation bounds such as Wedin's Theorem. Powered by this
leave-one-out perturbation theory, we provide a deterministic entrywise
analysis for the performance of the spectral clustering under mixture models.
Our analysis leads to an explicit exponential error rate for the clustering of
sub-Gaussian mixture models. For the mixture of isotropic Gaussians, the rate
is optimal under a weaker signal-to-noise condition than that of L\""offler et
al. (2021)."
3483,Anti-virus Autobots: Predicting More Infectious Virus Variants for Pandemic Prevention through Deep Learning,"More infectious virus variants can arise from rapid mutations in their
proteins, creating new infection waves. These variants can evade one's immune
system and infect vaccinated individuals, lowering vaccine efficacy. Hence, to
improve vaccine design, this project proposes Optimus PPIme - a deep learning
approach to predict future, more infectious variants from an existing virus
(exemplified by SARS-CoV-2). The approach comprises an algorithm which acts as
a ""virus"" attacking a host cell. To increase infectivity, the ""virus"" mutates
to bind better to the host's receptor. 2 algorithms were attempted - greedy
search and beam search. The strength of this variant-host binding was then
assessed by a transformer network we developed, with a high accuracy of 90%.
With both components, beam search eventually proposed more infectious variants.
Therefore, this approach can potentially enable researchers to develop vaccines
that provide protection against future infectious variants before they emerge,
pre-empting outbreaks and saving lives."
3484,Play it by Ear: Learning Skills amidst Occlusion through Audio-Visual Imitation Learning,"Humans are capable of completing a range of challenging manipulation tasks
that require reasoning jointly over modalities such as vision, touch, and
sound. Moreover, many such tasks are partially-observed; for example, taking a
notebook out of a backpack will lead to visual occlusion and require reasoning
over the history of audio or tactile information. While robust tactile sensing
can be costly to capture on robots, microphones near or on a robot's gripper
are a cheap and easy way to acquire audio feedback of contact events, which can
be a surprisingly valuable data source for perception in the absence of vision.
Motivated by the potential for sound to mitigate visual occlusion, we aim to
learn a set of challenging partially-observed manipulation tasks from visual
and audio inputs. Our proposed system learns these tasks by combining offline
imitation learning from a modest number of tele-operated demonstrations and
online finetuning using human provided interventions. In a set of simulated
tasks, we find that our system benefits from using audio, and that by using
online interventions we are able to improve the success rate of offline
imitation learning by ~20%. Finally, we find that our system can complete a set
of challenging, partially-observed tasks on a Franka Emika Panda robot, like
extracting keys from a bag, with a 70% success rate, 50% higher than a policy
that does not use audio."
3485,Precise Learning Curves and Higher-Order Scaling Limits for Dot Product Kernel Regression,"As modern machine learning models continue to advance the computational
frontier, it has become increasingly important to develop precise estimates for
expected performance improvements under different model and data scaling
regimes. Currently, theoretical understanding of the learning curves that
characterize how the prediction error depends on the number of samples is
restricted to either large-sample asymptotics ($m\to\infty$) or, for certain
simple data distributions, to the high-dimensional asymptotics in which the
number of samples scales linearly with the dimension ($m\propto d$). There is a
wide gulf between these two regimes, including all higher-order scaling
relations $m\propto d^r$, which are the subject of the present paper. We focus
on the problem of kernel ridge regression for dot-product kernels and present
precise formulas for the test error, bias, and variance, for data drawn
uniformly from the sphere in the $r$th-order asymptotic scaling regime
$m\to\infty$ with $m/d^r$ held constant. We observe a peak in the learning
curve whenever $m \approx d^r/r!$ for any integer $r$, leading to multiple
sample-wise descent and nontrivial behavior at multiple scales."
3486,Efficient Reward Poisoning Attacks on Online Deep Reinforcement Learning,"We study data poisoning attacks on online deep reinforcement learning (DRL)
where the attacker is oblivious to the learning algorithm used by the agent and
does not necessarily have full knowledge of the environment. We demonstrate the
intrinsic vulnerability of state-of-the-art DRL algorithms by designing a
general reward poisoning framework called adversarial MDP attacks. We
instantiate our framework to construct several new attacks which only corrupt
the rewards for a small fraction of the total training timesteps and make the
agent learn a low-performing policy. Our key insight is that the
state-of-the-art DRL algorithms strategically explore the environment to find a
high-performing policy. Our attacks leverage this insight to construct a
corrupted environment for misleading the agent towards learning low-performing
policies with a limited attack budget. We provide a theoretical analysis of the
efficiency of our attack and perform an extensive evaluation. Our results show
that our attacks efficiently poison agents learning with a variety of
state-of-the-art DRL algorithms, such as DQN, PPO, SAC, etc. under several
popular classical control and MuJoCo environments."
3487,To Federate or Not To Federate: Incentivizing Client Participation in Federated Learning,"Federated learning (FL) facilitates collaboration between a group of clients
who seek to train a common machine learning model without directly sharing
their local data. Although there is an abundance of research on improving the
speed, efficiency, and accuracy of federated training, most works implicitly
assume that all clients are willing to participate in the FL framework. Due to
data heterogeneity, however, the global model may not work well for some
clients, and they may instead choose to use their own local model. Such
disincentivization of clients can be problematic from the server's perspective
because having more participating clients yields a better global model, and
offers better privacy guarantees to the participating clients. In this paper,
we propose an algorithm called IncFL that explicitly maximizes the fraction of
clients who are incentivized to use the global model by dynamically adjusting
the aggregation weights assigned to their updates. Our experiments show that
IncFL increases the number of incentivized clients by 30-55% compared to
standard federated training algorithms, and can also improve the generalization
performance of the global model on unseen clients."
3488,Adversarial Bandits Robust to Switching Targets,"We study the adversarial bandit problem under $S$ number of switching best
arms for unknown $S$. For handling this problem, we adopt the master-base
framework using the online mirror descent method (OMD). We first provide a
master-base algorithm with basic OMD, achieving
$\tilde{O}(S^{1/2}K^{1/3}T^{2/3})$. For improving the regret bound with respect
to $T$, we propose to use adaptive learning rates for OMD to control variance
of loss estimators, and achieve
$\tilde{O}(\min\{\mathbb{E}[\sqrt{SKT\rho_T(h^\dagger)}],S\sqrt{KT}\})$, where
$\rho_T(h^\dagger)$ is a variance term for loss estimators."
3489,GraMeR: Graph Meta Reinforcement Learning for Multi-Objective Influence Maximization,"Influence maximization (IM) is a combinatorial problem of identifying a
subset of nodes called the seed nodes in a network (graph), which when
activated, provide a maximal spread of influence in the network for a given
diffusion model and a budget for seed set size. IM has numerous applications
such as viral marketing, epidemic control, sensor placement and other
network-related tasks. However, the uses are limited due to the computational
complexity of current algorithms. Recently, learning heuristics for IM have
been explored to ease the computational burden. However, there are serious
limitations in current approaches such as: (1) IM formulations only consider
influence via spread and ignore self activation; (2) scalability to large
graphs; (3) generalizability across graph families; (4) low computational
efficiency with a large running time to identify seed sets for every test
network. In this work, we address each of these limitations through a unique
approach that involves (1) formulating a generic IM problem as a Markov
decision process that handles both intrinsic and influence activations; (2)
employing double Q learning to estimate seed nodes; (3) ensuring scalability
via sub-graph based representations; and (4) incorporating generalizability via
meta-learning across graph families. Extensive experiments are carried out in
various standard networks to validate performance of the proposed Graph Meta
Reinforcement learning (GraMeR) framework. The results indicate that GraMeR is
multiple orders faster and generic than conventional approaches."
3490,"Walle: An End-to-End, General-Purpose, and Large-Scale Production System for Device-Cloud Collaborative Machine Learning","To break the bottlenecks of mainstream cloud-based machine learning (ML)
paradigm, we adopt device-cloud collaborative ML and build the first end-to-end
and general-purpose system, called Walle, as the foundation. Walle consists of
a deployment platform, distributing ML tasks to billion-scale devices in time;
a data pipeline, efficiently preparing task input; and a compute container,
providing a cross-platform and high-performance execution environment, while
facilitating daily task iteration. Specifically, the compute container is based
on Mobile Neural Network (MNN), a tensor compute engine along with the data
processing and model execution libraries, which are exposed through a refined
Python thread-level virtual machine (VM) to support diverse ML tasks and
concurrent task execution. The core of MNN is the novel mechanisms of operator
decomposition and semi-auto search, sharply reducing the workload in manually
optimizing hundreds of operators for tens of hardware backends and further
quickly identifying the best backend with runtime optimization for a
computation graph. The data pipeline introduces an on-device stream processing
framework to enable processing user behavior data at source. The deployment
platform releases ML tasks with an efficient push-then-pull method and supports
multi-granularity deployment policies. We evaluate Walle in practical
e-commerce application scenarios to demonstrate its effectiveness, efficiency,
and scalability. Extensive micro-benchmarks also highlight the superior
performance of MNN and the Python thread-level VM. Walle has been in
large-scale production use in Alibaba, while MNN has been open source with a
broad impact in the community."
3491,Temporal Multiresolution Graph Neural Networks For Epidemic Prediction,"In this paper, we introduce Temporal Multiresolution Graph Neural Networks
(TMGNN), the first architecture that both learns to construct the multiscale
and multiresolution graph structures and incorporates the time-series signals
to capture the temporal changes of the dynamic graphs. We have applied our
proposed model to the task of predicting future spreading of epidemic and
pandemic based on the historical time-series data collected from the actual
COVID-19 pandemic and chickenpox epidemic in several European countries, and
have obtained competitive results in comparison to other previous
state-of-the-art temporal architectures and graph learning algorithms. We have
shown that capturing the multiscale and multiresolution structures of graphs is
important to extract either local or global information that play a critical
role in understanding the dynamic of a global pandemic such as COVID-19 which
started from a local city and spread to the whole world. Our work brings a
promising research direction in forecasting and mitigating future epidemics and
pandemics."
3492,Adaptive Learning for Discovery,"In this paper, we study a sequential decision-making problem, called Adaptive
Sampling for Discovery (ASD). Starting with a large unlabeled dataset,
algorithms for ASD adaptively label the points with the goal to maximize the
sum of responses.
This problem has wide applications to real-world discovery problems, for
example drug discovery with the help of machine learning models. ASD algorithms
face the well-known exploration-exploitation dilemma. The algorithm needs to
choose points that yield information to improve model estimates but it also
needs to exploit the model. We rigorously formulate the problem and propose a
general information-directed sampling (IDS) algorithm. We provide theoretical
guarantees for the performance of IDS in linear, graph and low-rank models. The
benefits of IDS are shown in both simulation experiments and real-data
experiments for discovering chemical reaction conditions."
3493,Lepton Flavour Violation Identification in Tau Decay ($τ^{-} \rightarrow μ^{-}μ^{-}μ^{+}$) Using Artificial Intelligence,"The discovery of neutrino oscillation, proving that neutrinos do have masses,
reveals the misfits of particles in the current Standard Model (SM) theory. In
theory, neutrinos having masses could result in lepton flavour not being a
symmetry called Lepton Flavour Violation (LFV). While SM theory extensions
allowed LFV processes, their branching fractions are too small, making them
unobservable even with the strongest equipment up-to-date. With that,
scientists in recent years have generated LFV-like processes from the combined
LHCb and Monte-Carlo-Simulated data in an attempt to identify LFV using
Artificial Intelligence (AI), specifically Machine Learning (ML) and Deep
Learning (DL). In this paper, the performance of several algorithms in AI has
been presented, such as XGBoost, LightGBM, custom 1-D Dense Block Neural
Networks (DBNNs), and custom 1-D Convolutional Neural Networks (CNNs) in
identifying LFV signals, specifically $\tau^{-} \rightarrow
\mu^{-}\mu^{-}\mu^{+}$ decay from the combined LHCb and Monte-Carlo-Simulated
data that imitates the signatures of the said decay. Kolmogorov-Smirnov (KS)
and Cramer-von Mises (CvM) tests were also conducted to verify the validity of
predictions for each of the trained algorithms. The result shows decent
performances among algorithms, except for the LightGBM, for failing the CvM
test, and a 20-layered CNN for having recorded a considerably low AUC.
Meanwhile, XGBoost and a 10-layered DBNN recorded the highest AUC of 0.88. The
main contribution of this paper is the extensive experiment involving custom
DBNN and CNN algorithms in different layers, all of which have been rarely used
in the past years in identifying LFV-like signatures, unlike GBMs and
tree-based algorithms, which have been more popular in the said task."
3494,Robust Weight Perturbation for Adversarial Training,"Overfitting widely exists in adversarial robust training of deep networks. An
effective remedy is adversarial weight perturbation, which injects the
worst-case weight perturbation during network training by maximizing the
classification loss on adversarial examples. Adversarial weight perturbation
helps reduce the robust generalization gap; however, it also undermines the
robustness improvement. A criterion that regulates the weight perturbation is
therefore crucial for adversarial training. In this paper, we propose such a
criterion, namely Loss Stationary Condition (LSC) for constrained perturbation.
With LSC, we find that it is essential to conduct weight perturbation on
adversarial data with small classification loss to eliminate robust
overfitting. Weight perturbation on adversarial data with large classification
loss is not necessary and may even lead to poor robustness. Based on these
observations, we propose a robust perturbation strategy to constrain the extent
of weight perturbation. The perturbation strategy prevents deep networks from
overfitting while avoiding the side effect of excessive weight perturbation,
significantly improving the robustness of adversarial training. Extensive
experiments demonstrate the superiority of the proposed method over the
state-of-the-art adversarial training methods."
3495,Bayesian Low-Rank Interpolative Decomposition for Complex Datasets,"In this paper, we introduce a probabilistic model for learning interpolative
decomposition (ID), which is commonly used for feature selection, low-rank
approximation, and identifying hidden patterns in data, where the matrix
factors are latent variables associated with each data dimension. Prior
densities with support on the specified subspace are used to address the
constraint for the magnitude of the factored component of the observed matrix.
Bayesian inference procedure based on Gibbs sampling is employed. We evaluate
the model on a variety of real-world datasets including CCLE EC50, CCLE IC50,
CTRP EC50,and MovieLens 100K datasets with different sizes, and dimensions, and
show that the proposed Bayesian ID GBT and GBTN models lead to smaller
reconstructive errors compared to existing randomized approaches."
3496,Universality of group convolutional neural networks based on ridgelet analysis on groups,"We investigate the approximation property of group convolutional neural
networks (GCNNs) based on the ridgelet theory. We regard a group convolution as
a matrix element of a group representation, and formulate a versatile GCNN as a
nonlinear mapping between group representations, which covers typical GCNN
literatures such as a cyclic convolution on a multi-channel image,
permutation-invariant datasets (Deep Sets), and $\mathrm{E}(n)$-equivariant
convolutions. The ridgelet transform is an analysis operator of a depth-2
network, namely, it maps an arbitrary given target function $f$ to the weight
$\gamma$ of a network $S[\gamma]$ so that the network represents the function
as $S[\gamma]=f$. It has been known only for fully-connected networks, and this
study is the first to present the ridgelet transform for (G)CNNs. Since the
ridgelet transform is given as a closed-form integral operator, it provides a
constructive proof of the $cc$-universality of GCNNs. Unlike previous
universality arguments on CNNs, we do not need to convert/modify the networks
into other universal approximators such as invariant polynomials and
fully-connected networks."
3497,Excess Risk of Two-Layer ReLU Neural Networks in Teacher-Student Settings and its Superiority to Kernel Methods,"While deep learning has outperformed other methods for various tasks,
theoretical frameworks that explain its reason have not been fully established.
To address this issue, we investigate the excess risk of two-layer ReLU neural
networks in a teacher-student regression model, in which a student network
learns an unknown teacher network through its outputs. Especially, we consider
the student network that has the same width as the teacher network and is
trained in two phases: first by noisy gradient descent and then by the vanilla
gradient descent. Our result shows that the student network provably reaches a
near-global optimal solution and outperforms any kernel methods estimator (more
generally, linear estimators), including neural tangent kernel approach, random
feature model, and other kernel methods, in a sense of the minimax optimal
rate. The key concept inducing this superiority is the non-convexity of the
neural network models. Even though the loss landscape is highly non-convex, the
student network adaptively learns the teacher neurons."
3498,Mitigating Out-of-Distribution Data Density Overestimation in Energy-Based Models,"Deep energy-based models (EBMs), which use deep neural networks (DNNs) as
energy functions, are receiving increasing attention due to their ability to
learn complex distributions. To train deep EBMs, the maximum likelihood
estimation (MLE) with short-run Langevin Monte Carlo (LMC) is often used. While
the MLE with short-run LMC is computationally efficient compared to an MLE with
full Markov Chain Monte Carlo (MCMC), it often assigns high density to
out-of-distribution (OOD) data. To address this issue, here we systematically
investigate why the MLE with short-run LMC can converge to EBMs with wrong
density estimates, and reveal that the heuristic modifications to LMC
introduced by previous works were the main problem. We then propose a Uniform
Support Partitioning (USP) scheme that optimizes a set of points to evenly
partition the support of the EBM and then uses the resulting points to
approximate the EBM-MLE loss gradient. We empirically demonstrate that USP
avoids the pitfalls of short-run LMC, leading to significantly improved OOD
data detection performance on Fashion-MNIST."
3499,Your Contrastive Learning Is Secretly Doing Stochastic Neighbor Embedding,"Contrastive learning, especially Self-Supervised Contrastive Learning (SSCL),
has achieved great success in extracting powerful features from unlabeled data,
enabling comparable performance to the supervised counterpart. In this work, we
contribute to the theoretical understanding of SSCL and uncover its connection
to the classic data visualization method, Stochastic Neighbor Embedding (SNE).
In the perspective of SNE, whose goal is matching pairwise distance, SSCL can
be viewed as a special case with the input space pairwise distance specified by
constructed ""positive"" pairs from data augmentation. The established
correspondence facilitates deeper theoretical understandings of learned
features of SSCL, as well as methodological guidelines for practical
improvement. Specifically, through the lens of SNE, not only can we re-derive
the alignment and uniformity principle, but also provide novel analysis on
domain-agnostic augmentations and implicit bias. To illustrate the practical
advantage, we demonstrate that the modifications from SNE to $t$-SNE can also
be adopted in the SSCL setting, achieving significant improvement in both
in-distribution and out-of-distribution generalization."
3500,TaSIL: Taylor Series Imitation Learning,"We propose Taylor Series Imitation Learning (TaSIL), a simple augmentation to
standard behavior cloning losses in the context of continuous control. TaSIL
penalizes deviations in the higher-order Taylor series terms between the
learned and expert policies. We show that experts satisfying a notion of
\emph{incremental input-to-state stability} are easy to learn, in the sense
that a small TaSIL-augmented imitation loss over expert trajectories guarantees
a small imitation loss over trajectories generated by the learned policy. We
provide sample-complexity bounds for TaSIL that scale as
$\tilde{\mathcal{O}}(1/n)$ in the realizable setting, for $n$ the number of
expert demonstrations. Finally, we demonstrate experimentally the relationship
between the robustness of the expert policy and the order of Taylor expansion
required in TaSIL, and compare standard Behavior Cloning, DART, and DAgger with
TaSIL-loss-augmented variants. In all cases, we show significant improvement
over baselines across a variety of MuJoCo tasks."
3501,Last-iterate convergence analysis of stochastic momentum methods for neural networks,"The stochastic momentum method is a commonly used acceleration technique for
solving large-scale stochastic optimization problems in artificial neural
networks. Current convergence results of stochastic momentum methods under
non-convex stochastic settings mostly discuss convergence in terms of the
random output and minimum output. To this end, we address the convergence of
the last iterate output (called last-iterate convergence) of the stochastic
momentum methods for non-convex stochastic optimization problems, in a way
conformal with traditional optimization theory. We prove the last-iterate
convergence of the stochastic momentum methods under a unified framework,
covering both stochastic heavy ball momentum and stochastic Nesterov
accelerated gradient momentum. The momentum factors can be fixed to be
constant, rather than time-varying coefficients in existing analyses. Finally,
the last-iterate convergence of the stochastic momentum methods is verified on
the benchmark MNIST and CIFAR-10 datasets."
3502,BinauralGrad: A Two-Stage Conditional Diffusion Probabilistic Model for Binaural Audio Synthesis,"Binaural audio plays a significant role in constructing immersive augmented
and virtual realities. As it is expensive to record binaural audio from the
real world, synthesizing them from mono audio has attracted increasing
attention. This synthesis process involves not only the basic physical warping
of the mono audio, but also room reverberations and head/ear related
filtrations, which, however, are difficult to accurately simulate in
traditional digital signal processing. In this paper, we formulate the
synthesis process from a different perspective by decomposing the binaural
audio into a common part that shared by the left and right channels as well as
a specific part that differs in each channel. Accordingly, we propose
BinauralGrad, a novel two-stage framework equipped with diffusion models to
synthesize them respectively. Specifically, in the first stage, the common
information of the binaural audio is generated with a single-channel diffusion
model conditioned on the mono audio, based on which the binaural audio is
generated by a two-channel diffusion model in the second stage. Combining this
novel perspective of two-stage synthesis with advanced generative models (i.e.,
the diffusion models),the proposed BinauralGrad is able to generate accurate
and high-fidelity binaural audio samples. Experiment results show that on a
benchmark dataset, BinauralGrad outperforms the existing baselines by a large
margin in terms of both object and subject evaluation metrics (Wave L2: 0.128
vs. 0.157, MOS: 3.80 vs. 3.61). The generated audio samples are available
online."
3503,Temporal Latent Bottleneck: Synthesis of Fast and Slow Processing Mechanisms in Sequence Learning,"Recurrent neural networks have a strong inductive bias towards learning
temporally compressed representations, as the entire history of a sequence is
represented by a single vector. By contrast, Transformers have little inductive
bias towards learning temporally compressed representations, as they allow for
attention over all previously computed elements in a sequence. Having a more
compressed representation of a sequence may be beneficial for generalization,
as a high-level representation may be more easily re-used and re-purposed and
will contain fewer irrelevant details. At the same time, excessive compression
of representations comes at the cost of expressiveness. We propose a solution
which divides computation into two streams. A slow stream that is recurrent in
nature aims to learn a specialized and compressed representation, by forcing
chunks of $K$ time steps into a single representation which is divided into
multiple vectors. At the same time, a fast stream is parameterized as a
Transformer to process chunks consisting of $K$ time-steps conditioned on the
information in the slow-stream. In the proposed approach we hope to gain the
expressiveness of the Transformer, while encouraging better compression and
structuring of representations in the slow stream. We show the benefits of the
proposed method in terms of improved sample efficiency and generalization
performance as compared to various competitive baselines for visual perception
and sequential decision making tasks."
3504,End-to-End Topology-Aware Machine Learning for Power System Reliability Assessment,"Conventional power system reliability suffers from the long run time of Monte
Carlo simulation and the dimension-curse of analytic enumeration methods. This
paper proposes a preliminary investigation on end-to-end machine learning for
directly predicting the reliability index, e.g., the Loss of Load Probability
(LOLP). By encoding the system admittance matrix into the input feature, the
proposed machine learning pipeline can consider the impact of specific topology
changes due to regular maintenances of transmission lines. Two models (Support
Vector Machine and Boosting Trees) are trained and compared. Details regarding
the training data creation and preprocessing are also discussed. Finally,
experiments are conducted on the IEEE RTS-79 system. Results demonstrate the
applicability of the proposed end-to-end machine learning pipeline in
reliability assessment."
3505,Non-Stationary Bandits under Recharging Payoffs: Improved Planning with Sublinear Regret,"The stochastic multi-armed bandit setting has been recently studied in the
non-stationary regime, where the mean payoff of each action is a non-decreasing
function of the number of rounds passed since it was last played. This model
captures natural behavioral aspects of the users which crucially determine the
performance of recommendation platforms, ad placement systems, and more. Even
assuming prior knowledge of the mean payoff functions, computing an optimal
planning in the above model is NP-hard, while the state-of-the-art is a
$1/4$-approximation algorithm for the case where at most one arm can be played
per round. We first focus on the setting where the mean payoff functions are
known. In this setting, we significantly improve the best-known guarantees for
the planning problem by developing a polynomial-time
$(1-{1}/{e})$-approximation algorithm (asymptotically and in expectation),
based on a novel combination of randomized LP rounding and a time-correlated
(interleaved) scheduling method. Furthermore, our algorithm achieves improved
guarantees -- compared to prior work -- for the case where more than one arm
can be played at each round. Moving to the bandit setting, when the mean payoff
functions are initially unknown, we show how our algorithm can be transformed
into a bandit algorithm with sublinear regret."
3506,Mixture GAN For Modulation Classification Resiliency Against Adversarial Attacks,"Automatic modulation classification (AMC) using the Deep Neural Network (DNN)
approach outperforms the traditional classification techniques, even in the
presence of challenging wireless channel environments. However, the adversarial
attacks cause the loss of accuracy for the DNN-based AMC by injecting a
well-designed perturbation to the wireless channels. In this paper, we propose
a novel generative adversarial network (GAN)-based countermeasure approach to
safeguard the DNN-based AMC systems against adversarial attack examples.
GAN-based aims to eliminate the adversarial attack examples before feeding to
the DNN-based classifier. Specifically, we have shown the resiliency of our
proposed defense GAN against the Fast-Gradient Sign method (FGSM) algorithm as
one of the most potent kinds of attack algorithms to craft the perturbed
signals. The existing defense-GAN has been designed for image classification
and does not work in our case where the above-mentioned communication system is
considered. Thus, our proposed countermeasure approach deploys GANs with a
mixture of generators to overcome the mode collapsing problem in a typical GAN
facing radio signal classification problem. Simulation results show the
effectiveness of our proposed defense GAN so that it could enhance the accuracy
of the DNN-based AMC under adversarial attacks to 81%, approximately."
3507,Bayes Classification using an approximation to the Joint Probability Distribution of the Attributes,"The Naive-Bayes classifier is widely used due to its simplicity, speed and
accuracy. However this approach fails when, for at least one attribute value in
a test sample, there are no corresponding training samples with that attribute
value. This is known as the zero frequency problem and is typically addressed
using Laplace Smoothing. However, Laplace Smoothing does not take into account
the statistical characteristics of the neighbourhood of the attribute values of
the test sample. Gaussian Naive Bayes addresses this but the resulting Gaussian
model is formed from global information. We instead propose an approach that
estimates conditional probabilities using information in the neighbourhood of
the test sample. In this case we no longer need to make the assumption of
independence of attribute values and hence consider the joint probability
distribution conditioned on the given class which means our approach (unlike
the Gaussian and Laplace approaches) takes into consideration dependencies
among the attribute values. We illustrate the performance of the proposed
approach on a wide range of datasets taken from the University of California at
Irvine (UCI) Machine Learning Repository. We also include results for the
$k$-NN classifier and demonstrate that the proposed approach is simple, robust
and outperforms standard approaches."
3508,TransforMAP: Transformer for Memory Access Prediction,"Data Prefetching is a technique that can hide memory latency by fetching data
before it is needed by a program. Prefetching relies on accurate memory access
prediction, to which task machine learning based methods are increasingly
applied. Unlike previous approaches that learn from deltas or offsets and
perform one access prediction, we develop TransforMAP, based on the powerful
Transformer model, that can learn from the whole address space and perform
multiple cache line predictions. We propose to use the binary of memory
addresses as model input, which avoids information loss and saves a token table
in hardware. We design a block index bitmap to collect unordered future page
offsets under the current page address as learning labels. As a result, our
model can learn temporal patterns as well as spatial patterns within a page. In
a practical implementation, this approach has the potential to hide prediction
latency because it prefetches multiple cache lines likely to be used in a long
horizon. We show that our approach achieves 35.67% MPKI improvement and 20.55%
IPC improvement in simulation, higher than state-of-the-art Best-Offset
prefetcher and ISB prefetcher."
3509,An Optimization-based Algorithm for Non-stationary Kernel Bandits without Prior Knowledge,"We propose an algorithm for non-stationary kernel bandits that does not
require prior knowledge of the degree of non-stationarity. The algorithm
follows randomized strategies obtained by solving optimization problems that
balance exploration and exploitation. It adapts to non-stationarity by
restarting when a change in the reward function is detected. Our algorithm
enjoys a tighter dynamic regret bound than previous work on the non-stationary
kernel bandit setting. Moreover, when applied to the non-stationary linear
bandit setting by using a linear kernel, our algorithm is nearly minimax
optimal, solving an open problem in the non-stationary linear bandit
literature. We extend our algorithm to use a neural network for dynamically
adapting the feature mapping to observed data. We prove a dynamic regret bound
of the extension using the neural tangent kernel theory. We demonstrate
empirically that our algorithm and the extension can adapt to varying degrees
of non-stationarity."
3510,Unfooling Perturbation-Based Post Hoc Explainers,"Monumental advancements in artificial intelligence (AI) have lured the
interest of doctors, lenders, judges, and other professionals. While these
high-stakes decision-makers are optimistic about the technology, those familiar
with AI systems are wary about the lack of transparency of its decision-making
processes. Perturbation-based post hoc explainers offer a model agnostic means
of interpreting these systems while only requiring query-level access. However,
recent work demonstrates that these explainers can be fooled adversarially.
This discovery has adverse implications for auditors, regulators, and other
sentinels. With this in mind, several natural questions arise - how can we
audit these black box systems? And how can we ascertain that the auditee is
complying with the audit in good faith? In this work, we rigorously formalize
this problem and devise a defense against adversarial attacks on
perturbation-based explainers. We propose algorithms for the detection
(CAD-Detect) and defense (CAD-Defend) of these attacks, which are aided by our
novel conditional anomaly detection approach, KNN-CAD. We demonstrate that our
approach successfully detects whether a black box system adversarially conceals
its decision-making process and mitigates the adversarial attack on real-world
data for the prevalent explainers, LIME and SHAP."
3511,Modeling Disagreement in Automatic Data Labelling for Semi-Supervised Learning in Clinical Natural Language Processing,"Computational models providing accurate estimates of their uncertainty are
crucial for risk management associated with decision making in healthcare
contexts. This is especially true since many state-of-the-art systems are
trained using the data which has been labelled automatically (self-supervised
mode) and tend to overfit. In this work, we investigate the quality of
uncertainty estimates from a range of current state-of-the-art predictive
models applied to the problem of observation detection in radiology reports.
This problem remains understudied for Natural Language Processing in the
healthcare domain. We demonstrate that Gaussian Processes (GPs) provide
superior performance in quantifying the risks of 3 uncertainty labels based on
the negative log predictive probability (NLPP) evaluation metric and mean
maximum predicted confidence levels (MMPCL), whilst retaining strong predictive
performance."
3512,Radial Spike and Slab Bayesian Neural Networks for Sparse Data in Ransomware Attacks,"Ransomware attacks are increasing at an alarming rate, leading to large
financial losses, unrecoverable encrypted data, data leakage, and privacy
concerns. The prompt detection of ransomware attacks is required to minimize
further damage, particularly during the encryption stage. However, the
frequency and structure of the observed ransomware attack data makes this task
difficult to accomplish in practice. The data corresponding to ransomware
attacks represents temporal, high-dimensional sparse signals, with limited
records and very imbalanced classes. While traditional deep learning models
have been able to achieve state-of-the-art results in a wide variety of
domains, Bayesian Neural Networks, which are a class of probabilistic models,
are better suited to the issues of the ransomware data. These models combine
ideas from Bayesian statistics with the rich expressive power of neural
networks. In this paper, we propose the Radial Spike and Slab Bayesian Neural
Network, which is a new type of Bayesian Neural network that includes a new
form of the approximate posterior distribution. The model scales well to large
architectures and recovers the sparse structure of target functions. We provide
a theoretical justification for using this type of distribution, as well as a
computationally efficient method to perform variational inference. We
demonstrate the performance of our model on a real dataset of ransomware
attacks and show improvement over a large number of baselines, including
state-of-the-art models such as Neural ODEs (ordinary differential equations).
In addition, we propose to represent low-level events as MITRE ATT\&CK tactics,
techniques, and procedures (TTPs) which allows the model to better generalize
to unseen ransomware attacks."
3513,A Generative Adversarial Network-based Selective Ensemble Characteristic-to-Expression Synthesis (SE-CTES) Approach and Its Applications in Healthcare,"Investigating the causal relationships between characteristics and
expressions plays a critical role in healthcare analytics. Effective synthesis
for expressions using given characteristics can make great contributions to
health risk management and medical decision-making. For example, predicting the
resulting physiological symptoms on patients from given treatment
characteristics is helpful for the disease prevention and personalized
treatment strategy design. Therefore, the objective of this study is to
effectively synthesize the expressions based on given characteristics. However,
the mapping from characteristics to expressions is usually from a relatively
low dimension space to a high dimension space, but most of the existing methods
such as regression models could not effectively handle such mapping. Besides,
the relationship between characteristics and expressions may contain not only
deterministic patterns, but also stochastic patterns. To address these
challenges, this paper proposed a novel selective ensemble
characteristic-to-expression synthesis (SE-CTES) approach inspired by
generative adversarial network (GAN). The novelty of the proposed method can be
summarized into three aspects: (1) GAN-based architecture for deep neural
networks are incorporated to learn the relatively low dimensional mapping to
high dimensional mapping containing both deterministic and stochastic patterns;
(2) the weights of the two mismatching errors in the GAN-based architecture are
proposed to be different to reduce the learning bias in the training process;
and (3) a selective ensemble learning framework is proposed to reduce the
prediction bias and improve the synthesis stability. To validate the
effectiveness of the proposed approach, extensive numerical simulation studies
and a real-world healthcare case study were applied and the results
demonstrated that the proposed method is very promising."
3514,CogVideo: Large-scale Pretraining for Text-to-Video Generation via Transformers,"Large-scale pretrained transformers have created milestones in text (GPT-3)
and text-to-image (DALL-E and CogView) generation. Its application to video
generation is still facing many challenges: The potential huge computation cost
makes the training from scratch unaffordable; The scarcity and weak relevance
of text-video datasets hinder the model understanding complex movement
semantics. In this work, we present 9B-parameter transformer CogVideo, trained
by inheriting a pretrained text-to-image model, CogView2. We also propose
multi-frame-rate hierarchical training strategy to better align text and video
clips. As (probably) the first open-source large-scale pretrained text-to-video
model, CogVideo outperforms all publicly available models at a large margin in
machine and human evaluations."
3515,Stochastic Zeroth Order Gradient and Hessian Estimators: Variance Reduction and Refined Bias Bounds,"We study stochastic zeroth order gradient and Hessian estimators for
real-valued functions in $\mathbb{R}^n$. We show that, via taking finite
difference along random orthogonal directions, the variance of the stochastic
finite difference estimators can be significantly reduced. In particular, we
design estimators for smooth functions such that, if one uses $ \Theta \left( k
\right) $ random directions sampled from the Stiefel's manifold $ \text{St}
(n,k) $ and finite-difference granularity $\delta$, the variance of the
gradient estimator is bounded by $ \mathcal{O} \left( \left( \frac{n}{k} - 1
\right) + \left( \frac{n^2}{k} - n \right) \delta^2 + \frac{ n^2 \delta^4 }{ k
} \right) $, and the variance of the Hessian estimator is bounded by
$\mathcal{O} \left( \left( \frac{n^2}{k^2} - 1 \right) + \left( \frac{n^4}{k^2}
- n^2 \right) \delta^2 + \frac{n^4 \delta^4 }{k^2} \right) $. When $k = n$, the
variances become negligibly small. In addition, we provide improved bias bounds
for the estimators. The bias of both gradient and Hessian estimators for smooth
function $f$ is of order $\mathcal{O} \left( \delta^2 \Gamma \right)$, where
$\delta$ is the finite-difference granularity, and $ \Gamma $ depends on high
order derivatives of $f$. Our results are evidenced by empirical observations."
3516,Intelligent analysis of EEG signals to assess consumer decisions: A Study on Neuromarketing,"Neuromarketing is an emerging field that combines neuroscience and marketing
to understand the factors that influence consumer decisions better. The study
proposes a method to understand consumers' positive and negative reactions to
advertisements (ads) and products by analysing electroencephalogram (EEG)
signals. These signals are recorded using a low-cost single electrode headset
from volunteers belonging to the ages 18-22. A detailed subject dependent (SD)
and subject independent (SI) analysis was performed employing machine learning
methods like Naive Bayes (NB), Support Vector Machine (SVM), k-nearest
neighbour and Decision Tree and the proposed deep learning (DL) model. SVM and
NB yielded an accuracy (Acc.) of 0.63 for the SD analysis. In SI analysis, SVM
performed better for the advertisement, product and gender-based analysis.
Furthermore, the performance of the DL model was on par with that of SVM,
especially, in product and ads-based analysis."
3517,Tackling Multiple Tasks with One Single Learning Framework,"Deep Multi-Task Learning (DMTL) has been widely studied in the machine
learning community and applied to a broad range of real-world applications.
Searching for the optimal knowledge sharing in DMTL is more challenging for
sequential learning problems, as the task relationship will change in the
temporal dimension. In this paper, we propose a flexible and efficient
framework called HierarchicalTemporal Activation Network (HTAN) to
simultaneously explore the optimal sharing of the neural network hierarchy
(hierarchical axis) and the time-variant task relationship (temporal axis).
HTAN learns a set of time-variant activation functions to encode the task
relation. A functional regularization implemented by a modulated SPDNet and
adversarial learning is further proposed to enhance the DMTL performance.
Comprehensive experiments on several challenging applications demonstrate that
our HTAN-SPD framework outperforms SOTA methods significantly in sequential
DMTL."
3518,"L3Cube-MahaNLP: Marathi Natural Language Processing Datasets, Models, and Library","Despite being the third most popular language in India, the Marathi language
lacks useful NLP resources. Moreover, popular NLP libraries do not have support
for the Marathi language. With L3Cube-MahaNLP, we aim to build resources and a
library for Marathi natural language processing. We present datasets and
transformer models for supervised tasks like sentiment analysis, named entity
recognition, and hate speech detection. We have also published a monolingual
Marathi corpus for unsupervised language modeling tasks. Overall we present
MahaCorpus, MahaSent, MahaNER, and MahaHate datasets and their corresponding
MahaBERT models fine-tuned on these datasets. We aim to move ahead of benchmark
datasets and prepare useful resources for Marathi. The resources are available
at https://github.com/l3cube-pune/MarathiNLP."
3519,What are People Talking about in #BackLivesMatter and #StopAsianHate? Exploring and Categorizing Twitter Topics Emerging in Online Social Movements through the Latent Dirichlet Allocation Model,"Minority groups have been using social media to organize social movements
that create profound social impacts. Black Lives Matter (BLM) and Stop Asian
Hate (SAH) are two successful social movements that have spread on Twitter that
promote protests and activities against racism and increase the public's
awareness of other social challenges that minority groups face. However,
previous studies have mostly conducted qualitative analyses of tweets or
interviews with users, which may not comprehensively and validly represent all
tweets. Very few studies have explored the Twitter topics within BLM and SAH
dialogs in a rigorous, quantified and data-centered approach. Therefore, in
this research, we adopted a mixed-methods approach to comprehensively analyze
BLM and SAH Twitter topics. We implemented (1) the latent Dirichlet allocation
model to understand the top high-level words and topics and (2) open-coding
analysis to identify specific themes across the tweets. We collected more than
one million tweets with the #blacklivesmatter and #stopasianhate hashtags and
compared their topics. Our findings revealed that the tweets discussed a
variety of influential topics in depth, and social justice, social movements,
and emotional sentiments were common topics in both movements, though with
unique subtopics for each movement. Our study contributes to the topic analysis
of social movements on social media platforms in particular and the literature
on the interplay of AI, ethics, and society in general."
3520,Heterogeneous Treatment Effects Estimation: When Machine Learning meets multiple treatment regime,"In many scientific and engineering domains, inferring the effect of treatment
and exploring its heterogeneity is crucial for optimization and decision
making. In addition to Machine Learning based models (e.g. Random Forests or
Neural Networks), many meta-algorithms have been developed to estimate the
Conditional Average Treatment Effect (CATE) function in the binary setting,
with the main advantage of not restraining the estimation to a specific
supervised learning method. However, this task becomes more challenging when
the treatment is not binary. In this paper, we investigate the Rubin Causal
Model under the multi-treatment regime and we focus on estimating heterogeneous
treatment effects. We generalize \textit{Meta-learning} algorithms to estimate
the CATE for each possible treatment value. Using synthetic and semi-synthetic
simulation datasets, we assess the quality of each meta-learner in
observational data, and we highlight in particular the performances of the
X-learner."
3521,Evaluating Automated Driving Planner Robustness against Adversarial Influence,"Evaluating the robustness of automated driving planners is a critical and
challenging task. Although methodologies to evaluate vehicles are well
established, they do not yet account for a reality in which vehicles with
autonomous components share the road with adversarial agents. Our approach,
based on probabilistic trust models, aims to help researchers assess the
robustness of protections for machine learning-enabled planners against
adversarial influence. In contrast with established practices that evaluate
safety using the same evaluation dataset for all vehicles, we argue that
adversarial evaluation fundamentally requires a process that seeks to defeat a
specific protection. Hence, we propose that evaluations be based on estimating
the difficulty for an adversary to determine conditions that effectively induce
unsafe behavior. This type of inference requires precise statements about
threats, protections, and aspects of planning decisions to be guarded. We
demonstrate our approach by evaluating protections for planners relying on
camera-based object detectors."
3522,Learning Security Strategies through Game Play and Optimal Stopping,"We study automated intrusion prevention using reinforcement learning.
Following a novel approach, we formulate the interaction between an attacker
and a defender as an optimal stopping game and let attack and defense
strategies evolve through reinforcement learning and self-play. The
game-theoretic perspective allows us to find defender strategies that are
effective against dynamic attackers. The optimal stopping formulation gives us
insight into the structure of optimal strategies, which we show to have
threshold properties. To obtain the optimal defender strategies, we introduce
T-FP, a fictitious self-play algorithm that learns Nash equilibria through
stochastic approximation. We show that T-FP outperforms a state-of-the-art
algorithm for our use case. Our overall method for learning and evaluating
strategies includes two systems: a simulation system where defender strategies
are incrementally learned and an emulation system where statistics are produced
that drive simulation runs and where learned strategies are evaluated. We
conclude that this approach can produce effective defender strategies for a
practical IT infrastructure."
3523,Generalization bounds and algorithms for estimating conditional average treatment effect of dosage,"We investigate the task of estimating the conditional average causal effect
of treatment-dosage pairs from a combination of observational data and
assumptions on the causal relationships in the underlying system. This has been
a longstanding challenge for fields of study such as epidemiology or economics
that require a treatment-dosage pair to make decisions but may not be able to
run randomized trials to precisely quantify their effect and heterogeneity
across individuals. In this paper, we extend (Shalit et al, 2017) to give new
bounds on the counterfactual generalization error in the context of a
continuous dosage parameter which relies on a different approach to defining
counterfactuals and assignment bias adjustment. This result then guides the
definition of new learning objectives that can be used to train representation
learning algorithms for which we show empirically new state-of-the-art
performance results across several benchmark datasets for this problem,
including in comparison to doubly-robust estimation methods."
3524,On the Robustness of Safe Reinforcement Learning under Observational Perturbations,"Safe reinforcement learning (RL) trains a policy to maximize the task reward
while satisfying safety constraints. While prior works focus on the performance
optimality, we find that the optimal solutions of many safe RL problems are not
robust and safe against carefully designed observational perturbations. We
formally analyze the unique properties of designing effective state adversarial
attackers in the safe RL setting. We show that baseline adversarial attack
techniques for standard RL tasks are not always effective for safe RL and
proposed two new approaches - one maximizes the cost and the other maximizes
the reward. One interesting and counter-intuitive finding is that the maximum
reward attack is strong, as it can both induce unsafe behaviors and make the
attack stealthy by maintaining the reward. We further propose a more effective
adversarial training framework for safe RL and evaluate it via comprehensive
experiments. This work sheds light on the inherited connection between
observational robustness and safety in RL and provides a pioneer work for
future safe RL studies."
3525,The impact of memory on learning sequence-to-sequence tasks,"The recent success of neural networks in machine translation and other fields
has drawn renewed attention to learning sequence-to-sequence (seq2seq) tasks.
While there exists a rich literature that studies classification and regression
using solvable models of neural networks, learning seq2seq tasks is
significantly less studied from this perspective. Here, we propose a simple
model for a seq2seq task that gives us explicit control over the degree of
memory, or non-Markovianity, in the sequences -- the stochastic
switching-Ornstein-Uhlenbeck (SSOU) model. We introduce a measure of
non-Markovianity to quantify the amount of memory in the sequences. For a
minimal auto-regressive (AR) learning model trained on this task, we identify
two learning regimes corresponding to distinct phases in the stationary state
of the SSOU process. These phases emerge from the interplay between two
different time scales that govern the sequence statistics. Moreover, we observe
that while increasing the memory of the AR model always improves performance,
increasing the non-Markovianity of the input sequences can improve or degrade
performance. Finally, our experiments with recurrent and convolutional neural
networks show that our observations carry over to more complicated neural
network architectures."
3526,Context-based Virtual Adversarial Training for Text Classification with Noisy Labels,"Deep neural networks (DNNs) have a high capacity to completely memorize noisy
labels given sufficient training time, and its memorization, unfortunately,
leads to performance degradation. Recently, virtual adversarial training (VAT)
attracts attention as it could further improve the generalization of DNNs in
semi-supervised learning. The driving force behind VAT is to prevent the models
from overfitting data points by enforcing consistency between the inputs and
the perturbed inputs. This strategy could be helpful in learning from noisy
labels if it prevents neural models from learning noisy samples while
encouraging the models to generalize clean samples. In this paper, we propose
context-based virtual adversarial training (ConVAT) to prevent a text
classifier from overfitting to noisy labels. Unlike the previous works, the
proposed method performs the adversarial training at the context level rather
than the inputs. It makes the classifier not only learn its label but also its
contextual neighbors, which alleviates the learning from noisy labels by
preserving contextual semantics on each data point. We conduct extensive
experiments on four text classification datasets with two types of label
noises. Comprehensive experimental results clearly show that the proposed
method works quite well even with extremely noisy settings."
3527,Diminishing Empirical Risk Minimization for Unsupervised Anomaly Detection,"Unsupervised anomaly detection (AD) is a challenging task in realistic
applications. Recently, there is an increasing trend to detect anomalies with
deep neural networks (DNN). However, most popular deep AD detectors cannot
protect the network from learning contaminated information brought by anomalous
data, resulting in unsatisfactory detection performance and overfitting issues.
In this work, we identify one reason that hinders most existing DNN-based
anomaly detection methods from performing is the wide adoption of the Empirical
Risk Minimization (ERM). ERM assumes that the performance of an algorithm on an
unknown distribution can be approximated by averaging losses on the known
training set. This averaging scheme thus ignores the distinctions between
normal and anomalous instances. To break through the limitations of ERM, we
propose a novel Diminishing Empirical Risk Minimization (DERM) framework.
Specifically, DERM adaptively adjusts the impact of individual losses through a
well-devised aggregation strategy. Theoretically, our proposed DERM can
directly modify the gradient contribution of each individual loss in the
optimization process to suppress the influence of outliers, leading to a robust
anomaly detector. Empirically, DERM outperformed the state-of-the-art on the
unsupervised AD benchmark consisting of 18 datasets."
3528,Heterogeneous Data-Centric Architectures for Modern Data-Intensive Applications: Case Studies in Machine Learning and Databases,"Today's computing systems require moving data back-and-forth between
computing resources (e.g., CPUs, GPUs, accelerators) and off-chip main memory
so that computation can take place on the data. Unfortunately, this data
movement is a major bottleneck for system performance and energy consumption.
One promising execution paradigm that alleviates the data movement bottleneck
in modern and emerging applications is processing-in-memory (PIM), where the
cost of data movement to/from main memory is reduced by placing computation
capabilities close to memory.
Naively employing PIM to accelerate data-intensive workloads can lead to
sub-optimal performance due to the many design constraints PIM substrates
impose. Therefore, many recent works co-design specialized PIM accelerators and
algorithms to improve performance and reduce the energy consumption of (i)
applications from various application domains; and (ii) various computing
environments, including cloud systems, mobile systems, and edge devices.
We showcase the benefits of co-designing algorithms and hardware in a way
that efficiently takes advantage of the PIM paradigm for two modern
data-intensive applications: (1) machine learning inference models for edge
devices and (2) hybrid transactional/analytical processing databases for cloud
systems. We follow a two-step approach in our system design. In the first step,
we extensively analyze the computation and memory access patterns of each
application to gain insights into its hardware/software requirements and major
sources of performance and energy bottlenecks in processor-centric systems. In
the second step, we leverage the insights from the first step to co-design
algorithms and hardware accelerators to enable high-performance and
energy-efficient data-centric architectures for each application."
3529,COFS: Controllable Furniture layout Synthesis,"Scalable generation of furniture layouts is essential for many applications
in virtual reality, augmented reality, game development and synthetic data
generation. Many existing methods tackle this problem as a sequence generation
problem which imposes a specific ordering on the elements of the layout making
such methods impractical for interactive editing or scene completion.
Additionally, most methods focus on generating layouts unconditionally and
offer minimal control over the generated layouts. We propose COFS, an
architecture based on standard transformer architecture blocks from language
modeling. The proposed model is invariant to object order by design, removing
the unnatural requirement of specifying an object generation order.
Furthermore, the model allows for user interaction at multiple levels enabling
fine grained control over the generation process. Our model consistently
outperforms other methods which we verify by performing quantitative
evaluations. Our method is also faster to train and sample from, compared to
existing methods."
3530,Contributions to Representation Learning with Graph Autoencoders and Applications to Music Recommendation,"Graph autoencoders (GAE) and variational graph autoencoders (VGAE) emerged as
two powerful groups of unsupervised node embedding methods, with various
applications to graph-based machine learning problems such as link prediction
and community detection. Nonetheless, at the beginning of this Ph.D. project,
GAE and VGAE models were also suffering from key limitations, preventing them
from being adopted in the industry. In this thesis, we present several
contributions to improve these models, with the general aim of facilitating
their use to address industrial-level problems involving graph representations.
Firstly, we propose two strategies to overcome the scalability issues of
previous GAE and VGAE models, permitting to effectively train these models on
large graphs with millions of nodes and edges. These strategies leverage graph
degeneracy and stochastic subgraph decoding techniques, respectively. Besides,
we introduce Gravity-Inspired GAE and VGAE, providing the first extensions of
these models for directed graphs, that are ubiquitous in industrial
applications. We also consider extensions of GAE and VGAE models for dynamic
graphs. Furthermore, we argue that GAE and VGAE models are often unnecessarily
complex, and we propose to simplify them by leveraging linear encoders. Lastly,
we introduce Modularity-Aware GAE and VGAE to improve community detection on
graphs, while jointly preserving good performances on link prediction. In the
last part of this thesis, we evaluate our methods on several graphs extracted
from the music streaming service Deezer. We put the emphasis on graph-based
music recommendation problems. In particular, we show that our methods can
improve the detection of communities of similar musical items to recommend to
users, that they can effectively rank similar artists in a cold start setting,
and that they permit modeling the music genre perception across cultures."
3531,Speaker Identification using Speech Recognition,"The audio data is increasing day by day throughout the globe with the
increase of telephonic conversations, video conferences and voice messages.
This research provides a mechanism for identifying a speaker in an audio file,
based on the human voice biometric features like pitch, amplitude, frequency
etc. We proposed an unsupervised learning model where the model can learn
speech representation with limited dataset. Librispeech dataset was used in
this research and we were able to achieve word error rate of 1.8."
3532,Exploiting Transliterated Words for Finding Similarity in Inter-Language News Articles using Machine Learning,"Finding similarities between two inter-language news articles is a
challenging problem of Natural Language Processing (NLP). It is difficult to
find similar news articles in a different language other than the native
language of user, there is a need for a Machine Learning based automatic system
to find the similarity between two inter-language news articles. In this
article, we propose a Machine Learning model with the combination of English
Urdu word transliteration which will show whether the English news article is
similar to the Urdu news article or not. The existing approaches to find
similarities has a major drawback when the archives contain articles of
low-resourced languages like Urdu along with English news article. The existing
approaches to find similarities has drawback when the archives contain
low-resourced languages like Urdu along with English news articles. We used
lexicon to link Urdu and English news articles. As Urdu language processing
applications like machine translation, text to speech, etc are unable to handle
English text at the same time so this research proposed technique to find
similarities in English and Urdu news articles based on transliteration."
3533,Urdu News Article Recommendation Model using Natural Language Processing Techniques,"There are several online newspapers in urdu but for the users it is difficult
to find the content they are looking for because these most of them contain
irrelevant data and most users did not get what they want to retrieve. Our
proposed framework will help to predict Urdu news in the interests of users and
reduce the users searching time for news. For this purpose, NLP techniques are
used for pre-processing, and then TF-IDF with cosine similarity is used for
gaining the highest similarity and recommended news on user preferences.
Moreover, the BERT language model is also used for similarity, and by using the
BERT model similarity increases as compared to TF-IDF so the approach works
better with the BERT language model and recommends news to the user on their
interest. The news is recommended when the similarity of the articles is above
60 percent."
3534,Micro-Expression Recognition Based on Attribute Information Embedding and Cross-modal Contrastive Learning,"Facial micro-expressions recognition has attracted much attention recently.
Micro-expressions have the characteristics of short duration and low intensity,
and it is difficult to train a high-performance classifier with the limited
number of existing micro-expressions. Therefore, recognizing micro-expressions
is a challenge task. In this paper, we propose a micro-expression recognition
method based on attribute information embedding and cross-modal contrastive
learning. We use 3D CNN to extract RGB features and FLOW features of
micro-expression sequences and fuse them, and use BERT network to extract text
information in Facial Action Coding System. Through cross-modal contrastive
loss, we embed attribute information in the visual network, thereby improving
the representation ability of micro-expression recognition in the case of
limited samples. We conduct extensive experiments in CASME II and MMEW
databases, and the accuracy is 77.82% and 71.04%, respectively. The comparative
experiments show that this method has better recognition effect than other
methods for micro-expression recognition."
3535,Physical Activation Functions (PAFs): An Approach for More Efficient Induction of Physics into Physics-Informed Neural Networks (PINNs),"In recent years, the gap between Deep Learning (DL) methods and analytical or
numerical approaches in scientific computing is tried to be filled by the
evolution of Physics-Informed Neural Networks (PINNs). However, still, there
are many complications in the training of PINNs and optimal interleaving of
physical models. Here, we introduced the concept of Physical Activation
Functions (PAFs). This concept offers that instead of using general activation
functions (AFs) such as ReLU, tanh, and sigmoid for all the neurons, one can
use generic AFs that their mathematical expression is inherited from the
physical laws of the investigating phenomena. The formula of PAFs may be
inspired by the terms in the analytical solution of the problem. We showed that
the PAFs can be inspired by any mathematical formula related to the
investigating phenomena such as the initial or boundary conditions of the PDE
system. We validated the advantages of PAFs for several PDEs including the
harmonic oscillations, Burgers, Advection-Convection equation, and the
heterogeneous diffusion equations. The main advantage of PAFs was in the more
efficient constraining and interleaving of PINNs with the investigating
physical phenomena and their underlying mathematical models. This added
constraint significantly improved the predictions of PINNs for the testing data
that was out-of-training distribution. Furthermore, the application of PAFs
reduced the size of the PINNs up to 75% in different cases. Also, the value of
loss terms was reduced by 1 to 2 orders of magnitude in some cases which is
noteworthy for upgrading the training of the PINNs. The iterations required for
finding the optimum values were also significantly reduced. It is concluded
that using the PAFs helps in generating PINNs with less complexity and much
more validity for longer ranges of prediction."
3536,Continuous Generative Neural Networks,"In this work, we present and study Continuous Generative Neural Networks
(CGNNs), namely, generative models in the continuous setting. The architecture
is inspired by DCGAN, with one fully connected layer, several convolutional
layers and nonlinear activation functions. In the continuous $L^2$ setting, the
dimensions of the spaces of each layer are replaced by the scales of a
multiresolution analysis of a compactly supported wavelet. We present
conditions on the convolutional filters and on the nonlinearity that guarantee
that a CGNN is injective. This theory finds applications to inverse problems,
and allows for deriving Lipschitz stability estimates for (possibly nonlinear)
infinite-dimensional inverse problems with unknowns belonging to the manifold
generated by a CGNN. Several numerical simulations, including image deblurring,
illustrate and validate this approach."
3537,Graph Structure Based Data Augmentation Method,"In this paper, we propose a novel graph-based data augmentation method that
can generally be applied to medical waveform data with graph structures. In the
process of recording medical waveform data, such as electrocardiogram (ECG) or
electroencephalogram (EEG), angular perturbations between the measurement leads
exist due to discrepancies in lead positions. The data samples with large
angular perturbations often cause inaccuracy in algorithmic prediction tasks.
We design a graph-based data augmentation technique that exploits the inherent
graph structures within the medical waveform data to improve both performance
and robustness. In addition, we show that the performance gain from graph
augmentation results from robustness by testing against adversarial attacks.
Since the bases of performance gain are orthogonal, the graph augmentation can
be used in conjunction with existing data augmentation techniques to further
improve the final performance. We believe that our graph augmentation method
opens up new possibilities to explore in data augmentation."
3538,A Conditional Randomization Test for Sparse Logistic Regression in High-Dimension,"Identifying the relevant variables for a classification model with correct
confidence levels is a central but difficult task in high-dimension. Despite
the core role of sparse logistic regression in statistics and machine learning,
it still lacks a good solution for accurate inference in the regime where the
number of features $p$ is as large as or larger than the number of samples $n$.
Here, we tackle this problem by improving the Conditional Randomization Test
(CRT). The original CRT algorithm shows promise as a way to output p-values
while making few assumptions on the distribution of the test statistics. As it
comes with a prohibitive computational cost even in mildly high-dimensional
problems, faster solutions based on distillation have been proposed. Yet, they
rely on unrealistic hypotheses and result in low-power solutions. To improve
this, we propose \emph{CRT-logit}, an algorithm that combines a
variable-distillation step and a decorrelation step that takes into account the
geometry of $\ell_1$-penalized logistic regression problem. We provide a
theoretical analysis of this procedure, and demonstrate its effectiveness on
simulations, along with experiments on large-scale brain-imaging and genomics
datasets."
3539,Do Residual Neural Networks discretize Neural Ordinary Differential Equations?,"Neural Ordinary Differential Equations (Neural ODEs) are the continuous
analog of Residual Neural Networks (ResNets). We investigate whether the
discrete dynamics defined by a ResNet are close to the continuous one of a
Neural ODE. We first quantify the distance between the ResNet's hidden state
trajectory and the solution of its corresponding Neural ODE. Our bound is tight
and, on the negative side, does not go to 0 with depth N if the residual
functions are not smooth with depth. On the positive side, we show that this
smoothness is preserved by gradient descent for a ResNet with linear residual
functions and small enough initial loss. It ensures an implicit regularization
towards a limit Neural ODE at rate 1 over N, uniformly with depth and
optimization time. As a byproduct of our analysis, we consider the use of a
memory-free discrete adjoint method to train a ResNet by recovering the
activations on the fly through a backward pass of the network, and show that
this method theoretically succeeds at large depth if the residual functions are
Lipschitz with the input. We then show that Heun's method, a second order ODE
integration scheme, allows for better gradient estimation with the adjoint
method when the residual functions are smooth with depth. We experimentally
validate that our adjoint method succeeds at large depth, and that Heun method
needs fewer layers to succeed. We finally use the adjoint method successfully
for fine-tuning very deep ResNets without memory consumption in the residual
layers."
3540,Dynamic Graph Learning Based on Hierarchical Memory for Origin-Destination Demand Prediction,"Recent years have witnessed a rapid growth of applying deep spatiotemporal
methods in traffic forecasting. However, the prediction of origin-destination
(OD) demands is still a challenging problem since the number of OD pairs is
usually quadratic to the number of stations. In this case, most of the existing
spatiotemporal methods fail to handle spatial relations on such a large scale.
To address this problem, this paper provides a dynamic graph representation
learning framework for OD demands prediction. In particular, a hierarchical
memory updater is first proposed to maintain a time-aware representation for
each node, and the representations are updated according to the most recently
observed OD trips in continuous-time and multiple discrete-time ways. Second, a
spatiotemporal propagation mechanism is provided to aggregate representations
of neighbor nodes along a random spatiotemporal route which treats origin and
destination as two different semantic entities. Last, an objective function is
designed to derive the future OD demands according to the most recent node
representations, and also to tackle the data sparsity problem in OD prediction.
Extensive experiments have been conducted on two real-world datasets, and the
experimental results demonstrate the superiority of the proposed method. The
code and data are available at https://github.com/Rising0321/HMOD."
3541,An adaptive granularity clustering method based on hyper-ball,"The purpose of cluster analysis is to classify elements according to their
similarity. Its applications range from astronomy to bioinformatics and pattern
recognition. Our method is based on the idea that the data with similar
distribution form a hyper-ball and the adjacent hyper-balls form a cluster.
Based on the cognitive law of ""large scale first"", this method can identify
clusters without considering shape in a simple and non-parametric way.
Experimental results on several datasets demonstrate the effectiveness of the
algorithm."
3542,Joint Abductive and Inductive Neural Logical Reasoning,"Neural logical reasoning (NLR) is a fundamental task in knowledge discovery
and artificial intelligence. NLR aims at answering multi-hop queries with
logical operations on structured knowledge bases based on distributed
representations of queries and answers. While previous neural logical reasoners
can give specific entity-level answers, i.e., perform inductive reasoning from
the perspective of logic theory, they are not able to provide descriptive
concept-level answers, i.e., perform abductive reasoning, where each concept is
a summary of a set of entities. In particular, the abductive reasoning task
attempts to infer the explanations of each query with descriptive concepts,
which make answers comprehensible to users and is of great usefulness in the
field of applied ontology. In this work, we formulate the problem of the joint
abductive and inductive neural logical reasoning (AI-NLR), solving which needs
to address challenges in incorporating, representing, and operating on
concepts. We propose an original solution named ABIN for AI-NLR. Firstly, we
incorporate description logic-based ontological axioms to provide the source of
concepts. Then, we represent concepts and queries as fuzzy sets, i.e., sets
whose elements have degrees of membership, to bridge concepts and queries with
entities. Moreover, we design operators involving concepts on top of the fuzzy
set representation of concepts and queries for optimization and inference.
Extensive experimental results on two real-world datasets demonstrate the
effectiveness of ABIN for AI-NLR."
3543,Independent and Decentralized Learning in Markov Potential Games,"We propose a multi-agent reinforcement learning dynamics, and analyze its
convergence properties in infinite-horizon discounted Markov potential games.
We focus on the independent and decentralized setting, where players can only
observe the realized state and their own reward in every stage. Players do not
have knowledge of the game model, and cannot coordinate with each other. In
each stage of our learning dynamics, players update their estimate of a
perturbed Q-function that evaluates their total contingent payoff based on the
realized one-stage reward in an asynchronous manner. Then, players
independently update their policies by incorporating a smoothed optimal
one-stage deviation strategy based on the estimated Q-function. A key feature
of the learning dynamics is that the Q-function estimates are updated at a
faster timescale than the policies. We prove that the policies induced by our
learning dynamics converge to a stationary Nash equilibrium in Markov potential
games with probability 1. Our results build on the theory of two timescale
asynchronous stochastic approximation, and new analysis on the monotonicity of
potential function along the trajectory of policy updates in Markov potential
games."
3544,Masked Distillation with Receptive Tokens,"Distilling from the feature maps can be fairly effective for dense prediction
tasks since both the feature discriminability and localization priors can be
well transferred. However, not every pixel contributes equally to the
performance, and a good student should learn from what really matters to the
teacher. In this paper, we introduce a learnable embedding dubbed receptive
token to localize those pixels of interests (PoIs) in the feature map, with a
distillation mask generated via pixel-wise attention. Then the distillation
will be performed on the mask via pixel-wise reconstruction. In this way, a
distillation mask actually indicates a pattern of pixel dependencies within
feature maps of teacher. We thus adopt multiple receptive tokens to investigate
more sophisticated and informative pixel dependencies to further enhance the
distillation. To obtain a group of masks, the receptive tokens are learned via
the regular task loss but with teacher fixed, and we also leverage a Dice loss
to enrich the diversity of learned masks. Our method dubbed MasKD is simple and
practical, and needs no priors of tasks in application. Experiments show that
our MasKD can achieve state-of-the-art performance consistently on object
detection and semantic segmentation benchmarks. Code is available at:
https://github.com/hunto/MasKD ."
3545,Learning Locality and Isotropy in Dialogue Modeling,"Existing dialogue modeling methods have achieved promising performance on
various dialogue tasks with the aid of Transformer and the large-scale
pre-trained language models. However, some recent studies revealed that the
context representations produced by these methods suffer the problem of
anisotropy. In this paper, we find that the generated representations are also
not conversational, losing the conversation structure information during the
context modeling stage. To this end, we identify two properties in dialogue
modeling, i.e., locality and isotropy, and present a simple method for dialogue
representation calibration, namely SimDRC, to build isotropic and
conversational feature spaces. Experimental results show that our approach
significantly outperforms the current state-of-the-art models on three dialogue
tasks across the automatic and human evaluation metrics. More in-depth analyses
further confirm the effectiveness of our proposed approach."
3546,3D-C2FT: Coarse-to-fine Transformer for Multi-view 3D Reconstruction,"Recently, the transformer model has been successfully employed for the
multi-view 3D reconstruction problem. However, challenges remain on designing
an attention mechanism to explore the multiview features and exploit their
relations for reinforcing the encoding-decoding modules. This paper proposes a
new model, namely 3D coarse-to-fine transformer (3D-C2FT), by introducing a
novel coarse-to-fine(C2F) attention mechanism for encoding multi-view features
and rectifying defective 3D objects. C2F attention mechanism enables the model
to learn multi-view information flow and synthesize 3D surface correction in a
coarse to fine-grained manner. The proposed model is evaluated by ShapeNet and
Multi-view Real-life datasets. Experimental results show that 3D-C2FT achieves
notable results and outperforms several competing models on these datasets."
3547,Mean Field inference of CRFs based on GAT,"In this paper we propose an improved mean-field inference algorithm for the
fully connected paired CRFs model. The improved method Message Passing
operation is changed from the original linear convolution to the present graph
attention operation, while the process of the inference algorithm is turned
into the forward process of the GAT model. Combined with the mean-field
inferred label distribution, it is equivalent to the output of a classifier
with only unary potential. To this end, we propose a graph attention network
model with residual structure, and the model approach is applicable to all
sequence annotation tasks, such as pixel-level image semantic segmentation
tasks as well as text annotation tasks."
3548,No-regret Learning in Repeated First-Price Auctions with Budget Constraints,"Recently the online advertising market has exhibited a gradual shift from
second-price auctions to first-price auctions. Although there has been a line
of works concerning online bidding strategies in first-price auctions, it still
remains open how to handle budget constraints in the problem. In the present
paper, we initiate the study for a buyer with budgets to learn online bidding
strategies in repeated first-price auctions. We propose an RL-based bidding
algorithm against the optimal non-anticipating strategy under stationary
competition. Our algorithm obtains $\widetilde O(\sqrt T)$-regret if the bids
are all revealed at the end of each round. With the restriction that the buyer
only sees the winning bid after each round, our modified algorithm obtains
$\widetilde O(T^{\frac{7}{12}})$-regret by techniques developed from survival
analysis. Our analysis extends to the more general scenario where the buyer has
any bounded instantaneous utility function with regrets of the same order."
3549,Provable Benefits of Representational Transfer in Reinforcement Learning,"We study the problem of representational transfer in RL, where an agent first
pretrains in a number of source tasks to discover a shared representation,
which is subsequently used to learn a good policy in a target task. We propose
a new notion of task relatedness between source and target tasks, and develop a
novel approach for representational transfer under this assumption. Concretely,
we show that given generative access to source tasks, we can discover a
representation, using which subsequent linear RL techniques quickly converge to
a near-optimal policy, with only online access to the target task.
The sample complexity is close to knowing the ground truth features in the
target task, and comparable to prior representation learning results in the
source tasks. We complement our positive results with lower bounds without
generative access, and validate our findings with empirical evaluation on rich
observation MDPs that require deep exploration."
3550,AutoDisc: Automatic Distillation Schedule for Large Language Model Compression,"Driven by the teacher-student paradigm, knowledge distillation is one of the
de facto ways for language model compression. Recent studies have uncovered
that conventional distillation is less effective when facing a large capacity
gap between the teacher and the student, and introduced teacher assistant-based
distillation to bridge the gap. As a connection, the scale and the performance
of the teacher assistant is crucial for transferring the knowledge from the
teacher to the student. However, existing teacher assistant-based methods
manually select the scale of the teacher assistant, which fails to identify the
teacher assistant with the optimal scale-performance tradeoff. To this end, we
propose an Automatic Distillation Schedule (AutoDisc) for large language model
compression. In particular, AutoDisc first specifies a set of teacher assistant
candidates at different scales with gridding and pruning, and then optimizes
all candidates in an once-for-all optimization with two approximations. The
best teacher assistant scale is automatically selected according to the
scale-performance tradeoff. AutoDisc is evaluated with an extensive set of
experiments on a language understanding benchmark GLUE. Experimental results
demonstrate the improved performance and applicability of our AutoDisc. We
further apply AutoDisc on a language model with over one billion parameters and
show the scalability of AutoDisc."
3551,Calibrated Predictive Distributions via Diagnostics for Conditional Coverage,"Uncertainty quantification is crucial for assessing the predictive ability of
AI algorithms. A large body of work (including normalizing flows and Bayesian
neural networks) has been devoted to describing the entire predictive
distribution (PD) of a target variable Y given input features $\mathbf{X}$.
However, off-the-shelf PDs are usually far from being conditionally calibrated;
i.e., the probability of occurrence of an event given input $\mathbf{X}$ can be
significantly different from the predicted probability. Most current research
on predictive inference (such as conformal prediction) concerns constructing
prediction sets, that do not only provide correct uncertainties on average over
the entire population (that is, averaging over $\mathbf{X}$), but that are also
approximately conditionally calibrated with accurate uncertainties for
individual instances. It is often believed that the problem of obtaining and
assessing entire conditionally calibrated PDs is too challenging to approach.
In this work, we show that recalibration as well as validation are indeed
attainable goals in practice. Our proposed method relies on the idea of
regressing probability integral transform (PIT) scores against $\mathbf{X}$.
This regression gives full diagnostics of conditional coverage across the
entire feature space and can be used to recalibrate misspecified PDs. We
benchmark our corrected prediction bands against oracle bands and
state-of-the-art predictive inference algorithms for synthetic data, including
settings with distributional shift and dependent high-dimensional sequence
data. Finally, we demonstrate an application to the physical sciences in which
we assess and produce calibrated PDs for measurements of galaxy distances using
imaging data (i.e., photometric redshifts)."
3552,Representation Gap in Deep Reinforcement Learning,"Deep reinforcement learning gives the promise that an agent learns good
policy from high-dimensional information. Whereas representation learning
removes irrelevant and redundant information and retains pertinent information.
We consider the representation capacity of action value function and
theoretically reveal its inherent property, \textit{representation gap} with
its target action value function. This representation gap is favorable.
However, through illustrative experiments, we show that the representation of
action value function grows similarly compared with its target value function,
i.e. the undesirable inactivity of the representation gap
(\textit{representation overlap}). Representation overlap results in a loss of
representation capacity, which further leads to sub-optimal learning
performance. To activate the representation gap, we propose a simple but
effective framework \underline{P}olicy \underline{O}ptimization from
\underline{P}reventing \underline{R}epresentation \underline{O}verlaps (POPRO),
which regularizes the policy evaluation phase through differing the
representation of action value function from its target. We also provide the
convergence rate guarantee of POPRO. We evaluate POPRO on gym continuous
control suites. The empirical results show that POPRO using pixel inputs
outperforms or parallels the sample-efficiency of methods that use state-based
features."
3553,A Model of One-Shot Generalization,"We provide a theoretical framework to study a phenomenon that we call
one-shot generalization. This phenomenon refers to the ability of an algorithm
to perform transfer learning within a single task, meaning that it correctly
classifies a test point that has a single exemplar in the training set. We
propose a simple data model and use it to study this phenomenon in two ways.
First, we prove a non-asymptotic base-line -- kernel methods based on
nearest-neighbor classification cannot perform one-shot generalization,
independently of the choice of the kernel and the size of the training set.
Second, we empirically show that the most direct neural network architecture
for our data model performs one-shot generalization almost perfectly. This
stark differential leads us to believe that the one-shot generalization
mechanism is partially responsible for the empirical success of neural
networks."
3554,Machine Learning for Microcontroller-Class Hardware -- A Review,"The advancements in machine learning opened a new opportunity to bring
intelligence to the low-end Internet-of-Things nodes such as microcontrollers.
Conventional machine learning deployment has high memory and compute footprint
hindering their direct deployment on ultra resource-constrained
microcontrollers. This paper highlights the unique requirements of enabling
onboard machine learning for microcontroller class devices. Researchers use a
specialized model development workflow for resource-limited applications to
ensure the compute and latency budget is within the device limits while still
maintaining the desired performance. We characterize a closed-loop widely
applicable workflow of machine learning model development for microcontroller
class devices and show that several classes of applications adopt a specific
instance of it. We present both qualitative and numerical insights into
different stages of model development by showcasing several use cases. Finally,
we identify the open research challenges and unsolved questions demanding
careful considerations moving forward."
3555,The Missing Invariance Principle Found -- the Reciprocal Twin of Invariant Risk Minimization,"Machine learning models often generalize poorly to out-of-distribution (OOD)
data as a result of relying on features that are spuriously correlated with the
label during training. Recently, the technique of Invariant Risk Minimization
(IRM) was proposed to learn predictors that only use invariant features by
conserving the feature-conditioned class expectation $\mathbb{E}_e[y|f(x)]$
across environments. However, more recent studies have demonstrated that IRM
can fail in various task settings. Here, we identify a fundamental flaw of IRM
formulation that causes the failure. We then introduce a complementary notion
of invariance, MRI, that is based on conserving the class-conditioned feature
expectation $\mathbb{E}_e[f(x)|y]$ across environments, that corrects for the
flaw in IRM. Further, we introduce a simplified, practical version of the MRI
formulation called as MRI-v1. We note that this constraint is convex which
confers it with an advantage over the practical version of IRM, IRM-v1, which
imposes non-convex constraints. We prove that in a general linear problem
setting, MRI-v1 can guarantee invariant predictors given sufficient
environments. We also empirically demonstrate that MRI strongly out-performs
IRM and consistently achieves near-optimal OOD generalization in image-based
nonlinear problems."
3556,Functional Linear Regression of CDFs,"The estimation of cumulative distribution functions (CDF) is an important
learning task with a great variety of downstream applications, e.g., risk
assessments in predictions and decision making. We study functional regression
of contextual CDFs where each data point is sampled from a linear combination
of context dependent CDF bases. We propose estimation methods that estimate
CDFs accurately everywhere. In particular, given $n$ samples with $d$ bases, we
show estimation error upper bounds of $\widetilde O(\sqrt{d/n})$ for fixed
design, random design, and adversarial context cases. We also derive matching
information theoretic lower bounds, establishing minimax optimality for CDF
functional regression. To complete our study, we consider agnostic settings
where there is a mismatch in the data generation process. We characterize the
error of the proposed estimator in terms of the mismatched error, and show that
the estimator is well-behaved under model mismatch."
3557,SupMAE: Supervised Masked Autoencoders Are Efficient Vision Learners,"Self-supervised Masked Autoencoders (MAE) are emerging as a new pre-training
paradigm in computer vision. MAE learns semantics implicitly via reconstructing
local patches, requiring thousands of pre-training epochs to achieve favorable
performance. This paper incorporates explicit supervision, i.e., golden labels,
into the MAE framework. The proposed Supervised MAE (SupMAE) only exploits a
visible subset of image patches for classification, unlike the standard
supervised pre-training where all image patches are used. SupMAE is efficient
and can achieve comparable performance with MAE using only 30% compute when
evaluated on ImageNet with the ViT-B/16 model. Detailed ablation studies are
conducted to verify the proposed components."
3558,Improving VAE-based Representation Learning,"Latent variable models like the Variational Auto-Encoder (VAE) are commonly
used to learn representations of images. However, for downstream tasks like
semantic classification, the representations learned by VAE are less
competitive than other non-latent variable models. This has led to some
speculations that latent variable models may be fundamentally unsuitable for
representation learning. In this work, we study what properties are required
for good representations and how different VAE structure choices could affect
the learned properties. We show that by using a decoder that prefers to learn
local features, the remaining global features can be well captured by the
latent, which significantly improves performance of a downstream classification
task. We further apply the proposed model to semi-supervised learning tasks and
demonstrate improvements in data efficiency."
3559,Group-wise Reinforcement Feature Generation for Optimal and Explainable Representation Space Reconstruction,"Representation (feature) space is an environment where data points are
vectorized, distances are computed, patterns are characterized, and geometric
structures are embedded. Extracting a good representation space is critical to
address the curse of dimensionality, improve model generalization, overcome
data sparsity, and increase the availability of classic models. Existing
literature, such as feature engineering and representation learning, is limited
in achieving full automation (e.g., over heavy reliance on intensive labor and
empirical experiences), explainable explicitness (e.g., traceable
reconstruction process and explainable new features), and flexible optimal
(e.g., optimal feature space reconstruction is not embedded into downstream
tasks). Can we simultaneously address the automation, explicitness, and optimal
challenges in representation space reconstruction for a machine learning task?
To answer this question, we propose a group-wise reinforcement generation
perspective. We reformulate representation space reconstruction into an
interactive process of nested feature generation and selection, where feature
generation is to generate new meaningful and explicit features, and feature
selection is to eliminate redundant features to control feature sizes. We
develop a cascading reinforcement learning method that leverages three
cascading Markov Decision Processes to learn optimal generation policies to
automate the selection of features and operations and the feature crossing. We
design a group-wise generation strategy to cross a feature group, an operation,
and another feature group to generate new features and find the strategy that
can enhance exploration efficiency and augment reward signals of cascading
agents. Finally, we present extensive experiments to demonstrate the
effectiveness, efficiency, traceability, and explicitness of our system."
3560,A Character-Level Length-Control Algorithm for Non-Autoregressive Sentence Summarization,"Sentence summarization aims at compressing a long sentence into a short one
that keeps the main gist, and has extensive real-world applications such as
headline generation. In previous work, researchers have developed various
approaches to improve the ROUGE score, which is the main evaluation metric for
summarization, whereas controlling the summary length has not drawn much
attention. In our work, we address a new problem of explicit character-level
length control for summarization, and propose a dynamic programming algorithm
based on the Connectionist Temporal Classification (CTC) model. Results show
that our approach not only achieves higher ROUGE scores but also yields more
complete sentences."
3561,Learning Non-Autoregressive Models from Search for Unsupervised Sentence Summarization,"Text summarization aims to generate a short summary for an input text. In
this work, we propose a Non-Autoregressive Unsupervised Summarization (NAUS)
approach, which does not require parallel data for training. Our NAUS first
performs edit-based search towards a heuristically defined score, and generates
a summary as pseudo-groundtruth. Then, we train an encoder-only
non-autoregressive Transformer based on the search result. We also propose a
dynamic programming approach for length-control decoding, which is important
for the summarization task. Experiments on two datasets show that NAUS achieves
state-of-the-art performance for unsupervised summarization, yet largely
improving inference efficiency. Further, our algorithm is able to perform
explicit length-transfer summary generation."
3562,Transfer Learning as a Method to Reproduce High-Fidelity NLTE Opacities in Simulations,"Simulations of high-energy density physics often need non-local thermodynamic
equilibrium (NLTE) opacity data. This data, however, is expensive to produce at
relatively low-fidelity. It is even more so at high-fidelity such that the
opacity calculations can contribute ninety-five percent of the total
computation time. This proportion can even reach large proportions. Neural
networks can be used to replace the standard calculations of low-fidelity data,
and the neural networks can be trained to reproduce artificial, high-fidelity
opacity spectra. In this work, it is demonstrated that a novel neural network
architecture trained to reproduce high-fidelity krypton spectra through
transfer learning can be used in simulations. Further, it is demonstrated that
this can be done while achieving a relative percent error of the peak radiative
temperature of the hohlraum of approximately 1\% to 4\% while achieving a 19.4x
speed up."
3563,History-Restricted Online Learning,"We introduce the concept of history-restricted no-regret online learning
algorithms. An online learning algorithm $\mathcal{A}$ is
$M$-history-restricted if its output at time $t$ can be written as a function
of the $M$ previous rewards. This class of online learning algorithms is quite
natural to consider from many perspectives: they may be better models of human
agents and they do not store long-term information (thereby ensuring ``the
right to be forgotten''). We first demonstrate that a natural approach to
constructing history-restricted algorithms from mean-based no-regret learning
algorithms (e.g. running Hedge over the last $M$ rounds) fails, and that such
algorithms incur linear regret. We then construct a history-restricted
algorithm that achieves a per-round regret of $\Theta(1/\sqrt{M})$, which we
complement with a tight lower bound. Finally, we empirically explore
distributions where history-restricted online learners have favorable
performance compared to other no-regret algorithms."
3564,Contributor-Aware Defenses Against Adversarial Backdoor Attacks,"Deep neural networks for image classification are well-known to be vulnerable
to adversarial attacks. One such attack that has garnered recent attention is
the adversarial backdoor attack, which has demonstrated the capability to
perform targeted misclassification of specific examples. In particular,
backdoor attacks attempt to force a model to learn spurious relations between
backdoor trigger patterns and false labels. In response to this threat,
numerous defensive measures have been proposed; however, defenses against
backdoor attacks focus on backdoor pattern detection, which may be unreliable
against novel or unexpected types of backdoor pattern designs. We introduce a
novel re-contextualization of the adversarial setting, where the presence of an
adversary implicitly admits the existence of multiple database contributors.
Then, under the mild assumption of contributor awareness, it becomes possible
to exploit this knowledge to defend against backdoor attacks by destroying the
false label associations. We propose a contributor-aware universal defensive
framework for learning in the presence of multiple, potentially adversarial
data sources that utilizes semi-supervised ensembles and learning from crowds
to filter the false labels produced by adversarial triggers. Importantly, this
defensive strategy is agnostic to backdoor pattern design, as it functions
without needing -- or even attempting -- to perform either adversary
identification or backdoor pattern detection during either training or
inference. Our empirical studies demonstrate the robustness of the proposed
framework against adversarial backdoor attacks from multiple simultaneous
adversaries."
3565,Additive Higher-Order Factorization Machines,"In the age of big data and interpretable machine learning, approaches need to
work at scale and at the same time allow for a clear mathematical understanding
of the method's inner workings. While there exist inherently interpretable
semi-parametric regression techniques for large-scale applications to account
for non-linearity in the data, their model complexity is still often
restricted. One of the main limitations are missing interactions in these
models, which are not included for the sake of better interpretability, but
also due to untenable computational costs. To address this shortcoming, we
derive a scalable high-order tensor product spline model using a factorization
approach. Our method allows to include all (higher-order) interactions of
non-linear feature effects while having computational costs proportional to a
model without interactions. We prove both theoretically and empirically that
our methods scales notably better than existing approaches, derive meaningful
penalization schemes and also discuss further theoretical aspects. We finally
investigate predictive and estimation performance both with synthetic and real
data."
3566,Core-set Selection Using Metrics-based Explanations (CSUME) for multiclass ECG,"The adoption of deep learning-based healthcare decision support systems such
as the detection of irregular cardiac rhythm is hindered by challenges such as
lack of access to quality data and the high costs associated with the
collection and annotation of data. The collection and processing of large
volumes of healthcare data is a continuous process. The performance of
data-hungry Deep Learning models (DL) is highly dependent on the quantity and
quality of the data. While the need for data quantity has been established
through research adequately, we show how a selection of good quality data
improves deep learning model performance. In this work, we take
Electrocardiogram (ECG) data as a case study and propose a model performance
improvement methodology for algorithm developers, that selects the most
informative data samples from incoming streams of multi-class ECG data. Our
Core-Set selection methodology uses metrics-based explanations to select the
most informative ECG data samples. This also provides an understanding (for
algorithm developers) as to why a sample was selected as more informative over
others for the improvement of deep learning model performance. Our experimental
results show a 9.67% and 8.69% precision and recall improvement with a
significant training data volume reduction of 50%. Additionally, our proposed
methodology asserts the quality and annotation of ECG samples from incoming
data streams. It allows automatic detection of individual data samples that do
not contribute to model learning thus minimizing possible negative effects on
model performance. We further discuss the potential generalizability of our
approach by experimenting with a different dataset and deep learning
architecture."
3567,Introducing Non-Linearity into Quantum Generative Models,"The evolution of an isolated quantum system is linear, and hence quantum
algorithms are reversible, including those that utilize quantum circuits as
generative machine learning models. However, some of the most successful
classical generative models, such as those based on neural networks, involve
highly non-linear and thus non-reversible dynamics. In this paper, we explore
the effect of these dynamics in quantum generative modeling by introducing a
model that adds non-linear activations via a neural network structure onto the
standard Born Machine framework - the Quantum Neuron Born Machine (QNBM). To
achieve this, we utilize a previously introduced Quantum Neuron subroutine,
which is a repeat-until-success circuit with mid-circuit measurements and
classical control. After introducing the QNBM, we investigate how its
performance depends on network size, by training a 3-layer QNBM with 4 output
neurons and various input and hidden layer sizes. We then compare our
non-linear QNBM to the linear Quantum Circuit Born Machine (QCBM). We allocate
similar time and memory resources to each model, such that the only major
difference is the qubit overhead required by the QNBM. With gradient-based
training, we show that while both models can easily learn a trivial uniform
probability distribution, on a more challenging class of distributions, the
QNBM achieves an almost 3x smaller error rate than a QCBM with a similar number
of tunable parameters. We therefore provide evidence that suggests that
non-linearity is a useful resource in quantum generative models, and we put
forth the QNBM as a new model with good generative performance and potential
for quantum advantage."
3568,Optimal Decision Diagrams for Classification,"Decision diagrams for classification have some notable advantages over
decision trees, as their internal connections can be determined at training
time and their width is not bound to grow exponentially with their depth.
Accordingly, decision diagrams are usually less prone to data fragmentation in
internal nodes. However, the inherent complexity of training these classifiers
acted as a long-standing barrier to their widespread adoption. In this context,
we study the training of optimal decision diagrams (ODDs) from a mathematical
programming perspective. We introduce a novel mixed-integer linear programming
model for training and demonstrate its applicability for many datasets of
practical importance. Further, we show how this model can be easily extended
for fairness, parsimony, and stability notions. We present numerical analyses
showing that our model allows training ODDs in short computational times, and
that ODDs achieve better accuracy than optimal decision trees, while allowing
for improved stability without significant accuracy losses."
3569,SuperVoice: Text-Independent Speaker Verification Using Ultrasound Energy in Human Speech,"Voice-activated systems are integrated into a variety of desktop, mobile, and
Internet-of-Things (IoT) devices. However, voice spoofing attacks, such as
impersonation and replay attacks, in which malicious attackers synthesize the
voice of a victim or simply replay it, have brought growing security concerns.
Existing speaker verification techniques distinguish individual speakers via
the spectrographic features extracted from an audible frequency range of voice
commands. However, they often have high error rates and/or long delays. In this
paper, we explore a new direction of human voice research by scrutinizing the
unique characteristics of human speech at the ultrasound frequency band. Our
research indicates that the high-frequency ultrasound components (e.g. speech
fricatives) from 20 to 48 kHz can significantly enhance the security and
accuracy of speaker verification. We propose a speaker verification system,
SUPERVOICE that uses a two-stream DNN architecture with a feature fusion
mechanism to generate distinctive speaker models. To test the system, we create
a speech dataset with 12 hours of audio (8,950 voice samples) from 127
participants. In addition, we create a second spoofed voice dataset to evaluate
its security. In order to balance between controlled recordings and real-world
applications, the audio recordings are collected from two quiet rooms by 8
different recording devices, including 7 smartphones and an ultrasound
microphone. Our evaluation shows that SUPERVOICE achieves 0.58% equal error
rate in the speaker verification task, it only takes 120 ms for testing an
incoming utterance, outperforming all existing speaker verification systems.
Moreover, within 91 ms processing time, SUPERVOICE achieves 0% equal error rate
in detecting replay attacks launched by 5 different loudspeakers."
3570,Task-Agnostic Continual Reinforcement Learning: In Praise of a Simple Baseline,"We study task-agnostic continual reinforcement learning (TACRL) in which
standard RL challenges are compounded with partial observability stemming from
task agnosticism, as well as additional difficulties of continual learning
(CL), i.e., learning on a non-stationary sequence of tasks. Here we compare
TACRL methods with their soft upper bounds prescribed by previous literature:
multi-task learning (MTL) methods which do not have to deal with non-stationary
data distributions, as well as task-aware methods, which are allowed to operate
under full observability. We consider a previously unexplored and
straightforward baseline for TACRL, replay-based recurrent RL (3RL), in which
we augment an RL algorithm with recurrent mechanisms to address partial
observability and experience replay mechanisms to address catastrophic
forgetting in CL.
Studying empirical performance in a sequence of RL tasks, we find surprising
occurrences of 3RL matching and overcoming the MTL and task-aware soft upper
bounds. We lay out hypotheses that could explain this inflection point of
continual and task-agnostic learning research. Our hypotheses are empirically
tested in continuous control tasks via a large-scale study of the popular
multi-task and continual learning benchmark Meta-World. By analyzing different
training statistics including gradient conflict, we find evidence that 3RL's
outperformance stems from its ability to quickly infer how new tasks relate
with the previous ones, enabling forward transfer."
3571,Noise-Aware Statistical Inference with Differentially Private Synthetic Data,"While generation of synthetic data under differential privacy (DP) has
received a lot of attention in the data privacy community, analysis of
synthetic data has received much less. Existing work has shown that simply
analysing DP synthetic data as if it were real does not produce valid
inferences of population-level quantities. For example, confidence intervals
become too narrow, which we demonstrate with a simple experiment. We tackle
this problem by combining synthetic data analysis techniques from the field of
multiple imputation, and synthetic data generation using noise-aware Bayesian
modeling into a pipeline NA+MI that allows computing accurate uncertainty
estimates for population-level quantities from DP synthetic data. To implement
NA+MI for discrete data generation from marginal queries, we develop a novel
noise-aware synthetic data generation algorithm NAPSU-MQ using the principle of
maximum entropy. Our experiments demonstrate that the pipeline is able to
produce accurate confidence intervals from DP synthetic data. The intervals
become wider with tighter privacy to accurately capture the additional
uncertainty stemming from DP noise."
3572,Happenstance: Utilizing Semantic Search to Track Russian State Media Narratives about the Russo-Ukrainian War On Reddit,"In the buildup to and in the weeks following the Russian Federation's
invasion of Ukraine, Russian disinformation outlets output torrents of
misleading and outright false information. In this work, we study the
coordinated information campaign to understand the most prominent
disinformation narratives touted by the Russian government to English-speaking
audiences. To do this, we first perform sentence-level topic analysis using the
large-language model MPNet on articles published by nine different Russian
disinformation websites and the new Russian ""fact-checking"" website
waronfakes.com. We show that smaller websites like katehon.com were highly
effective at producing topics that were later echoed by other disinformation
sites. After analyzing the set of Russian information narratives, we analyze
their correspondence with narratives and topics of discussion on the r/Russia
and 10 other political subreddits. Using MPNet and a semantic search algorithm,
we map these subreddits' comments to the set of topics extracted from our set
of disinformation websites, finding that 39.6% of r/Russia comments
corresponded to narratives from Russian disinformation websites, compared to
8.86% on r/politics."
3573,Efficient-Adam: Communication-Efficient Distributed Adam with Complexity Analysis,"Distributed adaptive stochastic gradient methods have been widely used for
large-scale nonconvex optimization, such as training deep learning models.
However, their communication complexity on finding $\varepsilon$-stationary
points has rarely been analyzed in the nonconvex setting. In this work, we
present a novel communication-efficient distributed Adam in the
parameter-server model for stochastic nonconvex optimization, dubbed {\em
Efficient-Adam}. Specifically, we incorporate a two-way quantization scheme
into Efficient-Adam to reduce the communication cost between the workers and
server. Simultaneously, we adopt a two-way error feedback strategy to reduce
the biases caused by the two-way quantization on both the server and workers,
respectively. In addition, we establish the iteration complexity for the
proposed Efficient-Adam with a class of quantization operators, and further
characterize its communication complexity between the server and workers when
an $\varepsilon$-stationary point is achieved. Finally, we apply Efficient-Adam
to solve a toy stochastic convex optimization problem and train deep learning
models on real-world vision and language tasks. Extensive experiments together
with a theoretical guarantee justify the merits of Efficient Adam."
3574,Parameter-Efficient and Student-Friendly Knowledge Distillation,"Knowledge distillation (KD) has been extensively employed to transfer the
knowledge from a large teacher model to the smaller students, where the
parameters of the teacher are fixed (or partially) during training. Recent
studies show that this mode may cause difficulties in knowledge transfer due to
the mismatched model capacities. To alleviate the mismatch problem,
teacher-student joint training methods, e.g., online distillation, have been
proposed, but it always requires expensive computational cost. In this paper,
we present a parameter-efficient and student-friendly knowledge distillation
method, namely PESF-KD, to achieve efficient and sufficient knowledge transfer
by updating relatively few partial parameters. Technically, we first
mathematically formulate the mismatch as the sharpness gap between their
predictive distributions, where we show such a gap can be narrowed with the
appropriate smoothness of the soft label. Then, we introduce an adapter module
for the teacher and only update the adapter to obtain soft labels with
appropriate smoothness. Experiments on a variety of benchmarks show that
PESF-KD can significantly reduce the training cost while obtaining competitive
results compared to advanced online distillation methods. Code will be released
upon acceptance."
3575,Divide to Adapt: Mitigating Confirmation Bias for Domain Adaptation of Black-Box Predictors,"Domain Adaptation of Black-box Predictors (DABP) aims to learn a model on an
unlabeled target domain supervised by a black-box predictor trained on a source
domain. It does not require access to both the source-domain data and the
predictor parameters, thus addressing the data privacy and portability issues
of standard domain adaptation. Existing DABP approaches mostly rely on model
distillation from the black-box predictor, \emph{i.e.}, training the model with
its noisy target-domain predictions, which however inevitably introduces the
confirmation bias accumulated from the prediction noises. To mitigate such
bias, we propose a new method, named BETA, to incorporate knowledge
distillation and noisy label learning into one coherent framework. This is
enabled by a new divide-to-adapt strategy. BETA divides the target domain into
an easy-to-adapt subdomain with less noise and a hard-to-adapt subdomain. Then
it deploys mutually-teaching twin networks to filter the predictor errors for
each other and improve them progressively, from the easy to hard subdomains. As
such, BETA effectively purifies the noisy labels and reduces error
accumulation. We theoretically show that the target error of BETA is minimized
by decreasing the noise ratio of the subdomains. Extensive experiments
demonstrate BETA outperforms existing methods on all DABP benchmarks, and is
even comparable with the standard domain adaptation methods that use the
source-domain data."
3576,ByteComp: Revisiting Gradient Compression in Distributed Training,"Gradient compression (GC) is a promising approach to addressing the
communication bottleneck in distributed deep learning (DDL). However, it is
challenging to find the optimal compression strategy for applying GC to DDL
because of the intricate interactions among tensors. To fully unleash the
benefits of GC, two questions must be addressed: 1) How to express all
compression strategies and the corresponding interactions among tensors of any
DDL training job? 2) How to quickly select a near-optimal compression strategy?
In this paper, we propose ByteComp to answer these questions. It first designs
a decision tree abstraction to express all the compression strategies and
develops empirical models to timeline tensor computation, communication, and
compression to enable ByteComp to derive the intricate interactions among
tensors. It then designs a compression decision algorithm that analyzes tensor
interactions to eliminate and prioritize strategies and optimally offloads
compression to CPUs. Experimental evaluations show that ByteComp can improve
the training throughput over the start-of-the-art compression-enabled system by
up to 77% for representative DDL training jobs. Moreover, the computational
time needed to select the compression strategy is measured in milliseconds, and
the selected strategy is only a few percent from optimal."
3577,Collaborative likelihood-ratio estimation over graphs,"Assuming we have i.i.d observations from two unknown probability density
functions (pdfs), $p$ and $p'$, the likelihood-ratio estimation (LRE) is an
elegant approach to compare the two pdfs just by relying on the available data,
and without knowing the pdfs explicitly. In this paper we introduce a
graph-based extension of this problem: Suppose each node $v$ of a fixed graph
has access to observations coming from two unknown node-specific pdfs, $p_v$
and $p'_v$; the goal is then to compare the respective $p_v$ and $p'_v$ of each
node by also integrating information provided by the graph structure. This
setting is interesting when the graph conveys some sort of `similarity' between
the node-wise estimation tasks, which suggests that the nodes can collaborate
to solve more efficiently their individual tasks, while on the other hand
trying to limit the data sharing among them. Our main contribution is a
distributed non-parametric framework for graph-based LRE, called GRULSIF, that
incorporates in a novel way elements from f-divengence functionals, Kernel
methods, and Multitask Learning. Among the several applications of LRE, we
choose the two-sample hypothesis testing to develop a proof of concept for our
graph-based learning framework. Our experiments compare favorably the
performance of our approach against state-of-the-art non-parametric statistical
tests that apply at each node independently, and thus disregard the graph
structure."
3578,Visual Perception of Building and Household Vulnerability from Streets,"In developing countries, building codes often are outdated or not enforced.
As a result, a large portion of the housing stock is substandard and vulnerable
to natural hazards and climate related events. Assessing housing quality is key
to inform public policies and private investments. Standard assessment methods
are typically carried out only on a sample / pilot basis due to its high costs
or, when complete, tend to be obsolete due to the lack of compliance with
recommended updating standards or not accessible to most users with the level
of detail needed to take key policy or business decisions. Thus, we propose an
evaluation framework that is cost-efficient for first capture and future
updates, and is reliable at the block level. The framework complements existing
work of using street view imagery combined with deep learning to automatically
extract building information to assist the identification of housing
characteristics. We then check its potential for scalability and higher level
reliability. For that purpose, we create an index, which synthesises the
highest possible level of granularity of data at the housing unit and at the
household level at the block level, and assess whether the predictions made by
our model could be used to approximate vulnerability conditions with a lower
budget and in selected areas. Our results indicated that the predictions from
the images are clearly correlated with the index."
3579,CyCLIP: Cyclic Contrastive Language-Image Pretraining,"Recent advances in contrastive representation learning over paired image-text
data have led to models such as CLIP that achieve state-of-the-art performance
for zero-shot classification and distributional robustness. Such models
typically require joint reasoning in the image and text representation spaces
for downstream inference tasks. Contrary to prior beliefs, we demonstrate that
the image and text representations learned via a standard contrastive objective
are not interchangeable and can lead to inconsistent downstream predictions. To
mitigate this issue, we formalize consistency and propose CyCLIP, a framework
for contrastive representation learning that explicitly optimizes for the
learned representations to be geometrically consistent in the image and text
space. In particular, we show that consistent representations can be learned by
explicitly symmetrizing (a) the similarity between the two mismatched
image-text pairs (cross-modal consistency); and (b) the similarity between the
image-image pair and the text-text pair (in-modal consistency). Empirically, we
show that the improved consistency in CyCLIP translates to significant gains
over CLIP, with gains ranging from 10%-24% for zero-shot classification
accuracy on standard benchmarks (CIFAR-10, CIFAR-100, ImageNet1K) and 10%-27%
for robustness to various natural distribution shifts. The code is available at
https://github.com/goel-shashank/CyCLIP."
3580,Variational Transformer: A Framework Beyond the Trade-off between Accuracy and Diversity for Image Captioning,"Accuracy and Diversity are two essential metrizable manifestations in
generating natural and semantically correct captions. Many efforts have been
made to enhance one of them with another decayed due to the trade-off gap.
However, compromise does not make the progress. Decayed diversity makes the
captioner a repeater, and decayed accuracy makes it a fake advisor. In this
work, we exploit a novel Variational Transformer framework to improve accuracy
and diversity simultaneously. To ensure accuracy, we introduce the ""Invisible
Information Prior"" along with the ""Auto-selectable GMM"" to instruct the encoder
to learn the precise language information and object relation in different
scenes. To ensure diversity, we propose the ""Range-Median Reward"" baseline to
retain more diverse candidates with higher rewards during the RL-based training
process. Experiments show that our method achieves the simultaneous promotion
of accuracy (CIDEr) and diversity (self-CIDEr), up to 1.1 and 4.8 percent,
compared with the baseline. Also, our method outperforms others under the newly
proposed measurement of the trade-off gap, with at least 3.55 percent
promotion."
3581,Stochastic Gradient Methods with Compressed Communication for Decentralized Saddle Point Problems,"We propose two stochastic gradient algorithms to solve a class of
saddle-point problems in a decentralized setting (without a central server).
The proposed algorithms are the first to achieve sub-linear/linear computation
and communication complexities using respectively stochastic
gradient/stochastic variance reduced gradient oracles with compressed
information exchange to solve non-smooth strongly-convex strongly-concave
saddle-point problems in decentralized setting. Our first algorithm is a
Restart-based Decentralized Proximal Stochastic Gradient method with
Compression (C-RDPSG) for general stochastic settings. We provide rigorous
theoretical guarantees of C-RDPSG with gradient computation complexity and
communication complexity of order $\mathcal{O}( (1+\delta)^4
\frac{1}{L^2}{\kappa_f^2}\kappa_g^2 \frac{1}{\epsilon} )$, to achieve an
$\epsilon$-accurate saddle-point solution, where $\delta$ denotes the
compression factor, $\kappa_f$ and $\kappa_g$ denote respectively the condition
numbers of objective function and communication graph, and $L$ denotes the
smoothness parameter of the smooth part of the objective function. Next, we
present a Decentralized Proximal Stochastic Variance Reduced Gradient algorithm
with Compression (C-DPSVRG) for finite sum setting which exhibits gradient
computation complexity and communication complexity of order
$\mathcal{O}((1+\delta)\kappa_f^2 \kappa_g \log(\frac{1}{\epsilon}))$.
Extensive numerical experiments show competitive performance of the proposed
algorithms and provide support to the theoretical results obtained."
3582,Looks Like Magic: Transfer Learning in GANs to Generate New Card Illustrations,"In this paper, we propose MAGICSTYLEGAN and MAGICSTYLEGAN-ADA - both
incarnations of the state-of-the-art models StyleGan2 and StyleGan2 ADA - to
experiment with their capacity of transfer learning into a rather different
domain: creating new illustrations for the vast universe of the game ""Magic:
The Gathering"" cards. This is a challenging task especially due to the variety
of elements present in these illustrations, such as humans, creatures,
artifacts, and landscapes - not to mention the plethora of art styles of the
images made by various artists throughout the years. To solve the task at hand,
we introduced a novel dataset, named MTG, with thousands of illustration from
diverse card types and rich in metadata. The resulting set is a dataset
composed by a myriad of both realistic and fantasy-like illustrations.
Although, to investigate effects of diversity we also introduced subsets that
contain specific types of concepts, such as forests, islands, faces, and
humans. We show that simpler models, such as DCGANs, are not able to learn to
generate proper illustrations in any setting. On the other side, we train
instances of MAGICSTYLEGAN using all proposed subsets, being able to generate
high quality illustrations. We perform experiments to understand how well
pre-trained features from StyleGan2 can be transferred towards the target
domain. We show that in well trained models we can find particular instances of
noise vector that realistically represent real images from the dataset.
Moreover, we provide both quantitative and qualitative studies to support our
claims, and that demonstrate that MAGICSTYLEGAN is the state-of-the-art
approach for generating Magic illustrations. Finally, this paper highlights
some emerging properties regarding transfer learning in GANs, which is still a
somehow under-explored field in generative learning research."
3583,Large-Scale Privacy-Preserving Network Embedding against Private Link Inference Attacks,"Network embedding represents network nodes by a low-dimensional informative
vector. While it is generally effective for various downstream tasks, it may
leak some private information of networks, such as hidden private links. In
this work, we address a novel problem of privacy-preserving network embedding
against private link inference attacks. Basically, we propose to perturb the
original network by adding or removing links, and expect the embedding
generated on the perturbed network can leak little information about private
links but hold high utility for various downstream tasks. Towards this goal, we
first propose general measurements to quantify privacy gain and utility loss
incurred by candidate network perturbations; we then design a PPNE framework to
identify the optimal perturbation solution with the best privacy-utility
trade-off in an iterative way. Furthermore, we propose many techniques to
accelerate PPNE and ensure its scalability. For instance, as the skip-gram
embedding methods including DeepWalk and LINE can be seen as matrix
factorization with closed form embedding results, we devise efficient privacy
gain and utility loss approximation methods to avoid the repetitive
time-consuming embedding training for every candidate network perturbation in
each iteration. Experiments on real-life network datasets (with up to millions
of nodes) verify that PPNE outperforms baselines by sacrificing less utility
and obtaining higher privacy protection."
3584,Laplace HypoPINN: Physics-Informed Neural Network for hypocenter localization and its predictive uncertainty,"Several techniques have been proposed over the years for automatic hypocenter
localization. While those techniques have pros and cons that trade-off
computational efficiency and the susceptibility of getting trapped in local
minima, an alternate approach is needed that allows robust localization
performance and holds the potential to make the elusive goal of real-time
microseismic monitoring possible. Physics-informed neural networks (PINNs) have
appeared on the scene as a flexible and versatile framework for solving partial
differential equations (PDEs) along with the associated initial or boundary
conditions. We develop HypoPINN -- a PINN-based inversion framework for
hypocenter localization and introduce an approximate Bayesian framework for
estimating its predictive uncertainties. This work focuses on predicting the
hypocenter locations using HypoPINN and investigates the propagation of
uncertainties from the random realizations of HypoPINN's weights and biases
using the Laplace approximation. We train HypoPINN to obtain the optimized
weights for predicting hypocenter location. Next, we approximate the covariance
matrix at the optimized HypoPINN's weights for posterior sampling with the
Laplace approximation. The posterior samples represent various realizations of
HypoPINN's weights. Finally, we predict the locations of the hypocenter
associated with those weights' realizations to investigate the uncertainty
propagation that comes from those realisations. We demonstrate the features of
this methodology through several numerical examples, including using the Otway
velocity model based on the Otway project in Australia."
3585,A Unified Weight Initialization Paradigm for Tensorial Convolutional Neural Networks,"Tensorial Convolutional Neural Networks (TCNNs) have attracted much research
attention for their power in reducing model parameters or enhancing the
generalization ability. However, exploration of TCNNs is hindered even from
weight initialization methods. To be specific, general initialization methods,
such as Xavier or Kaiming initialization, usually fail to generate appropriate
weights for TCNNs. Meanwhile, although there are ad-hoc approaches for specific
architectures (e.g., Tensor Ring Nets), they are not applicable to TCNNs with
other tensor decomposition methods (e.g., CP or Tucker decomposition). To
address this problem, we propose a universal weight initialization paradigm,
which generalizes Xavier and Kaiming methods and can be widely applicable to
arbitrary TCNNs. Specifically, we first present the Reproducing Transformation
to convert the backward process in TCNNs to an equivalent convolution process.
Then, based on the convolution operators in the forward and backward processes,
we build a unified paradigm to control the variance of features and gradients
in TCNNs. Thus, we can derive fan-in and fan-out initialization for various
TCNNs. We demonstrate that our paradigm can stabilize the training of TCNNs,
leading to faster convergence and better results."
3586,Go Beyond Multiple Instance Neural Networks: Deep-learning Models based on Local Pattern Aggregation,"Deep convolutional neural networks (CNNs) have brought breakthroughs in
processing clinical electrocardiograms (ECGs), speaker-independent speech and
complex images. However, typical CNNs require a fixed input size while it is
common to process variable-size data in practical use. Recurrent networks such
as long short-term memory (LSTM) are capable of eliminating the restriction,
but suffer from high computational complexity. In this paper, we propose local
pattern aggregation-based deep-learning models to effectively deal with both
problems. The novel network structure, called LPANet, has cropping and
aggregation operations embedded into it. With these new features, LPANet can
reduce the difficulty of tuning model parameters and thus tend to improve
generalization performance. To demonstrate the effectiveness, we applied it to
the problem of premature ventricular contraction detection and the experimental
results shows that our proposed method has certain advantages compared to
classical network models, such as CNN and LSTM."
3587,Approximation of Functionals by Neural Network without Curse of Dimensionality,"In this paper, we establish a neural network to approximate functionals,
which are maps from infinite dimensional spaces to finite dimensional spaces.
The approximation error of the neural network is $O(1/\sqrt{m})$ where $m$ is
the size of networks, which overcomes the curse of dimensionality. The key idea
of the approximation is to define a Barron spectral space of functionals."
3588,Fault-Aware Design and Training to Enhance DNNs Reliability with Zero-Overhead,"Deep Neural Networks (DNNs) enable a wide series of technological
advancements, ranging from clinical imaging, to predictive industrial
maintenance and autonomous driving. However, recent findings indicate that
transient hardware faults may corrupt the models prediction dramatically. For
instance, the radiation-induced misprediction probability can be so high to
impede a safe deployment of DNNs models at scale, urging the need for efficient
and effective hardening solutions. In this work, we propose to tackle the
reliability issue both at training and model design time. First, we show that
vanilla models are highly affected by transient faults, that can induce a
performances drop up to 37%. Hence, we provide three zero-overhead solutions,
based on DNN re-design and re-train, that can improve DNNs reliability to
transient faults up to one order of magnitude. We complement our work with
extensive ablation studies to quantify the gain in performances of each
hardening component."
3589,Non-stationary Transformers: Rethinking the Stationarity in Time Series Forecasting,"Transformers have shown great power in time series forecasting due to their
global-range modeling ability. However, their performance can degenerate
terribly on non-stationary real-world data in which the joint distribution
changes over time. Previous studies primarily adopt stationarization to reduce
the non-stationarity of original series for better predictability. But the
stationarized series deprived of inherent non-stationarity can be less
instructive for real-world bursty events forecasting. This problem, termed
over-stationarization in this paper, leads Transformers to generate
indistinguishable temporal attentions for different series and impedes the
predictive capability of deep models. To tackle the dilemma between series
predictability and model capability, we propose Non-stationary Transformers as
a generic framework with two interdependent modules: Series Stationarization
and De-stationary Attention. Concretely, Series Stationarization unifies the
statistics of each input and converts the output with restored statistics for
better predictability. To address over-stationarization, De-stationary
Attention is devised to recover the intrinsic non-stationary information into
temporal dependencies by approximating distinguishable attentions learned from
unstationarized series. Our Non-stationary Transformers framework consistently
boosts mainstream Transformers by a large margin, which reduces 49.43% MSE on
Transformer, 47.34% on Informer, and 46.89% on Reformer, making them the
state-of-the-art in time series forecasting."
3590,Multi-Source Transfer Learning for Deep Model-Based Reinforcement Learning,"Recent progress in deep model-based reinforcement learning allows agents to
be significantly more sample efficient by constructing world models of
high-dimensional environments from visual observations, which enables agents to
learn complex behaviours in summarized lower-dimensional spaces. Reusing
knowledge from relevant previous tasks is another approach for achieving better
data-efficiency, which becomes especially more likely when information of
multiple previously learned tasks is accessible. We show that the simplified
representations of environments resulting from world models provide for
promising transfer learning opportunities, by introducing several methods that
facilitate world model agents to benefit from multi-source transfer learning.
Methods are proposed for autonomously extracting relevant knowledge from both
multi-task and multi-agent settings as multi-source origins, resulting in
substantial performance improvements compared to learning from scratch. We
introduce two additional novel techniques that enable and enhance the proposed
approaches respectively: fractional transfer learning and universal feature
spaces from a universal autoencoder. We demonstrate that our methods enable
transfer learning from different domains with different state, reward, and
action spaces by performing extensive and challenging multi-domain experiments
on Dreamer, the state-of-the-art world model based algorithm for visual
continuous control tasks."
3591,Rethinking the Setting of Semi-supervised Learning on Graphs,"We argue that the present setting of semisupervised learning on graphs may
result in unfair comparisons, due to its potential risk of over-tuning
hyper-parameters for models. In this paper, we highlight the significant
influence of tuning hyper-parameters, which leverages the label information in
the validation set to improve the performance. To explore the limit of
over-tuning hyperparameters, we propose ValidUtil, an approach to fully utilize
the label information in the validation set through an extra group of
hyper-parameters. With ValidUtil, even GCN can easily get high accuracy of
85.8% on Cora.
To avoid over-tuning, we merge the training set and the validation set and
construct an i.i.d. graph benchmark (IGB) consisting of 4 datasets. Each
dataset contains 100 i.i.d. graphs sampled from a large graph to reduce the
evaluation variance. Our experiments suggest that IGB is a more stable
benchmark than previous datasets for semisupervised learning on graphs."
3592,Snapture -- A Novel Neural Architecture for Combined Static and Dynamic Hand Gesture Recognition,"As robots are expected to get more involved in people's everyday lives,
frameworks that enable intuitive user interfaces are in demand. Hand gesture
recognition systems provide a natural way of communication and, thus, are an
integral part of seamless Human-Robot Interaction (HRI). Recent years have
witnessed an immense evolution of computational models powered by deep
learning. However, state-of-the-art models fall short in expanding across
different gesture domains, such as emblems and co-speech. In this paper, we
propose a novel hybrid hand gesture recognition system. Our architecture
enables learning both static and dynamic gestures: by capturing a so-called
""snapshot"" of the gesture performance at its peak, we integrate the hand pose
along with the dynamic movement. Moreover, we present a method for analyzing
the motion profile of a gesture to uncover its dynamic characteristics and
which allows regulating a static channel based on the amount of motion. Our
evaluation demonstrates the superiority of our approach on two gesture
benchmarks compared to a CNNLSTM baseline. We also provide an analysis on a
gesture class basis that unveils the potential of our Snapture architecture for
performance improvements. Thanks to its modular implementation, our framework
allows the integration of other multimodal data like facial expressions and
head tracking, which are important cues in HRI scenarios, into one
architecture. Thus, our work contributes both to gesture recognition research
and machine learning applications for non-verbal communication with robots."
3593,Deep Learning-based Spatially Explicit Emulation of an Agent-Based Simulator for Pandemic in a City,"Agent-Based Models are very useful for simulation of physical or social
processes, such as the spreading of a pandemic in a city. Such models proceed
by specifying the behavior of individuals (agents) and their interactions, and
parameterizing the process of infection based on such interactions based on the
geography and demography of the city. However, such models are computationally
very expensive, and the complexity is often linear in the total number of
agents. This seriously limits the usage of such models for simulations, which
often have to be run hundreds of times for policy planning and even model
parameter estimation. An alternative is to develop an emulator, a surrogate
model that can predict the Agent-Based Simulator's output based on its initial
conditions and parameters. In this paper, we discuss a Deep Learning model
based on Dilated Convolutional Neural Network that can emulate such an agent
based model with high accuracy. We show that use of this model instead of the
original Agent-Based Model provides us major gains in the speed of simulations,
allowing much quicker calibration to observations, and more extensive scenario
analysis. The models we consider are spatially explicit, as the locations of
the infected individuals are simulated instead of the gross counts. Another
aspect of our emulation framework is its divide-and-conquer approach that
divides the city into several small overlapping blocks and carries out the
emulation in them parallelly, after which these results are merged together.
This ensures that the same emulator can work for a city of any size, and also
provides significant improvement of time complexity of the emulator, compared
to the original simulator."
3594,WaveMix-Lite: A Resource-efficient Neural Network for Image Analysis,"Gains in the ability to generalize on image analysis tasks for neural
networks have come at the cost of increased number of parameters and layers,
dataset sizes, training and test computations, and GPU RAM. We introduce a new
architecture -- WaveMix-Lite -- that can generalize on par with contemporary
transformers and convolutional neural networks (CNNs) while needing fewer
resources. WaveMix-Lite uses 2D-discrete wavelet transform to efficiently mix
spatial information from pixels. WaveMix-Lite seems to be a versatile and
scalable architectural framework that can be used for multiple vision tasks,
such as image classification and semantic segmentation, without requiring
significant architectural changes, unlike transformers and CNNs. It is able to
meet or exceed several accuracy benchmarks while training on a single GPU. For
instance, it achieves state-of-the-art accuracy on five EMNIST datasets,
outperforms CNNs and transformers in ImageNet-1K (64$\times$64 images), and
achieves an mIoU of 75.32 % on Cityscapes validation set, while using less than
one-fifth the number parameters and half the GPU RAM of comparable CNNs or
transformers. Our experiments show that while the convolutional elements of
neural architectures exploit the shift-invariance property of images, new types
of layers (e.g., wavelet transform) can exploit additional properties of
images, such as scale-invariance and finite spatial extents of objects."
3595,Syntax-Guided Program Reduction for Understanding Neural Code Intelligence Models,"Neural code intelligence (CI) models are opaque black-boxes and offer little
insight on the features they use in making predictions. This opacity may lead
to distrust in their prediction and hamper their wider adoption in
safety-critical applications. Recently, input program reduction techniques have
been proposed to identify key features in the input programs to improve the
transparency of CI models. However, this approach is syntax-unaware and does
not consider the grammar of the programming language. In this paper, we apply a
syntax-guided program reduction technique that considers the grammar of the
input programs during reduction. Our experiments on multiple models across
different types of input programs show that the syntax-guided program reduction
technique is faster and provides smaller sets of key tokens in reduced
programs. We also show that the key tokens could be used in generating
adversarial examples for up to 65% of the input programs."
3596,Going Deeper into Permutation-Sensitive Graph Neural Networks,"The invariance to permutations of the adjacency matrix, i.e., graph
isomorphism, is an overarching requirement for Graph Neural Networks (GNNs).
Conventionally, this prerequisite can be satisfied by the invariant operations
over node permutations when aggregating messages. However, such an invariant
manner may ignore the relationships among neighboring nodes, thereby hindering
the expressivity of GNNs. In this work, we devise an efficient
permutation-sensitive aggregation mechanism via permutation groups, capturing
pairwise correlations between neighboring nodes. We prove that our approach is
strictly more powerful than the 2-dimensional Weisfeiler-Lehman (2-WL) graph
isomorphism test and not less powerful than the 3-WL test. Moreover, we prove
that our approach achieves the linear sampling complexity. Comprehensive
experiments on multiple synthetic and real-world datasets demonstrate the
superiority of our model."
3597,Granular Generalized Variable Precision Rough Sets and Rational Approximations,"Rational approximations are introduced and studied in granular graded sets
and generalizations thereof by the first author in recent research papers. The
concept of rationality is determined by related ontologies and coherence
between granularity, parthood perspective and approximations used in the
context. In addition, a framework is introduced by her in the mentioned
paper(s). Granular approximations constructed as per the procedures of VPRS are
likely to be more rational than those constructed from a classical perspective
under certain conditions. This may continue to hold for some generalizations of
the former; however, a formal characterization of such conditions is not
available in the previously published literature. In this research, theoretical
aspects of the problem are critically examined, uniform generalizations of
granular VPRS are introduced, new connections with granular graded rough sets
are proved, appropriate concepts of substantial parthood are introduced, and
their extent of compatibility with the framework is accessed. Furthermore, meta
applications to cluster validation, image segmentation and dynamic sorting are
invented. Basic assumptions made are explained, and additional examples are
constructed for readability."
3598,Fair Labeled Clustering,"Numerous algorithms have been produced for the fundamental problem of
clustering under many different notions of fairness. Perhaps the most common
family of notions currently studied is group fairness, in which proportional
group representation is ensured in every cluster. We extend this direction by
considering the downstream application of clustering and how group fairness
should be ensured for such a setting. Specifically, we consider a common
setting in which a decision-maker runs a clustering algorithm, inspects the
center of each cluster, and decides an appropriate outcome (label) for its
corresponding cluster. In hiring for example, there could be two outcomes,
positive (hire) or negative (reject), and each cluster would be assigned one of
these two outcomes. To ensure group fairness in such a setting, we would desire
proportional group representation in every label but not necessarily in every
cluster as is done in group fair clustering. We provide algorithms for such
problems and show that in contrast to their NP-hard counterparts in group fair
clustering, they permit efficient solutions. We also consider a well-motivated
alternative setting where the decision-maker is free to assign labels to the
clusters regardless of the centers' positions in the metric space. We show that
this setting exhibits interesting transitions from computationally hard to easy
according to additional constraints on the problem. Moreover, when the
constraint parameters take on natural values we show a randomized algorithm for
this setting that always achieves an optimal clustering and satisfies the
fairness constraints in expectation. Finally, we run experiments on real world
datasets that validate the effectiveness of our algorithms."
3599,Estimation of 3D Body Shape and Clothing Measurements from Frontal- and Side-view Images,"The estimation of 3D human body shape and clothing measurements is crucial
for virtual try-on and size recommendation problems in the fashion industry but
has always been a challenging problem due to several conditions, such as lack
of publicly available realistic datasets, ambiguity in multiple camera
resolutions, and the undefinable human shape space. Existing works proposed
various solutions to these problems but could not succeed in the industry
adaptation because of complexity and restrictions. To solve the complexity and
challenges, in this paper, we propose a simple yet effective architecture to
estimate both shape and measures from frontal- and side-view images. We utilize
silhouette segmentation from the two multi-view images and implement an
auto-encoder network to learn low-dimensional features from segmented
silhouettes. Then, we adopt a kernel-based regularized regression module to
estimate the body shape and measurements. The experimental results show that
the proposed method provides competitive results on the synthetic dataset,
NOMO-3d-400-scans Dataset, and RGB Images of humans captured in different
cameras."
3600,Reinforcement Learning for Branch-and-Bound Optimisation using Retrospective Trajectories,"Combinatorial optimisation problems framed as mixed integer linear programmes
(MILPs) are ubiquitous across a range of real-world applications. The canonical
branch-and-bound (B&B) algorithm seeks to exactly solve MILPs by constructing a
search tree of increasingly constrained sub-problems. In practice, its solving
time performance is dependent on heuristics, such as the choice of the next
variable to constrain ('branching'). Recently, machine learning (ML) has
emerged as a promising paradigm for branching. However, prior works have
struggled to apply reinforcement learning (RL), citing sparse rewards,
difficult exploration, and partial observability as significant challenges.
Instead, leading ML methodologies resort to approximating high quality
handcrafted heuristics with imitation learning (IL), which precludes the
discovery of novel policies and requires expensive data labelling. In this
work, we propose retro branching; a simple yet effective approach to RL for
branching. By retrospectively deconstructing the search tree into multiple
paths each contained within a sub-tree, we enable the agent to learn from
shorter trajectories with more predictable next states. In experiments on four
combinatorial tasks, our approach enables learning-to-branch without any expert
guidance or pre-training. We outperform the current state-of-the-art RL
branching algorithm by 3-5x and come within 20% of the best IL method's
performance on MILPs with 500 constraints and 1000 variables, with ablations
verifying that our retrospectively constructed trajectories are essential to
achieving these results."
3601,List-Decodable Sparse Mean Estimation,"Robust mean estimation is one of the most important problems in statistics:
given a set of samples $\{x_1, \dots, x_n\} \subset \mathbb{R}^d$ where an
$\alpha$ fraction are drawn from some distribution $D$ and the rest are
adversarially corrupted, it aims to estimate the mean of $D$. A surge of recent
research interest has been focusing on the list-decodable setting where $\alpha
\in (0, \frac12]$, and the goal is to output a finite number of estimates among
which at least one approximates the target mean. In this paper, we consider
that the underlying distribution is Gaussian and the target mean is $k$-sparse.
Our main contribution is the first polynomial-time algorithm that enjoys sample
complexity $O\big(\mathrm{poly}(k, \log d)\big)$, i.e. poly-logarithmic in the
dimension. One of the main algorithmic ingredients is using low-degree sparse
polynomials to filter outliers, which may be of independent interest."
3602,Object-wise Masked Autoencoders for Fast Pre-training,"Self-supervised pre-training for images without labels has recently achieved
promising performance in image classification. The success of transformer-based
methods, ViT and MAE, draws the community's attention to the design of backbone
architecture and self-supervised task. In this work, we show that current
masked image encoding models learn the underlying relationship between all
objects in the whole scene, instead of a single object representation.
Therefore, those methods bring a lot of compute time for self-supervised
pre-training. To solve this issue, we introduce a novel object selection and
division strategy to drop non-object patches for learning object-wise
representations by selective reconstruction with interested region masks. We
refer to this method ObjMAE. Extensive experiments on four commonly-used
datasets demonstrate the effectiveness of our model in reducing the compute
cost by 72% while achieving competitive performance. Furthermore, we
investigate the inter-object and intra-object relationship and find that the
latter is crucial for self-supervised pre-training."
3603,Gating Dropout: Communication-efficient Regularization for Sparsely Activated Transformers,"Sparsely activated transformers, such as Mixture of Experts (MoE), have
received great interest due to their outrageous scaling capability which
enables dramatical increases in model size without significant increases in
computational cost. To achieve this, MoE models replace the feedforward
sub-layer with Mixture-of-Experts sub-layer in transformers and use a gating
network to route each token to its assigned experts. Since the common practice
for efficient training of such models requires distributing experts and tokens
across different machines, this routing strategy often incurs huge
cross-machine communication cost because tokens and their assigned experts
likely reside in different machines. In this paper, we propose \emph{Gating
Dropout}, which allows tokens to ignore the gating network and stay at their
local machines, thus reducing the cross-machine communication. Similar to
traditional dropout, we also show that Gating Dropout has a regularization
effect during training, resulting in improved generalization performance. We
validate the effectiveness of Gating Dropout on multilingual machine
translation tasks. Our results demonstrate that Gating Dropout improves a
state-of-the-art MoE model with faster wall-clock time convergence rates and
better BLEU scores for a variety of model sizes and datasets."
3604,Teaching Models to Express Their Uncertainty in Words,"We show that a GPT-3 model can learn to express uncertainty about its own
answers in natural language -- without use of model logits. When given a
question, the model generates both an answer and a level of confidence (e.g.
""90% confidence"" or ""high confidence""). These levels map to probabilities that
are well calibrated. The model also remains moderately calibrated under
distribution shift, and is sensitive to uncertainty in its own answers, rather
than imitating human examples. To our knowledge, this is the first time a model
has been shown to express calibrated uncertainty about its own answers in
natural language. For testing calibration, we introduce the CalibratedMath
suite of tasks. We compare the calibration of uncertainty expressed in words
(""verbalized probability"") to uncertainty extracted from model logits. Both
kinds of uncertainty are capable of generalizing calibration under distribution
shift. We also provide evidence that GPT-3's ability to generalize calibration
depends on pre-trained latent representations that correlate with epistemic
uncertainty over its answers."
3605,Survival Analysis on Structured Data using Deep Reinforcement Learning,"Survival analysis is playing a major role in manufacturing sector by
analyzing occurrence of any unwanted event based on the input data. Predictive
maintenance, which is a part of survival analysis, helps to find any device
failure based on the current incoming data from different sensor or any
equipment. Deep learning techniques were used to automate the predictive
maintenance problem to some extent, but they are not very helpful in predicting
the device failure for the input data which the algorithm had not learned.
Since neural network predicts the output based on previous learned input
features, it cannot perform well when there is more variation in input
features. Performance of the model is degraded with the occurrence of changes
in input data and finally the algorithm fails in predicting the device failure.
This problem can be solved by our proposed method where the algorithm can
predict the device failure more precisely than the existing deep learning
algorithms. The proposed solution involves implementation of Deep Reinforcement
Learning algorithm called Double Deep Q Network (DDQN) for classifying the
device failure based on the input features. The algorithm is capable of
learning different variation of the input feature and is robust in predicting
whether the device will fail or not based on the input data. The proposed DDQN
model is trained with limited or lesser amount of input data. The trained model
predicted larger amount of test data efficiently and performed well compared to
other deep learning and machine learning models."
3606,Feature subset selection for kernel SVM classification via mixed-integer optimization,"We study the mixed-integer optimization (MIO) approach to feature subset
selection in nonlinear kernel support vector machines (SVMs) for binary
classification. First proposed for linear regression in the 1970s, this
approach has recently moved into the spotlight with advances in optimization
algorithms and computer hardware. The goal of this paper is to establish an MIO
approach for selecting the best subset of features for kernel SVM
classification. To measure the performance of subset selection, we use the
kernel-target alignment, which is the distance between the centroids of two
response classes in a high-dimensional feature space. We propose a
mixed-integer linear optimization (MILO) formulation based on the kernel-target
alignment for feature subset selection, and this MILO problem can be solved to
optimality using optimization software. We also derive a reduced version of the
MILO problem to accelerate our MILO computations. Experimental results show
good computational efficiency for our MILO formulation with the reduced
problem. Moreover, our method can often outperform the linear-SVM-based MILO
formulation and recursive feature elimination in prediction performance,
especially when there are relatively few data instances."
3607,Differentially Private Covariance Revisited,"In this paper, we present three new error bounds, in terms of the Frobenius
norm, for covariance estimation under differential privacy: (1) a worst-case
bound of $\tilde{O}(d^{1/4}/\sqrt{n})$, which improves the standard Gaussian
mechanism $\tilde{O}(d/n)$ for the regime $d>\widetilde{\Omega}(n^{2/3})$; (2)
a trace-sensitive bound that improves the state of the art by a
$\sqrt{d}$-factor, and (3) a tail-sensitive bound that gives a more
instance-specific result. The corresponding algorithms are also simple and
efficient. Experimental results show that they offer significant improvements
over prior work."
3608,Multi-agent Databases via Independent Learning,"Machine learning is rapidly being used in database research to improve the
effectiveness of numerous tasks included but not limited to query optimization,
workload scheduling, physical design, etc. essential database components, such
as the optimizer, scheduler, and physical designer. Currently, the research
focus has been on replacing a single database component responsible for one
task by its learning-based counterpart. However, query performance is not
simply determined by the performance of a single component, but by the
cooperation of multiple ones. As such, learned based database components need
to collaborate during both training and execution in order to develop policies
that meet end performance goals. Thus, the paper attempts to address the
question ""Is it possible to design a database consisting of various learned
components that cooperatively work to improve end-to-end query latency?"".
To answer this question, we introduce MADB (Multi-Agent DB), a
proof-of-concept system that incorporates a learned query scheduler and a
learned query optimizer. MADB leverages a cooperative multi-agent reinforcement
learning approach that allows the two components to exchange the context of
their decisions with each other and collaboratively work towards reducing the
query latency. Preliminary results demonstrate that MADB can outperform the
non-cooperative integration of learned components."
3609,Automatic Expert Selection for Multi-Scenario and Multi-Task Search,"Multi-scenario learning (MSL) enables a service provider to cater for users'
fine-grained demands by separating services for different user sectors, e.g.,
by user's geographical region. Under each scenario there is a need to optimize
multiple task-specific targets e.g., click through rate and conversion rate,
known as multi-task learning (MTL). Recent solutions for MSL and MTL are mostly
based on the multi-gate mixture-of-experts (MMoE) architecture. MMoE structure
is typically static and its design requires domain-specific knowledge, making
it less effective in handling both MSL and MTL. In this paper, we propose a
novel Automatic Expert Selection framework for Multi-scenario and Multi-task
search, named AESM^{2}. AESM^{2} integrates both MSL and MTL into a unified
framework with an automatic structure learning. Specifically, AESM^{2} stacks
multi-task layers over multi-scenario layers. This hierarchical design enables
us to flexibly establish intrinsic connections between different scenarios, and
at the same time also supports high-level feature extraction for different
tasks. At each multi-scenario/multi-task layer, a novel expert selection
algorithm is proposed to automatically identify scenario-/task-specific and
shared experts for each input. Experiments over two real-world large-scale
datasets demonstrate the effectiveness of AESM^{2} over a battery of strong
baselines. Online A/B test also shows substantial performance gain on multiple
metrics. Currently, AESM^{2} has been deployed online for serving major
traffic."
3610,Learning from Self-Sampled Correct and Partially-Correct Programs,"Program synthesis aims to generate executable programs that are consistent
with the user specification. While there are often multiple programs that
satisfy the same user specification, existing neural program synthesis models
are often only learned from one reference program by maximizing its
log-likelihood. This causes the model to be overly confident in its predictions
as it sees the single solution repeatedly during training. This leads to poor
generalization on unseen examples, even when multiple attempts are allowed. To
mitigate this issue, we propose to let the model perform sampling during
training and learn from both self-sampled fully-correct programs, which yield
the gold execution results, as well as partially-correct programs, whose
intermediate execution state matches another correct program. We show that our
use of self-sampled correct and partially-correct programs can benefit learning
and help guide the sampling process, leading to more efficient exploration of
the program space. Additionally, we explore various training objectives to
support learning from multiple programs per example and find they greatly
affect the performance. Experiments on the MathQA and GSM8K datasets show that
our proposed method improves the pass@k performance by 3.1% to 12.3% compared
to learning from a single reference program with MLE."
3611,A Confidence Machine for Sparse High-Order Interaction Model,"In predictive modeling for high-stake decision-making, predictors must be not
only accurate but also reliable. Conformal prediction (CP) is a promising
approach for obtaining the confidence of prediction results with fewer
theoretical assumptions. To obtain the confidence set by so-called full-CP, we
need to refit the predictor for all possible values of prediction results,
which is only possible for simple predictors. For complex predictors such as
random forests (RFs) or neural networks (NNs), split-CP is often employed where
the data is split into two parts: one part for fitting and another to compute
the confidence set. Unfortunately, because of the reduced sample size, split-CP
is inferior to full-CP both in fitting as well as confidence set computation.
In this paper, we develop a full-CP of sparse high-order interaction model
(SHIM), which is sufficiently flexible as it can take into account high-order
interactions among variables. We resolve the computational challenge for
full-CP of SHIM by introducing a novel approach called homotopy mining. Through
numerical experiments, we demonstrate that SHIM is as accurate as complex
predictors such as RF and NN and enjoys the superior statistical power of
full-CP."
3612,Efficient Federated Learning with Spike Neural Networks for Traffic Sign Recognition,"With the gradual popularization of self-driving, it is becoming increasingly
important for vehicles to smartly make the right driving decisions and
autonomously obey traffic rules by correctly recognizing traffic signs.
However, for machine learning-based traffic sign recognition on the Internet of
Vehicles (IoV), a large amount of traffic sign data from distributed vehicles
is needed to be gathered in a centralized server for model training, which
brings serious privacy leakage risk because of traffic sign data containing
lots of location privacy information. To address this issue, we first exploit
privacy-preserving federated learning to perform collaborative training for
accurate recognition models without sharing raw traffic sign data.
Nevertheless, due to the limited computing and energy resources of most
devices, it is hard for vehicles to continuously undertake complex artificial
intelligence tasks. Therefore, we introduce powerful Spike Neural Networks
(SNNs) into traffic sign recognition for energy-efficient and fast model
training, which is the next generation of neural networks and is practical and
well-fitted to IoV scenarios. Furthermore, we design a novel encoding scheme
for SNNs based on neuron receptive fields to extract information from the pixel
and spatial dimensions of traffic signs to achieve high-accuracy training.
Numerical results indicate that the proposed federated SNN outperforms
traditional federated convolutional neural networks in terms of accuracy, noise
immunity, and energy efficiency as well."
3613,Approximate Conditional Coverage via Neural Model Approximations,"Constructing reliable prediction sets is an obstacle for applications of
neural models: Distribution-free conditional coverage is theoretically
impossible, and the exchangeability assumption underpinning the coverage
guarantees of standard split-conformal approaches is violated on domain shifts.
Given these challenges, we propose and analyze a data-driven procedure for
obtaining empirically reliable approximate conditional coverage, calculating
unique quantile thresholds for each label for each test point. We achieve this
via the strong signals for prediction reliability from KNN-based model
approximations over the training set and approximations over constrained
samples from the held-out calibration set. We demonstrate the potential for
substantial (and otherwise unknowable) under-coverage with split-conformal
alternatives with marginal coverage guarantees when not taking these distances
and constraints into account with protein secondary structure prediction,
grammatical error detection, sentiment classification, and fact verification,
covering supervised sequence labeling, zero-shot sequence labeling (i.e.,
feature detection), document classification (with sparsity/interpretability
constraints), and retrieval-classification, including class-imbalanced and
domain-shifted settings."
3614,Federated Neural Bandit,"Recent works on neural contextual bandit have achieved compelling
performances thanks to their ability to leverage the strong representation
power of neural networks (NNs) for reward prediction. Many applications of
contextual bandit involve multiple agents who collaborate without sharing raw
observations, giving rise to the setting of federated contextual bandit.
Existing works on federated contextual bandit rely on linear or kernelized
bandit, which may fall short when modeling complicated real-world reward
functions. In this regard, we introduce the federated neural-upper confidence
bound (FN-UCB) algorithm. To better exploit the federated setting, we adopt a
weighted combination of two UCBs: $\text{UCB}^{a}$ allows every agent to
additionally use the observations from the other agents to accelerate
exploration (without sharing raw observations); $\text{UCB}^{b}$ uses an NN
with aggregated parameters for reward prediction in a similar way as federated
averaging for supervised learning. Notably, the weight between the two UCBs
required by our theoretical analysis is amenable to an interesting
interpretation, which emphasizes $\text{UCB}^{a}$ initially for accelerated
exploration and relies more on $\text{UCB}^{b}$ later after enough observations
have been collected to train the NNs for accurate reward prediction (i.e.,
reliable exploitation). We prove sub-linear upper bounds on both the cumulative
regret and the number of communication rounds of FN-UCB, and use empirical
experiments to demonstrate its competitive performances."
3615,TFLEX: Temporal Feature-Logic Embedding Framework for Complex Reasoning over Temporal Knowledge Graph,"Multi-hop logical reasoning over knowledge graph (KG) plays a fundamental
role in many artificial intelligence tasks. Recent complex query embedding
(CQE) methods for reasoning focus on static KGs, while temporal knowledge
graphs (TKGs) have not been fully explored. Reasoning over TKGs has two
challenges: 1. The query should answer entities or timestamps; 2. The operators
should consider both set logic on entity set and temporal logic on timestamp
set. To bridge this gap, we define the multi-hop logical reasoning problem on
TKGs. With generated three datasets, we propose the first temporal CQE named
Temporal Feature-Logic Embedding framework (TFLEX) to answer the temporal
complex queries. We utilize vector logic to compute the logic part of Temporal
Feature-Logic embeddings, thus naturally modeling all First-Order Logic (FOL)
operations on entity set. In addition, our framework extends vector logic on
timestamp set to cope with three extra temporal operators (After, Before and
Between). Experiments on numerous query patterns demonstrate the effectiveness
of our method."
3616,Ensemble2: Anomaly Detection via EVT-Ensemble Framework for Seasonal KPIs in Communication Network,"KPI anomaly detection is one important function of network management system.
Traditional methods either require prior knowledge or manually set thresholds.
To overcome these shortcomings, we propose the Ensemble2 framework, which
applies ensemble learning to improve exogenous capabilities. Meanwhile,
automatically adjusts thresholds based on extreme value theory. The model is
tested on production datasets to verify its effectiveness. We further optimize
the model using online learning, and finally running at a speed of ~10 pts/s on
an Intel i5 platform."
3617,Deep Embedded Clustering with Distribution Consistency Preservation for Attributed Networks,"Many complex systems in the real world can be characterized by attributed
networks. To mine the potential information in these networks, deep embedded
clustering, which obtains node representations and clusters simultaneously, has
been paid much attention in recent years. Under the assumption of consistency
for data in different views, the cluster structure of network topology and that
of node attributes should be consistent for an attributed network. However,
many existing methods ignore this property, even though they separately encode
node representations from network topology and node attributes meanwhile
clustering nodes on representation vectors learnt from one of the views.
Therefore, in this study, we propose an end-to-end deep embedded clustering
model for attributed networks. It utilizes graph autoencoder and node attribute
autoencoder to respectively learn node representations and cluster assignments.
In addition, a distribution consistency constraint is introduced to maintain
the latent consistency of cluster distributions of two views. Extensive
experiments on several datasets demonstrate that the proposed model achieves
significantly better or competitive performance compared with the
state-of-the-art methods. The source code can be found at
https://github.com/Zhengymm/DCP."
3618,Uncertainty quantification of two-phase flow in porous media via coupled-TgNN surrogate model,"Uncertainty quantification (UQ) of subsurface two-phase flow usually requires
numerous executions of forward simulations under varying conditions. In this
work, a novel coupled theory-guided neural network (TgNN) based surrogate model
is built to facilitate computation efficiency under the premise of satisfactory
accuracy. The core notion of this proposed method is to bridge two separate
blocks on top of an overall network. They underlie the TgNN model in a coupled
form, which reflects the coupling nature of pressure and water saturation in
the two-phase flow equation. The TgNN model not only relies on labeled data,
but also incorporates underlying scientific theory and experiential rules
(e.g., governing equations, stochastic parameter fields, boundary and initial
conditions, well conditions, and expert knowledge) as additional components
into the loss function. The performance of the TgNN-based surrogate model for
two-phase flow problems is tested by different numbers of labeled data and
collocation points, as well as the existence of data noise. The proposed
TgNN-based surrogate model offers an effective way to solve the coupled
nonlinear two-phase flow problem and demonstrates good accuracy and strong
robustness when compared with the purely data-driven surrogate model. By
combining the accurate TgNN-based surrogate model with the Monte Carlo method,
UQ tasks can be performed at a minimum cost to evaluate statistical quantities.
Since the heterogeneity of the random fields strongly impacts the results of
the surrogate model, corresponding variance and correlation length are added to
the input of the neural network to maintain its predictive capacity. The
results show that the TgNN-based surrogate model achieves satisfactory
accuracy, stability, and efficiency in UQ problems of subsurface two-phase
flow."
3619,A Quadrature Perspective on Frequency Bias in Neural Network Training with Nonuniform Data,"Small generalization errors of over-parameterized neural networks (NNs) can
be partially explained by the frequency biasing phenomenon, where
gradient-based algorithms minimize the low-frequency misfit before reducing the
high-frequency residuals. Using the Neural Tangent Kernel (NTK), one can
provide a theoretically rigorous analysis for training where data are drawn
from constant or piecewise-constant probability densities. Since most training
data sets are not drawn from such distributions, we use the NTK model and a
data-dependent quadrature rule to theoretically quantify the frequency biasing
of NN training given fully nonuniform data. By replacing the loss function with
a carefully selected Sobolev norm, we can further amplify, dampen,
counterbalance, or reverse the intrinsic frequency biasing in NN training."
3620,Deep Learning with Label Noise: A Hierarchical Approach,"Deep neural networks are susceptible to label noise. Existing methods to
improve robustness, such as meta-learning and regularization, usually require
significant change to the network architecture or careful tuning of the
optimization procedure. In this work, we propose a simple hierarchical approach
that incorporates a label hierarchy when training the deep learning models. Our
approach requires no change of the network architecture or the optimization
procedure. We investigate our hierarchical network through a wide range of
simulated and real datasets and various label noise types. Our hierarchical
approach improves upon regular deep neural networks in learning with label
noise. Combining our hierarchical approach with pre-trained models achieves
state-of-the-art performance in real-world noisy datasets."
3621,MC-GEN:Multi-level Clustering for Private Synthetic Data Generation,"Nowadays, machine learning is one of the most common technology to turn raw
data into useful information in scientific and industrial processes. The
performance of the machine learning model often depends on the size of dataset.
Companies and research institutes usually share or exchange their data to avoid
data scarcity. However, sharing original datasets that contain private
information can cause privacy leakage. Utilizing synthetic datasets which have
similar characteristics as a substitute is one of the solutions to avoid the
privacy issue. Differential privacy provides a strong privacy guarantee to
protect the individual data records which contain sensitive information. We
propose MC-GEN, a privacy-preserving synthetic data generation method under
differential privacy guarantee for multiple classification tasks. MC-GEN builds
differentially private generative models on the multi-level clustered data to
generate synthetic datasets. Our method also reduced the noise introduced from
differential privacy to improve the utility. In experimental evaluation, we
evaluated the parameter effect of MC-GEN and compared MC-GEN with three
existing methods. Our results showed that MC-GEN can achieve significant
effectiveness under certain privacy guarantees on multiple classification
tasks."
3622,Fake It Till You Make It: Near-Distribution Novelty Detection by Score-Based Generative Models,"We aim for image-based novelty detection. Despite considerable progress,
existing models either fail or face a dramatic drop under the so-called
``near-distribution"" setting, where the differences between normal and
anomalous samples are subtle. We first demonstrate existing methods experience
up to 20\% decrease in performance in the near-distribution setting. Next, we
propose to exploit a score-based generative model to produce synthetic
near-distribution anomalous data. Our model is then fine-tuned to distinguish
such data from the normal samples. We provide a quantitative as well as
qualitative evaluation of this strategy, and compare the results with a variety
of GAN-based models. Effectiveness of our method for both the near-distribution
and standard novelty detection is assessed through extensive experiments on
datasets in diverse applications such as medical images, object classification,
and quality control. This reveals that our method considerably improves over
existing models, and consistently decreases the gap between the
near-distribution and standard novelty detection performance. Overall, our
method improves the near-distribution novelty detection by 6% and passes the
state-of-the-art by 1% to 5% across nine novelty detection benchmarks. The code
repository is available at https://github.com/rohban-lab/FITYMI"
3623,Provably Auditing Ordinary Least Squares in Low Dimensions,"Measuring the stability of conclusions derived from Ordinary Least Squares
linear regression is critically important, but most metrics either only measure
local stability (i.e. against infinitesimal changes in the data), or are only
interpretable under statistical assumptions. Recent work proposes a simple,
global, finite-sample stability metric: the minimum number of samples that need
to be removed so that rerunning the analysis overturns the conclusion,
specifically meaning that the sign of a particular coefficient of the estimated
regressor changes. However, besides the trivial exponential-time algorithm, the
only approach for computing this metric is a greedy heuristic that lacks
provable guarantees under reasonable, verifiable assumptions; the heuristic
provides a loose upper bound on the stability and also cannot certify lower
bounds on it.
We show that in the low-dimensional regime where the number of covariates is
a constant but the number of samples is large, there are efficient algorithms
for provably estimating (a fractional version of) this metric. Applying our
algorithms to the Boston Housing dataset, we exhibit regression analyses where
we can estimate the stability up to a factor of $3$ better than the greedy
heuristic, and analyses where we can certify stability to dropping even a
majority of the samples."
3624,Rethinking Bayesian Learning for Data Analysis: The Art of Prior and Inference in Sparsity-Aware Modeling,"Sparse modeling for signal processing and machine learning has been at the
focus of scientific research for over two decades. Among others, supervised
sparsity-aware learning comprises two major paths paved by: a) discriminative
methods and b) generative methods. The latter, more widely known as Bayesian
methods, enable uncertainty evaluation w.r.t. the performed predictions.
Furthermore, they can better exploit related prior information and naturally
introduce robustness into the model, due to their unique capacity to
marginalize out uncertainties related to the parameter estimates. Moreover,
hyper-parameters associated with the adopted priors can be learnt via the
training data. To implement sparsity-aware learning, the crucial point lies in
the choice of the function regularizer for discriminative methods and the
choice of the prior distribution for Bayesian learning. Over the last decade or
so, due to the intense research on deep learning, emphasis has been put on
discriminative techniques. However, a come back of Bayesian methods is taking
place that sheds new light on the design of deep neural networks, which also
establish firm links with Bayesian models and inspire new paths for
unsupervised learning, such as Bayesian tensor decomposition.
The goal of this article is two-fold. First, to review, in a unified way,
some recent advances in incorporating sparsity-promoting priors into three
highly popular data modeling tools, namely deep neural networks, Gaussian
processes, and tensor decomposition. Second, to review their associated
inference techniques from different aspects, including: evidence maximization
via optimization and variational inference methods. Challenges such as small
data dilemma, automatic model structure search, and natural prediction
uncertainty evaluation are also discussed. Typical signal processing and
machine learning tasks are demonstrated."
3625,Uniform Convergence and Generalization for Nonconvex Stochastic Minimax Problems,"This paper studies the uniform convergence and generalization bounds for
nonconvex-(strongly)-concave (NC-SC/NC-C) stochastic minimax optimization. We
first establish the uniform convergence between the empirical minimax problem
and the population minimax problem and show the
$\tilde{\mathcal{O}}(d\kappa^2\epsilon^{-2})$ and
$\tilde{\mathcal{O}}(d\epsilon^{-4})$ sample complexities respectively for the
NC-SC and NC-C settings, where $d$ is the dimension number and $\kappa$ is the
condition number. To the best of our knowledge, this is the first uniform
convergence measured by the first-order stationarity in stochastic minimax
optimization. Based on the uniform convergence, we shed light on the sample and
gradient complexities required for finding an approximate stationary point for
stochastic minimax optimization in the NC-SC and NC-C settings."
3626,So3krates -- Self-attention for higher-order geometric interactions on arbitrary length-scales,"The application of machine learning methods in quantum chemistry has enabled
the study of numerous chemical phenomena, which are computationally intractable
with traditional ab-initio methods. However, some quantum mechanical properties
of molecules and materials depend on non-local electronic effects, which are
often neglected due to the difficulty of modeling them efficiently. This work
proposes a modified attention mechanism adapted to the underlying physics,
which allows to recover the relevant non-local effects. Namely, we introduce
spherical harmonic coordinates (SPHCs) to reflect higher-order geometric
information for each atom in a molecule, enabling a non-local formulation of
attention in the SPHC space. Our proposed model So3krates -- a self-attention
based message passing neural network -- uncouples geometric information from
atomic features, making them independently amenable to attention mechanisms. We
show that in contrast to other published methods, So3krates is able to describe
non-local quantum mechanical effects over arbitrary length scales. Further, we
find evidence that the inclusion of higher-order geometric correlations
increases data efficiency and improves generalization. So3krates matches or
exceeds state-of-the-art performance on popular benchmarks, notably, requiring
a significantly lower number of parameters (0.25--0.4x) while at the same time
giving a substantial speedup (6--14x for training and 2--11x for inference)
compared to other models."
3627,Image Keypoint Matching using Graph Neural Networks,"Image matching is a key component of many tasks in computer vision and its
main objective is to find correspondences between features extracted from
different natural images. When images are represented as graphs, image matching
boils down to the problem of graph matching which has been studied intensively
in the past. In recent years, graph neural networks have shown great potential
in the graph matching task, and have also been applied to image matching. In
this paper, we propose a graph neural network for the problem of image
matching. The proposed method first generates initial soft correspondences
between keypoints using localized node embeddings and then iteratively refines
the initial correspondences using a series of graph neural network layers. We
evaluate our method on natural image datasets with keypoint annotations and
show that, in comparison to a state-of-the-art model, our method speeds up
inference times without sacrificing prediction accuracy."
3628,Towards Communication-Learning Trade-off for Federated Learning at the Network Edge,"In this letter, we study a wireless federated learning (FL) system where
network pruning is applied to local users with limited resources. Although
pruning is beneficial to reduce FL latency, it also deteriorates learning
performance due to the information loss. Thus, a trade-off problem between
communication and learning is raised. To address this challenge, we quantify
the effects of network pruning and packet error on the learning performance by
deriving the convergence rate of FL with a non-convex loss function. Then,
closed-form solutions for pruning control and bandwidth allocation are proposed
to minimize the weighted sum of FL latency and FL performance. Finally,
numerical results demonstrate that 1) our proposed solution can outperform
benchmarks in terms of cost reduction and accuracy guarantee, and 2) a higher
pruning rate would bring less communication overhead but also worsen FL
accuracy, which is consistent with our theoretical analysis."
3629,NeuPSL: Neural Probabilistic Soft Logic,"We present Neural Probabilistic Soft Logic (NeuPSL), a novel neuro-symbolic
(NeSy) framework that unites state-of-the-art symbolic reasoning with the
low-level perception of deep neural networks. To explicitly model the boundary
between neural and symbolic representations, we introduce NeSy Energy-Based
Models, a general family of energy-based models that combine neural and
symbolic reasoning. Using this framework, we show how to seamlessly integrate
neural and symbolic parameter learning and inference. We perform an extensive
empirical evaluation and show that NeuPSL outperforms existing methods on joint
inference and has significantly lower variance in almost all settings."
3630,Personalized PageRank Graph Attention Networks,"There has been a rising interest in graph neural networks (GNNs) for
representation learning over the past few years. GNNs provide a general and
efficient framework to learn from graph-structured data. However, GNNs
typically only use the information of a very limited neighborhood for each node
to avoid over-smoothing. A larger neighborhood would be desirable to provide
the model with more information. In this work, we incorporate the limit
distribution of Personalized PageRank (PPR) into graph attention networks
(GATs) to reflect the larger neighbor information without introducing
over-smoothing. Intuitively, message aggregation based on Personalized PageRank
corresponds to infinitely many neighborhood aggregation layers. We show that
our models outperform a variety of baseline models for four widely used
benchmark datasets. Our implementation is publicly available online."
3631,On the Symmetries of Deep Learning Models and their Internal Representations,"Symmetry has been a fundamental tool in the exploration of a broad range of
complex systems. In machine learning, symmetry has been explored in both models
and data. In this paper we seek to connect the symmetries arising from the
architecture of a family of models with the symmetries of that family's
internal representation of data. We do this by calculating a set of fundamental
symmetry groups, which we call the \emph{intertwiner groups} of the model. Each
of these arises from a particular nonlinear layer of the model and different
nonlinearities result in different symmetry groups. These groups change the
weights of a model in such a way that the underlying function that the model
represents remains constant but the internal representations of data inside the
model may change. We connect intertwiner groups to a model's internal
representations of data through a range of experiments that probe similarities
between hidden states across models with the same architecture. Our work
suggests that the symmetries of a network are propagated into the symmetries in
that network's representation of data, providing us with a better understanding
of how architecture affects the learning and prediction process. Finally, we
speculate that for ReLU networks, the intertwiner groups may provide a
justification for the common practice of concentrating model interpretability
exploration on the activation basis in hidden layers rather than arbitrary
linear combinations thereof."
3632,Experience report of physics-informed neural networks in fluid simulations: pitfalls and frustration,"The deep learning boom motivates researchers and practitioners of
computational fluid dynamics eager to integrate the two areas.The PINN
(physics-informed neural network) method is one such attempt. While most
reports in the literature show positive outcomes of applying the PINN method,
our experiments with it stifled such optimism. This work presents our
not-so-successful story of using PINN to solve two fundamental flow problems:
2D Taylor-Green vortex at $Re = 100$ and 2D cylinder flow at $Re = 200$. The
PINN method solved the 2D Taylor-Green vortex problem with acceptable results,
and we used this flow as an accuracy and performance benchmark. About 32 hours
of training were required for the PINN method's accuracy to match the accuracy
of a $16 \times 16$ finite-difference simulation, which took less than 20
seconds. The 2D cylinder flow, on the other hand, did not even result in a
physical solution. The PINN method behaved like a steady-flow solver and did
not capture the vortex shedding phenomenon. By sharing our experience, we would
like to emphasize that the PINN method is still a work-in-progress. More work
is needed to make PINN feasible for real-world problems."
3633,Deterministic Langevin Monte Carlo with Normalizing Flows for Bayesian Inference,"We propose a general purpose Bayesian inference algorithm for expensive
likelihoods, replacing the stochastic term in the Langevin equation with a
deterministic density gradient term. The particle density is evaluated from the
current particle positions using a Normalizing Flow (NF), which is
differentiable and has good generalization properties in high dimensions. We
take advantage of NF preconditioning and NF based Metropolis-Hastings updates
for a faster and unbiased convergence. We show on various examples that the
method is competitive against state of the art sampling methods."
3634,Provably Sample-Efficient RL with Side Information about Latent Dynamics,"We study reinforcement learning (RL) in settings where observations are
high-dimensional, but where an RL agent has access to abstract knowledge about
the structure of the state space, as is the case, for example, when a robot is
tasked to go to a specific room in a building using observations from its own
camera, while having access to the floor plan. We formalize this setting as
transfer reinforcement learning from an abstract simulator, which we assume is
deterministic (such as a simple model of moving around the floor plan), but
which is only required to capture the target domain's latent-state dynamics
approximately up to unknown (bounded) perturbations (to account for environment
stochasticity). Crucially, we assume no prior knowledge about the structure of
observations in the target domain except that they can be used to identify the
latent states (but the decoding map is unknown). Under these assumptions, we
present an algorithm, called TASID, that learns a robust policy in the target
domain, with sample complexity that is polynomial in the horizon, and
independent of the number of states, which is not possible without access to
some prior knowledge. In synthetic experiments, we verify various properties of
our algorithm and show that it empirically outperforms transfer RL algorithms
that require access to ""full simulators"" (i.e., those that also simulate
observations)."
3635,FedControl: When Control Theory Meets Federated Learning,"To date, the most popular federated learning algorithms use coordinate-wise
averaging of the model parameters. We depart from this approach by
differentiating client contributions according to the performance of local
learning and its evolution. The technique is inspired from control theory and
its classification performance is evaluated extensively in IID framework and
compared with FedAvg."
3636,Competitive Gradient Optimization,"We study the problem of convergence to a stationary point in zero-sum games.
We propose competitive gradient optimization (CGO ), a gradient-based method
that incorporates the interactions between the two players in zero-sum games
for optimization updates. We provide continuous-time analysis of CGO and its
convergence properties while showing that in the continuous limit, CGO
predecessors degenerate to their gradient descent ascent (GDA) variants. We
provide a rate of convergence to stationary points and further propose a
generalized class of $\alpha$-coherent function for which we provide
convergence analysis. We show that for strictly $\alpha$-coherent functions,
our algorithm convergences to a saddle point. Moreover, we propose optimistic
CGO (OCGO), an optimistic variant, for which we show convergence rate to saddle
points in $\alpha$-coherent class of functions."
3637,Semi-supervised Semantics-guided Adversarial Training for Trajectory Prediction,"Predicting the trajectories of surrounding objects is a critical task in
self-driving and many other autonomous systems. Recent works demonstrate that
adversarial attacks on trajectory prediction, where small crafted perturbations
are introduced to history trajectories, may significantly mislead the
prediction of future trajectories and ultimately induce unsafe planning.
However, few works have addressed enhancing the robustness of this important
safety-critical task. In this paper, we present the first adversarial training
method for trajectory prediction. Compared with typical adversarial training on
image tasks, our work is challenged by more random inputs with rich context,
and a lack of class labels. To address these challenges, we propose a method
based on a semi-supervised adversarial autoencoder that models disentangled
semantic features with domain knowledge and provides additional latent labels
for the adversarial training. Extensive experiments with different types of
attacks demonstrate that our semi-supervised semantics-guided adversarial
training method can effectively mitigate the impact of adversarial attacks and
generally improve the system's adversarial robustness to a variety of attacks,
including unseen ones. We believe that such semantics-guided architecture and
advancement in robust generalization is an important step for developing robust
prediction models and enabling safe decision making."
3638,Will Bilevel Optimizers Benefit from Loops,"Bilevel optimization has arisen as a powerful tool for solving a variety of
machine learning problems. Two current popular bilevel optimizers AID-BiO and
ITD-BiO naturally involve solving one or two sub-problems, and consequently,
whether we solve these problems with loops (that take many iterations) or
without loops (that take only a few iterations) can significantly affect the
overall computational efficiency. Existing studies in the literature cover only
some of those implementation choices, and the complexity bounds available are
not refined enough to enable rigorous comparison among different
implementations. In this paper, we first establish unified convergence analysis
for both AID-BiO and ITD-BiO that are applicable to all implementation choices
of loops. We then specialize our results to characterize the computational
complexity for all implementations, which enable an explicit comparison among
them. Our result indicates that for AID-BiO, the loop for estimating the
optimal point of the inner function is beneficial for overall efficiency,
although it causes higher complexity for each update step, and the loop for
approximating the outer-level Hessian-inverse-vector product reduces the
gradient complexity. For ITD-BiO, the two loops always coexist, and our
convergence upper and lower bounds show that such loops are necessary to
guarantee a vanishing convergence error, whereas the no-loop scheme suffers
from an unavoidable non-vanishing convergence error. Our numerical experiments
further corroborate our theoretical results."
3639,Diffusion-LM Improves Controllable Text Generation,"Controlling the behavior of language models (LMs) without re-training is a
major open problem in natural language generation. While recent works have
demonstrated successes on controlling simple sentence attributes (e.g.,
sentiment), there has been little progress on complex, fine-grained controls
(e.g., syntactic structure). To address this challenge, we develop a new
non-autoregressive language model based on continuous diffusions that we call
Diffusion-LM. Building upon the recent successes of diffusion models in
continuous domains, Diffusion-LM iteratively denoises a sequence of Gaussian
vectors into word vectors, yielding a sequence of intermediate latent
variables. The continuous, hierarchical nature of these intermediate variables
enables a simple gradient-based algorithm to perform complex, controllable
generation tasks. We demonstrate successful control of Diffusion-LM for six
challenging fine-grained control tasks, significantly outperforming prior work."
3640,Calibrated Bagging Deep Learning for Image Semantic Segmentation: A Case Study on COVID-19 Chest X-ray Image,"Severe acute respiratory syndrome coronavirus 2 (SARS-CoV-2) causes
coronavirus disease 2019 (COVID-19). Imaging tests such as chest X-ray (CXR)
and computed tomography (CT) can provide useful information to clinical staff
for facilitating a diagnosis of COVID-19 in a more efficient and comprehensive
manner. As a breakthrough of artificial intelligence (AI), deep learning has
been applied to perform COVID-19 infection region segmentation and disease
classification by analyzing CXR and CT data. However, prediction uncertainty of
deep learning models for these tasks, which is very important to
safety-critical applications like medical image processing, has not been
comprehensively investigated. In this work, we propose a novel ensemble deep
learning model through integrating bagging deep learning and model calibration
to not only enhance segmentation performance, but also reduce prediction
uncertainty. The proposed method has been validated on a large dataset that is
associated with CXR image segmentation. Experimental results demonstrate that
the proposed method can improve the segmentation performance, as well as
decrease prediction uncertainties."
3641,KL-Entropy-Regularized RL with a Generative Model is Minimax Optimal,"In this work, we consider and analyze the sample complexity of model-free
reinforcement learning with a generative model. Particularly, we analyze mirror
descent value iteration (MDVI) by Geist et al. (2019) and Vieillard et al.
(2020a), which uses the Kullback-Leibler divergence and entropy regularization
in its value and policy updates. Our analysis shows that it is nearly
minimax-optimal for finding an $\varepsilon$-optimal policy when $\varepsilon$
is sufficiently small. This is the first theoretical result that demonstrates
that a simple model-free algorithm without variance-reduction can be nearly
minimax-optimal under the considered setting."
3642,MIP-GNN: A Data-Driven Framework for Guiding Combinatorial Solvers,"Mixed-integer programming (MIP) technology offers a generic way of
formulating and solving combinatorial optimization problems. While generally
reliable, state-of-the-art MIP solvers base many crucial decisions on
hand-crafted heuristics, largely ignoring common patterns within a given
instance distribution of the problem of interest. Here, we propose MIP-GNN, a
general framework for enhancing such solvers with data-driven insights. By
encoding the variable-constraint interactions of a given mixed-integer linear
program (MILP) as a bipartite graph, we leverage state-of-the-art graph neural
network architectures to predict variable biases, i.e., component-wise averages
of (near) optimal solutions, indicating how likely a variable will be set to 0
or 1 in (near) optimal solutions of binary MILPs. In turn, the predicted biases
stemming from a single, once-trained model are used to guide the solver,
replacing heuristic components. We integrate MIP-GNN into a state-of-the-art
MIP solver, applying it to tasks such as node selection and warm-starting,
showing significant improvements compared to the default setting of the solver
on two classes of challenging binary MILPs."
3643,StarGraph: A Coarse-to-Fine Representation Method for Large-Scale Knowledge Graph,"Conventional representation learning algorithms for knowledge graphs (KG) map
each entity to a unique embedding vector, ignoring the rich information
contained in neighbor entities. We propose a method named StarGraph, which
gives a novel way to utilize the neighborhood information for large-scale
knowledge graphs to get better entity representations. The core idea is to
divide the neighborhood information into different levels for sampling and
processing, where the generalized coarse-grained information and unique
fine-grained information are combined to generate an efficient subgraph for
each node. In addition, a self-attention network is proposed to process the
subgraphs and get the entity representations, which are used to replace the
entity embeddings in conventional methods. The proposed method achieves the
best results on the ogbl-wikikg2 dataset, which validates the effectiveness of
it. The code is now available at https://github.com/hzli-ucas/StarGraph"
3644,Targeted Adaptive Design,"Modern advanced manufacturing and advanced materials design often require
searches of relatively high-dimensional process control parameter spaces for
settings that result in optimal structure, property, and performance
parameters. The mapping from the former to the latter must be determined from
noisy experiments or from expensive simulations. We abstract this problem to a
mathematical framework in which an unknown function from a control space to a
design space must be ascertained by means of expensive noisy measurements,
which locate optimal control settings generating desired design features within
specified tolerances, with quantified uncertainty. We describe targeted
adaptive design (TAD), a new algorithm that performs this optimal sampling
task. TAD creates a Gaussian process surrogate model of the unknown mapping at
each iterative stage, proposing a new batch of control settings to sample
experimentally and optimizing the updated log-predictive likelihood of the
target design. TAD either stops upon locating a solution with uncertainties
that fit inside the tolerance box or uses a measure of expected future
information to determine that the search space has been exhausted with no
solution. TAD thus embodies the exploration-exploitation tension in a manner
that recalls, but is essentially different from, Bayesian optimization and
optimal experimental design."
3645,ALMA: Hierarchical Learning for Composite Multi-Agent Tasks,"Despite significant progress on multi-agent reinforcement learning (MARL) in
recent years, coordination in complex domains remains a challenge. Work in MARL
often focuses on solving tasks where agents interact with all other agents and
entities in the environment; however, we observe that real-world tasks are
often composed of several isolated instances of local agent interactions
(subtasks), and each agent can meaningfully focus on one subtask to the
exclusion of all else in the environment. In these composite tasks, successful
policies can often be decomposed into two levels of decision-making: agents are
allocated to specific subtasks and each agent acts productively towards their
assigned subtask alone. This decomposed decision making provides a strong
structural inductive bias, significantly reduces agent observation spaces, and
encourages subtask-specific policies to be reused and composed during training,
as opposed to treating each new composition of subtasks as unique. We introduce
ALMA, a general learning method for taking advantage of these structured tasks.
ALMA simultaneously learns a high-level subtask allocation policy and low-level
agent policies. We demonstrate that ALMA learns sophisticated coordination
behavior in a number of challenging environments, outperforming strong
baselines. ALMA's modularity also enables it to better generalize to new
environment configurations. Finally, we find that while ALMA can integrate
separately trained allocation and action policies, the best performance is
obtained only by training all components jointly."
3646,Robust Phi-Divergence MDPs,"In recent years, robust Markov decision processes (MDPs) have emerged as a
prominent modeling framework for dynamic decision problems affected by
uncertainty. In contrast to classical MDPs, which only account for
stochasticity by modeling the dynamics through a stochastic process with a
known transition kernel, robust MDPs additionally account for ambiguity by
optimizing in view of the most adverse transition kernel from a prescribed
ambiguity set. In this paper, we develop a novel solution framework for robust
MDPs with s-rectangular ambiguity sets that decomposes the problem into a
sequence of robust Bellman updates and simplex projections. Exploiting the rich
structure present in the simplex projections corresponding to phi-divergence
ambiguity sets, we show that the associated s-rectangular robust MDPs can be
solved substantially faster than with state-of-the-art commercial solvers as
well as a recent first-order solution scheme, thus rendering them attractive
alternatives to classical MDPs in practical applications."
3647,Generalized Reductions: Making any Hierarchical Clustering Fair and Balanced with Low Cost,"Clustering is a fundamental building block of modern statistical analysis
pipelines. Fair clustering has seen much attention from the machine learning
community in recent years. We are some of the first to study fairness in the
context of hierarchical clustering, after the results of Ahmadian et al. from
NeurIPS in 2020. We evaluate our results using Dasgupta's cost function,
perhaps one of the most prevalent theoretical metrics for hierarchical
clustering evaluation. Our work vastly improves the previous
$O(n^{5/6}poly\log(n))$ fair approximation for cost to a near polylogarithmic
$O(n^\delta poly\log(n))$ fair approximation for any constant $\delta\in(0,1)$.
This result establishes a cost-fairness tradeoff and extends to broader
fairness constraints than the previous work. We also show how to alter existing
hierarchical clusterings to guarantee fairness and cluster balance across any
level in the hierarchy."
3648,FadMan: Federated Anomaly Detection across Multiple Attributed Networks,"Anomaly subgraph detection has been widely used in various applications,
ranging from cyber attack in computer networks to malicious activities in
social networks. Despite an increasing need for federated anomaly detection
across multiple attributed networks, only a limited number of approaches are
available for this problem. Federated anomaly detection faces two major
challenges. One is that isolated data in most industries are restricted share
with others for data privacy and security. The other is most of the centralized
approaches training based on data integration. The main idea of federated
anomaly detection is aligning private anomalies from local data owners on the
public anomalies from the attributed network in the server through public
anomalies to federate local anomalies. In each private attributed network, the
detected anomaly subgraph is aligned with an anomaly subgraph in the public
attributed network. The significant public anomaly subgraphs are selected for
federated private anomalies while preventing local private data leakage. The
proposed algorithm FadMan is a vertical federated learning framework for public
node aligned with many private nodes of different features, and is validated on
two tasks correlated anomaly detection on multiple attributed networks and
anomaly detection on an attributeless network using five real-world datasets.
In the first scenario, FadMan outperforms competitive methods by at least 12%
accuracy at 10% noise level. In the second scenario, by analyzing the
distribution of abnormal nodes, we find that the nodes of traffic anomalies are
associated with the event of postgraduate entrance examination on the same day."
3649,Constrained Langevin Algorithms with L-mixing External Random Variables,"Langevin algorithms are gradient descent methods augmented with additive
noise, and are widely used in Markov Chain Monte Carlo (MCMC) sampling,
optimization, and learning. In recent years, the non-asymptotic analysis of
Langevin algorithms for non-convex optimization learning has been extensively
explored. For constrained problems with non-convex losses over compact convex
domain in the case of IID data variables, Langevin algorithm achieves a
deviation of $O(T^{-1/4} (\log T)^{1/2})$ from its target distribution [22]. In
this paper, we obtain a deviation of $O(T^{-1/2} \log T)$ in $1$-Wasserstein
distance for non-convex losses with $L$-mixing data variables and polyhedral
constraints (which are not necessarily bounded). This deviation indicates that
our convergence rate is faster than those in the previous works on constrained
Langevin algorithms for non-convex optimization."
3650,Optimizing Objective Functions from Trained ReLU Neural Networks via Sampling,"This paper introduces scalable, sampling-based algorithms that optimize
trained neural networks with ReLU activations. We first propose an iterative
algorithm that takes advantage of the piecewise linear structure of ReLU neural
networks and reduces the initial mixed-integer optimization problem (MIP) into
multiple easy-to-solve linear optimization problems (LPs) through sampling.
Subsequently, we extend this approach by searching around the neighborhood of
the LP solution computed at each iteration. This scheme allows us to devise a
second, enhanced algorithm that reduces the initial MIP problem into smaller,
easier-to-solve MIPs. We analytically show the convergence of the methods and
we provide a sample complexity guarantee. We also validate the performance of
our algorithms by comparing them against state-of-the-art MIP-based methods.
Finally, we show computationally how the sampling algorithms can be used
effectively to warm-start MIP-based methods."
3651,FlowNet-PET: Unsupervised Learning to Perform Respiratory Motion Correction in PET Imaging,"To correct for respiratory motion in PET imaging, an interpretable and
unsupervised deep learning technique, FlowNet-PET, was constructed. The network
was trained to predict the optical flow between two PET frames from different
breathing amplitude ranges. The trained model aligns different
retrospectively-gated PET images, providing a final image with similar counting
statistics as a non-gated image, but without the blurring effects. FlowNet-PET
was applied to anthropomorphic digital phantom data, which provided the
possibility to design robust metrics to quantify the corrections. When
comparing the predicted optical flows to the ground truths, the median absolute
error was found to be smaller than the pixel and slice widths. The improvements
were illustrated by comparing against images without motion and computing the
intersection over union (IoU) of the tumors as well as the enclosed activity
and coefficient of variation (CoV) within the no-motion tumor volume before and
after the corrections were applied. The average relative improvements provided
by the network were 64%, 89%, and 75% for the IoU, total activity, and CoV,
respectively. FlowNet-PET achieved similar results as the conventional
retrospective phase binning approach, but only required one sixth of the scan
duration. The code and data have been made publicly available
(https://github.com/teaghan/FlowNet_PET)."
3652,Multiscale Voxel Based Decoding For Enhanced Natural Image Reconstruction From Brain Activity,"Reconstructing perceived images from human brain activity monitored by
functional magnetic resonance imaging (fMRI) is hard, especially for natural
images. Existing methods often result in blurry and unintelligible
reconstructions with low fidelity. In this study, we present a novel approach
for enhanced image reconstruction, in which existing methods for object
decoding and image reconstruction are merged together. This is achieved by
conditioning the reconstructed image to its decoded image category using a
class-conditional generative adversarial network and neural style transfer. The
results indicate that our approach improves the semantic similarity of the
reconstructed images and can be used as a general framework for enhanced image
reconstruction."
3653,TURJUMAN: A Public Toolkit for Neural Arabic Machine Translation,"We present TURJUMAN, a neural toolkit for translating from 20 languages into
Modern Standard Arabic (MSA). TURJUMAN exploits the recently-introduced
text-to-text Transformer AraT5 model, endowing it with a powerful ability to
decode into Arabic. The toolkit offers the possibility of employing a number of
diverse decoding methods, making it suited for acquiring paraphrases for the
MSA translations as an added value. To train TURJUMAN, we sample from publicly
available parallel data employing a simple semantic similarity method to ensure
data quality. This allows us to prepare and release AraOPUS-20, a new machine
translation benchmark. We publicly release our translation toolkit (TURJUMAN)
as well as our benchmark dataset (AraOPUS-20)."
3654,Private and Byzantine-Proof Cooperative Decision-Making,"The cooperative bandit problem is a multi-agent decision problem involving a
group of agents that interact simultaneously with a multi-armed bandit, while
communicating over a network with delays. The central idea in this problem is
to design algorithms that can efficiently leverage communication to obtain
improvements over acting in isolation. In this paper, we investigate the
stochastic bandit problem under two settings - (a) when the agents wish to make
their communication private with respect to the action sequence, and (b) when
the agents can be byzantine, i.e., they provide (stochastically) incorrect
information. For both these problem settings, we provide upper-confidence bound
algorithms that obtain optimal regret while being (a) differentially-private
and (b) tolerant to byzantine agents. Our decentralized algorithms require no
information about the network of connectivity between agents, making them
scalable to large dynamic systems. We test our algorithms on a competitive
benchmark of random graphs and demonstrate their superior performance with
respect to existing robust algorithms. We hope that our work serves as an
important step towards creating distributed decision-making systems that
maintain privacy."
3655,"Momentum Stiefel Optimizer, with Applications to Suitably-Orthogonal Attention, and Optimal Transport","The problem of optimization on Stiefel manifold, i.e., minimizing functions
of (not necessarily square) matrices that satisfy orthogonality constraints,
has been extensively studied, partly due to rich machine learning applications.
Yet, a new approach is proposed based on, for the first time, an interplay
between thoughtfully designed continuous and discrete dynamics. It leads to a
gradient-based optimizer with intrinsically added momentum. This method exactly
preserves the manifold structure but does not require commonly used projection
or retraction, and thus having low computational costs when compared to
existing algorithms. Its generalization to adaptive learning rates is also
demonstrated. Pleasant performances are observed in various practical tasks.
For instance, we discover that placing orthogonal constraints on attention
heads of trained-from-scratch Vision Transformer [Dosovitskiy et al. 2022]
could remarkably improve its performance, when our optimizer is used, and it is
better that each head is made orthogonal within itself but not necessarily to
other heads. This optimizer also makes the useful notion of Projection Robust
Wasserstein Distance [Paty & Cuturi 2019][Lin et al. 2020] for high-dim.
optimal transport even more effective."
3656,Contrastive Learning Rivals Masked Image Modeling in Fine-tuning via Feature Distillation,"Masked image modeling (MIM) learns representations with remarkably good
fine-tuning performances, overshadowing previous prevalent pre-training
approaches such as image classification, instance contrastive learning, and
image-text alignment. In this paper, we show that the inferior fine-tuning
performance of these pre-training approaches can be significantly improved by a
simple post-processing in the form of feature distillation (FD). The feature
distillation converts the old representations to new representations that have
a few desirable properties just like those representations produced by MIM.
These properties, which we aggregately refer to as optimization friendliness,
are identified and analyzed by a set of attention- and optimization-related
diagnosis tools. With these properties, the new representations show strong
fine-tuning performance. Specifically, the contrastive self-supervised learning
methods are made as competitive in fine-tuning as the state-of-the-art masked
image modeling (MIM) algorithms. The CLIP models' fine-tuning performance is
also significantly improved, with a CLIP ViT-L model reaching \textbf{89.0%}
top-1 accuracy on ImageNet-1K classification. On the 3-billion-parameter
SwinV2-G model, the fine-tuning accuracy on ADE20K semantic segmentation is
improved by +1.5 mIoU to \textbf{61.4 mIoU}, creating a new record. More
importantly, our work provides a way for the future research to focus more
effort on the generality and scalability of the learnt representations without
being pre-occupied with optimization friendliness since it can be enhanced
rather easily. The code will be available at
https://github.com/SwinTransformer/Feature-Distillation."
3657,PSL is Dead. Long Live PSL,"Property Specification Language (PSL) is a form of temporal logic that has
been mainly used in discrete domains (e.g. formal hardware verification). In
this paper, we show that by merging machine learning techniques with PSL
monitors, we can extend PSL to work on continuous domains. We apply this
technique in machine learning-based anomaly detection to analyze scenarios of
real-time streaming events from continuous variables in order to detect
abnormal behaviors of a system. By using machine learning with formal models,
we leverage the strengths of both machine learning methods and formal semantics
of time. On one hand, machine learning techniques can produce distributions on
continuous variables, where abnormalities can be captured as deviations from
the distributions. On the other hand, formal methods can characterize discrete
temporal behaviors and relations that cannot be easily learned by machine
learning techniques. Interestingly, the anomalies detected by machine learning
and the underlying time representation used are discrete events. We implemented
a temporal monitoring package (TEF) that operates in conjunction with normal
data science packages for anomaly detection machine learning systems, and we
show that TEF can be used to perform accurate interpretation of temporal
correlation between events."
3658,FlashAttention: Fast and Memory-Efficient Exact Attention with IO-Awareness,"Transformers are slow and memory-hungry on long sequences, since the time and
memory complexity of self-attention are quadratic in sequence length.
Approximate attention methods have attempted to address this problem by trading
off model quality to reduce the compute complexity, but often do not achieve
wall-clock speedup. We argue that a missing principle is making attention
algorithms IO-aware -- accounting for reads and writes between levels of GPU
memory. We propose FlashAttention, an IO-aware exact attention algorithm that
uses tiling to reduce the number of memory reads/writes between GPU high
bandwidth memory (HBM) and GPU on-chip SRAM. We analyze the IO complexity of
FlashAttention, showing that it requires fewer HBM accesses than standard
attention, and is optimal for a range of SRAM sizes. We also extend
FlashAttention to block-sparse attention, yielding an approximate attention
algorithm that is faster than any existing approximate attention method.
FlashAttention trains Transformers faster than existing baselines: 15%
end-to-end wall-clock speedup on BERT-large (seq. length 512) compared to the
MLPerf 1.1 training speed record, 3$\times$ speedup on GPT-2 (seq. length 1K),
and 2.4$\times$ speedup on long-range arena (seq. length 1K-4K). FlashAttention
and block-sparse FlashAttention enable longer context in Transformers, yielding
higher quality models (0.7 better perplexity on GPT-2 and 6.4 points of lift on
long-document classification) and entirely new capabilities: the first
Transformers to achieve better-than-chance performance on the Path-X challenge
(seq. length 16K, 61.4% accuracy) and Path-256 (seq. length 64K, 63.1%
accuracy)."
3659,Meta-Learning Adversarial Bandits,"We study online learning with bandit feedback across multiple tasks, with the
goal of improving average performance across tasks if they are similar
according to some natural task-similarity measure. As the first to target the
adversarial setting, we design a unified meta-algorithm that yields
setting-specific guarantees for two important cases: multi-armed bandits (MAB)
and bandit linear optimization (BLO). For MAB, the meta-algorithm tunes the
initialization, step-size, and entropy parameter of the Tsallis-entropy
generalization of the well-known Exp3 method, with the task-averaged regret
provably improving if the entropy of the distribution over estimated
optima-in-hindsight is small. For BLO, we learn the initialization, step-size,
and boundary-offset of online mirror descent (OMD) with self-concordant barrier
regularizers, showing that task-averaged regret varies directly with a measure
induced by these functions on the interior of the action space. Our adaptive
guarantees rely on proving that unregularized follow-the-leader combined with
multiplicative weights is enough to online learn a non-smooth and non-convex
sequence of affine functions of Bregman divergences that upper-bound the regret
of OMD."
3660,Neural Basis Models for Interpretability,"Due to the widespread use of complex machine learning models in real-world
applications, it is becoming critical to explain model predictions. However,
these models are typically black-box deep neural networks, explained post-hoc
via methods with known faithfulness limitations. Generalized Additive Models
(GAMs) are an inherently interpretable class of models that address this
limitation by learning a non-linear shape function for each feature separately,
followed by a linear model on top. However, these models are typically
difficult to train, require numerous parameters, and are difficult to scale.
We propose an entirely new subfamily of GAMs that utilizes basis
decomposition of shape functions. A small number of basis functions are shared
among all features, and are learned jointly for a given task, thus making our
model scale much better to large-scale data with high-dimensional features,
especially when features are sparse. We propose an architecture denoted as the
Neural Basis Model (NBM) which uses a single neural network to learn these
bases. On a variety of tabular and image datasets, we demonstrate that for
interpretable machine learning, NBMs are the state-of-the-art in accuracy,
model size, and, throughput and can easily model all higher-order feature
interactions.
Source code is available at https://github.com/facebookresearch/nbm-spam."
3661,Robust Counterfactual Explanations for Random Forests,"Counterfactual explanations describe how to modify a feature vector in order
to flip the outcome of a trained classifier. Several heuristic and optimal
methods have been proposed to generate these explanations. However, the
robustness of counterfactual explanations when the classifier is re-trained has
yet to be studied. Our goal is to obtain counterfactual explanations for random
forests that are robust to algorithmic uncertainty. We study the link between
the robustness of ensemble models and the robustness of base learners and frame
the generation of robust counterfactual explanations as a chance-constrained
optimization problem. We develop a practical method with good empirical
performance and provide finite-sample and asymptotic guarantees for simple
random forests of stumps. We show that existing methods give surprisingly low
robustness: the validity of naive counterfactuals is below $50\%$ on most data
sets and can fall to $20\%$ on large problem instances with many features. Even
with high plausibility, counterfactual explanations often exhibit low
robustness to algorithmic uncertainty. In contrast, our method achieves high
robustness with only a small increase in the distance from counterfactual
explanations to their initial observations. Furthermore, we highlight the
connection between the robustness of counterfactual explanations and the
predictive importance of features."
3662,Bayesian Robust Graph Contrastive Learning,"Graph Neural Networks (GNNs) have been widely used to learn node
representations and with outstanding performance on various tasks such as node
classification. However, noise, which inevitably exists in real-world graph
data, would considerably degrade the performance of GNNs as the noise is easily
propagated via the graph structure. In this work, we propose a novel and robust
method, Bayesian Robust Graph Contrastive Learning (BRGCL), which trains a GNN
encoder to learn robust node representations. The BRGCL encoder is a completely
unsupervised encoder. Two steps are iteratively executed at each epoch of
training the BRGCL encoder: (1) estimating confident nodes and computing robust
cluster prototypes of node representations through a novel Bayesian
nonparametric method; (2) prototypical contrastive learning between the node
representations and the robust cluster prototypes. Experiments on public and
large-scale benchmarks demonstrate the superior performance of BRGCL and the
robustness of the learned node representations. The code of BRGCL is available
at \url{https://github.com/BRGCL-code/BRGCL-code}."
3663,Scalable Interpretability via Polynomials,"Generalized Additive Models (GAMs) have quickly become the leading choice for
fully-interpretable machine learning. However, unlike uninterpretable methods
such as DNNs, they lack expressive power and easy scalability, and are hence
not a feasible alternative for real-world tasks. We present a new class of GAMs
that use tensor rank decompositions of polynomials to learn powerful, {\em
fully-interpretable} models. Our approach, titled Scalable Polynomial Additive
Models (SPAM) is effortlessly scalable and models {\em all} higher-order
feature interactions without a combinatorial parameter explosion. SPAM
outperforms all current interpretable approaches, and matches DNN/XGBoost
performance on a series of real-world benchmarks with up to hundreds of
thousands of features. We demonstrate by human subject evaluations that SPAMs
are demonstrably more interpretable in practice, and are hence an effortless
replacement for DNNs for creating interpretable and high-performance systems
suitable for large-scale machine learning. Source code is available at
https://github.com/facebookresearch/nbm-spam."
3664,Spartan: Differentiable Sparsity via Regularized Transportation,"We present Spartan, a method for training sparse neural network models with a
predetermined level of sparsity. Spartan is based on a combination of two
techniques: (1) soft top-k masking of low-magnitude parameters via a
regularized optimal transportation problem and (2) dual averaging-based
parameter updates with hard sparsification in the forward pass. This scheme
realizes an exploration-exploitation tradeoff: early in training, the learner
is able to explore various sparsity patterns, and as the soft top-k
approximation is gradually sharpened over the course of training, the balance
shifts towards parameter optimization with respect to a fixed sparsity mask.
Spartan is sufficiently flexible to accommodate a variety of sparsity
allocation policies, including both unstructured and block structured sparsity,
as well as general cost-sensitive sparsity allocation mediated by linear models
of per-parameter costs. On ImageNet-1K classification, Spartan yields 95%
sparse ResNet-50 models and 90% block sparse ViT-B/16 models while incurring
absolute top-1 accuracy losses of less than 1% compared to fully dense
training."
3665,Learning to Solve Combinatorial Graph Partitioning Problems via Efficient Exploration,"From logistics to the natural sciences, combinatorial optimisation on graphs
underpins numerous real-world applications. Reinforcement learning (RL) has
shown particular promise in this setting as it can adapt to specific problem
structures and does not require pre-solved instances for these, often NP-hard,
problems. However, state-of-the-art (SOTA) approaches typically suffer from
severe scalability issues, primarily due to their reliance on expensive graph
neural networks (GNNs) at each decision step. We introduce ECORD; a novel RL
algorithm that alleviates this expense by restricting the GNN to a single
pre-processing step, before entering a fast-acting exploratory phase directed
by a recurrent unit. Experimentally, ECORD achieves a new SOTA for RL
algorithms on the Maximum Cut problem, whilst also providing orders of
magnitude improvement in speed and scalability. Compared to the nearest
competitor, ECORD reduces the optimality gap by up to 73% on 500 vertex graphs
with a decreased wall-clock time. Moreover, ECORD retains strong performance
when generalising to larger graphs with up to 10000 vertices."
3666,Efficient Forecasting of Large Scale Hierarchical Time Series via Multilevel Clustering,"We propose a novel approach to the problem of clustering hierarchically
aggregated time-series data, which has remained an understudied problem though
it has several commercial applications. We first group time series at each
aggregated level, while simultaneously leveraging local and global information.
The proposed method can cluster hierarchical time series (HTS) with different
lengths and structures. For common two-level hierarchies, we employ a combined
objective for local and global clustering over spaces of discrete probability
measures, using Wasserstein distance coupled with Soft-DTW divergence. For
multi-level hierarchies, we present a bottom-up procedure that progressively
leverages lower-level information for higher-level clustering. Our final goal
is to improve both the accuracy and speed of forecasts for a larger number of
HTS needed for a real-world application. To attain this goal, each time series
is first assigned the forecast for its cluster representative, which can be
considered as a ""shrinkage prior"" for the set of time series it represents.
Then this base forecast can be quickly fine-tuned to adjust to the specifics of
that time series. We empirically show that our method substantially improves
performance in terms of both speed and accuracy for large-scale forecasting
tasks involving much HTS."
3667,Generalizing Brain Decoding Across Subjects with Deep Learning,"Decoding experimental variables from brain imaging data is gaining
popularity, with applications in brain-computer interfaces and the study of
neural representations. Decoding is typically subject-specific and does not
generalise well over subjects. Here, we investigate ways to achieve
cross-subject decoding. We used magnetoencephalography (MEG) data where 15
subjects viewed 118 different images, with 30 examples per image. Training on
the entire 1s window following the presentation of each image, we experimented
with an adaptation of the WaveNet architecture for classification. We also
investigated the use of subject embedding to aid learning of subject
variability in the group model. We show that deep learning and subject
embedding are crucial to closing the performance gap between subject and
group-level models. Importantly group models outperform subject models when
tested on an unseen subject with little available data. The potential of such
group modelling is even higher with bigger datasets. Furthermore, we
demonstrate the use of permutation feature importance to gain insight into the
spatio-temporal and spectral information encoded in the models, enabling better
physiological interpretation. All experimental code is available at
https://github.com/ricsinaruto/MEG-group-decode."
3668,Solving infinite-horizon POMDPs with memoryless stochastic policies in state-action space,"Reward optimization in fully observable Markov decision processes is
equivalent to a linear program over the polytope of state-action frequencies.
Taking a similar perspective in the case of partially observable Markov
decision processes with memoryless stochastic policies, the problem was
recently formulated as the optimization of a linear objective subject to
polynomial constraints. Based on this we present an approach for Reward
Optimization in State-Action space (ROSA). We test this approach experimentally
in maze navigation tasks. We find that ROSA is computationally efficient and
can yield stability improvements over other existing methods."
3669,Capturing Graphs with Hypo-Elliptic Diffusions,"Convolutional layers within graph neural networks operate by aggregating
information about local neighbourhood structures; one common way to encode such
substructures is through random walks. The distribution of these random walks
evolves according to a diffusion equation defined using the graph Laplacian. We
extend this approach by leveraging classic mathematical results about
hypo-elliptic diffusions. This results in a novel tensor-valued graph operator,
which we call the hypo-elliptic graph Laplacian. We provide theoretical
guarantees and efficient low-rank approximation algorithms. In particular, this
gives a structured approach to capture long-range dependencies on graphs that
is robust to pooling. Besides the attractive theoretical properties, our
experiments show that this method competes with graph transformers on datasets
requiring long-range reasoning but scales only linearly in the number of edges
as opposed to quadratically in nodes."
3670,Surrogate modeling for Bayesian optimization beyond a single Gaussian process,"Bayesian optimization (BO) has well-documented merits for optimizing
black-box functions with an expensive evaluation cost. Such functions emerge in
applications as diverse as hyperparameter tuning, drug discovery, and robotics.
BO hinges on a Bayesian surrogate model to sequentially select query points so
as to balance exploration with exploitation of the search space. Most existing
works rely on a single Gaussian process (GP) based surrogate model, where the
kernel function form is typically preselected using domain knowledge. To bypass
such a design process, this paper leverages an ensemble (E) of GPs to
adaptively select the surrogate model fit on-the-fly, yielding a GP mixture
posterior with enhanced expressiveness for the sought function. Acquisition of
the next evaluation input using this EGP-based function posterior is then
enabled by Thompson sampling (TS) that requires no additional design
parameters. To endow function sampling with scalability, random feature-based
kernel approximation is leveraged per GP model. The novel EGP-TS readily
accommodates parallel operation. To further establish convergence of the
proposed EGP-TS to the global optimum, analysis is conducted based on the
notion of Bayesian regret for both sequential and parallel settings. Tests on
synthetic functions and real-world applications showcase the merits of the
proposed method."
3671,Sharpness-Aware Training for Free,"Modern deep neural networks (DNNs) have achieved state-of-the-art
performances but are typically over-parameterized. The over-parameterization
may result in undesirably large generalization error in the absence of other
customized training strategies. Recently, a line of research under the name of
Sharpness-Aware Minimization (SAM) has shown that minimizing a sharpness
measure, which reflects the geometry of the loss landscape, can significantly
reduce the generalization error. However, SAM-like methods incur a two-fold
computational overhead of the given base optimizer (e.g. SGD) for approximating
the sharpness measure. In this paper, we propose Sharpness-Aware Training for
Free, or SAF, which mitigates the sharp landscape at almost zero additional
computational cost over the base optimizer. Intuitively, SAF achieves this by
avoiding sudden drops in the loss in the sharp local minima throughout the
trajectory of the updates of the weights. Specifically, we suggest a novel
trajectory loss, based on the KL-divergence between the outputs of DNNs with
the current weights and past weights, as a replacement of the SAM's sharpness
measure. This loss captures the rate of change of the training loss along the
model's update trajectory. By minimizing it, SAF ensures the convergence to a
flat minimum with improved generalization capabilities. Extensive empirical
results show that SAF minimizes the sharpness in the same way that SAM does,
yielding better results on the ImageNet dataset with essentially the same
computational cost as the base optimizer."
3672,AANG: Automating Auxiliary Learning,"When faced with data-starved or highly complex end-tasks, it is commonplace
for machine learning practitioners to introduce auxiliary objectives as
supplementary learning signals. Whilst much work has been done to formulate
useful auxiliary objectives, their construction is still an art which proceeds
by slow and tedious hand-design. Intuitions about how and when these objectives
improve end-task performance have also had limited theoretical backing. In this
work, we present an approach for automatically generating a suite of auxiliary
objectives. We achieve this by deconstructing existing objectives within a
novel unified taxonomy, identifying connections between them, and generating
new ones based on the uncovered structure. Next, we theoretically formalize
widely-held intuitions about how auxiliary learning improves generalization of
the end-task. This leads us to a principled and efficient algorithm for
searching the space of generated objectives to find those most useful to a
specified end-task. With natural language processing (NLP) as our domain of
study, we empirically verify that our automated auxiliary learning pipeline
leads to strong improvements over competitive baselines across continued
training experiments on a pre-trained model on 5 NLP end-tasks."
3673,Deep Coding Patterns Design for Compressive Near-Infrared Spectral Classification,"Compressive spectral imaging (CSI) has emerged as an attractive compression
and sensing technique, primarily to sense spectral regions where traditional
systems result in highly costly such as in the near-infrared spectrum.
Recently, it has been shown that spectral classification can be performed
directly in the compressive domain, considering the amount of spectral
information embedded in the measurements, skipping the reconstruction step.
Consequently, the classification quality directly depends on the set of coding
patterns employed in the sensing step. Therefore, this work proposes an
end-to-end approach to jointly design the coding patterns used in CSI and the
network parameters to perform spectral classification directly from the
embedded near-infrared compressive measurements. Extensive simulation on the
three-dimensional coded aperture snapshot spectral imaging (3D-CASSI) system
validates that the proposed design outperforms traditional and random design in
up to 10% of classification accuracy."
3674,Finite mixture of skewed sub-Gaussian stable distributions,"We propose the finite mixture of skewed sub-Gaussian stable distributions.
The maximum likelihood estimator for the parameters of proposed finite mixture
model is computed through the expectation-maximization algorithm. The proposed
model contains the finite mixture of normal and skewed normal distributions.
Since the tails of proposed model is heavier than even the Student's t
distribution, it can be used as a powerful model for robust model-based
clustering. Performance of the proposed model is demonstrated by clustering
simulation data and two sets of real data."
3675,Simple Unsupervised Object-Centric Learning for Complex and Naturalistic Videos,"Unsupervised object-centric learning aims to represent the modular,
compositional, and causal structure of a scene as a set of object
representations and thereby promises to resolve many critical limitations of
traditional single-vector representations such as poor systematic
generalization. Although there have been many remarkable advances in recent
years, one of the most critical problems in this direction has been that
previous methods work only with simple and synthetic scenes but not with
complex and naturalistic images or videos. In this paper, we propose STEVE, an
unsupervised model for object-centric learning in videos. Our proposed model
makes a significant advancement by demonstrating its effectiveness on various
complex and naturalistic videos unprecedented in this line of research.
Interestingly, this is achieved by neither adding complexity to the model
architecture nor introducing a new objective or weak supervision. Rather, it is
achieved by a surprisingly simple architecture that uses a transformer-based
image decoder conditioned on slots and the learning objective is simply to
reconstruct the observation. Our experiment results on various complex and
naturalistic videos show significant improvements compared to the previous
state-of-the-art."
3676,Dual Convexified Convolutional Neural Networks,"We propose the framework of dual convexified convolutional neural networks
(DCCNNs). In this framework, we first introduce a primal learning problem
motivated from convexified convolutional neural networks (CCNNs), and then
construct the dual convex training program through careful analysis of the
Karush-Kuhn-Tucker (KKT) conditions and Fenchel conjugates. Our approach
reduces the memory overhead of constructing a large kernel matrix and
eliminates the ambiguity of factorizing the matrix. Due to the low-rank
structure in CCNNs and the related subdifferential of nuclear norms, there is
no closed-form expression to recover the primal solution from the dual
solution. To overcome this, we propose a highly novel weight recovery
algorithm, which takes the dual solution and the kernel information as the
input, and recovers the linear and convolutional weights of a CCNN.
Furthermore, our recovery algorithm exploits the low-rank structure and imposes
a small number of filters indirectly, which reduces the parameter size. As a
result, DCCNNs inherit all the statistical benefits of CCNNs, while enjoying a
more formal and efficient workflow."
3677,Benign Overparameterization in Membership Inference with Early Stopping,"Does a neural network's privacy have to be at odds with its accuracy? In this
work, we study the effects the number of training epochs and parameters have on
a neural network's vulnerability to membership inference (MI) attacks, which
aim to extract potentially private information about the training data. We
first demonstrate how the number of training epochs and parameters individually
induce a privacy-utility trade-off: more of either improves generalization
performance at the expense of lower privacy. However, remarkably, we also show
that jointly tuning both can eliminate this privacy-utility trade-off.
Specifically, with careful tuning of the number of training epochs, more
overparameterization can increase model privacy for fixed generalization error.
To better understand these phenomena theoretically, we develop a powerful new
leave-one-out analysis tool to study the asymptotic behavior of linear
classifiers and apply it to characterize the sample-specific loss threshold MI
attack in high-dimensional logistic regression. For practitioners, we introduce
a low-overhead procedure to estimate MI risk and tune the number of training
epochs to guard against MI attacks."
3678,Contrastive Siamese Network for Semi-supervised Speech Recognition,"This paper introduces contrastive siamese (c-siam) network, an architecture
for leveraging unlabeled acoustic data in speech recognition. c-siam is the
first network that extracts high-level linguistic information from speech by
matching outputs of two identical transformer encoders. It contains augmented
and target branches which are trained by: (1) masking inputs and matching
outputs with a contrastive loss, (2) incorporating a stop gradient operation on
the target branch, (3) using an extra learnable transformation on the augmented
branch, (4) introducing new temporal augment functions to prevent the shortcut
learning problem. We use the Libri-light 60k unsupervised data and the
LibriSpeech 100hrs/960hrs supervised data to compare c-siam and other
best-performing systems. Our experiments show that c-siam provides 20% relative
word error rate improvement over wav2vec baselines. A c-siam network with 450M
parameters achieves competitive results compared to the state-of-the-art
networks with 600M parameters."
3679,Average Adjusted Association: Efficient Estimation with High Dimensional Confounders,"The log odds ratio is a common parameter to measure association between
(binary) outcome and exposure variables. Much attention has been paid to its
parametric but robust estimation, or its nonparametric estimation as a function
of confounders. However, discussion on how to use a summary statistic by
averaging the log odds ratio function is surprisingly difficult to find despite
the popularity and importance of averaging in other contexts such as estimating
the average treatment effect. We propose a couple of efficient double/debiased
machine learning (DML) estimators of the average log odds ratio, where the odds
ratios are adjusted for observed (potentially high dimensional) confounders and
are averaged over them. The estimators are built from two equivalent forms of
the efficient influence function. The first estimator uses a prospective
probability of the outcome conditional on the exposure and confounders; the
second one employs a retrospective probability of the exposure conditional on
the outcome and confounders. Our framework encompasses random sampling as well
as outcome-based or exposure-based sampling. Finally, we illustrate how to
apply the proposed estimators using real data."
3680,Double Deep Q Networks for Sensor Management in Space Situational Awareness,"We present a novel Double Deep Q Network (DDQN) application to a sensor
management problem in space situational awareness (SSA). Frequent launches of
satellites into Earth orbit pose a significant sensor management challenge,
whereby a limited number of sensors are required to detect and track an
increasing number of objects. In this paper, we demonstrate the use of
reinforcement learning to develop a sensor management policy for SSA. We
simulate a controllable Earth-based telescope, which is trained to maximise the
number of satellites tracked using an extended Kalman filter. The estimated
state covariance matrices for satellites observed under the DDQN policy are
greatly reduced compared to those generated by an alternate (random) policy.
This work provides the basis for further advancements and motivates the use of
reinforcement learning for SSA."
3681,Group-invariant max filtering,"Given a real inner product space $V$ and a group $G$ of linear isometries, we
construct a family of $G$-invariant real-valued functions on $V$ that we call
max filters. In the case where $V=\mathbb{R}^d$ and $G$ is finite, a suitable
max filter bank separates orbits, and is even bilipschitz in the quotient
metric. In the case where $V=L^2(\mathbb{R}^d)$ and $G$ is the group of
translation operators, a max filter exhibits stability to diffeomorphic
distortion like that of the scattering transform introduced by Mallat. We
establish that max filters are well suited for various classification tasks,
both in theory and in practice."
3682,Learning to Control Linear Systems can be Hard,"In this paper, we study the statistical difficulty of learning to control
linear systems. We focus on two standard benchmarks, the sample complexity of
stabilization, and the regret of the online learning of the Linear Quadratic
Regulator (LQR). Prior results state that the statistical difficulty for both
benchmarks scales polynomially with the system state dimension up to
system-theoretic quantities. However, this does not reveal the whole picture.
By utilizing minimax lower bounds for both benchmarks, we prove that there
exist non-trivial classes of systems for which learning complexity scales
dramatically, i.e. exponentially, with the system dimension. This situation
arises in the case of underactuated systems, i.e. systems with fewer inputs
than states. Such systems are structurally difficult to control and their
system theoretic quantities can scale exponentially with the system dimension
dominating learning complexity. Under some additional structural assumptions
(bounding systems away from uncontrollability), we provide qualitatively
matching upper bounds. We prove that learning complexity can be at most
exponential with the controllability index of the system, that is the degree of
underactuation."
3683,Learning Dynamical Systems via Koopman Operator Regression in Reproducing Kernel Hilbert Spaces,"We study a class of dynamical systems modelled as Markov chains that admit an
invariant distribution via the corresponding transfer, or Koopman, operator.
While data-driven algorithms to reconstruct such operators are well known,
their relationship with statistical learning is largely unexplored. We
formalize a framework to learn the Koopman operator from finite data
trajectories of the dynamical system. We consider the restriction of this
operator to a reproducing kernel Hilbert space and introduce a notion of risk,
from which different estimators naturally arise. We link the risk with the
estimation of the spectral decomposition of the Koopman operator. These
observations motivate a reduced-rank operator regression (RRR) estimator. We
derive learning bounds for the proposed estimator, holding both in i.i.d. and
non i.i.d. settings, the latter in terms of mixing coefficients. Our results
suggest RRR might be beneficial over other widely used estimators as confirmed
in numerical experiments both for forecasting and mode decomposition."
3684,Inference and Sampling for Archimax Copulas,"Understanding multivariate dependencies in both the bulk and the tails of a
distribution is an important problem for many applications, such as ensuring
algorithms are robust to observations that are infrequent but have devastating
effects. Archimax copulas are a family of distributions endowed with a precise
representation that allows simultaneous modeling of the bulk and the tails of a
distribution. Rather than separating the two as is typically done in practice,
incorporating additional information from the bulk may improve inference of the
tails, where observations are limited. Building on the stochastic
representation of Archimax copulas, we develop a non-parametric inference
method and sampling algorithm. Our proposed methods, to the best of our
knowledge, are the first that allow for highly flexible and scalable inference
and sampling algorithms, enabling the increased use of Archimax copulas in
practical settings. We experimentally compare to state-of-the-art density
modeling techniques, and the results suggest that the proposed method
effectively extrapolates to the tails while scaling to higher dimensional data.
Our findings suggest that the proposed algorithms can be used in a variety of
applications where understanding the interplay between the bulk and the tails
of a distribution is necessary, such as healthcare and safety."
3685,What Dense Graph Do You Need for Self-Attention?,"Transformers have made progress in miscellaneous tasks, but suffer from
quadratic computational and memory complexities. Recent works propose sparse
Transformers with attention on sparse graphs to reduce complexity and remain
strong performance. While effective, the crucial parts of how dense a graph
needs to be to perform well are not fully explored. In this paper, we propose
Normalized Information Payload (NIP), a graph scoring function measuring
information transfer on graph, which provides an analysis tool for trade-offs
between performance and complexity. Guided by this theoretical analysis, we
present Hypercube Transformer, a sparse Transformer that models token
interactions in a hypercube and shows comparable or even better results with
vanilla Transformer while yielding $O(N\log N)$ complexity with sequence length
$N$. Experiments on tasks requiring various sequence lengths lay validation for
our graph function well."
3686,Prototype Based Classification from Hierarchy to Fairness,"Artificial neural nets can represent and classify many types of data but are
often tailored to particular applications -- e.g., for ""fair"" or ""hierarchical""
classification. Once an architecture has been selected, it is often difficult
for humans to adjust models for a new task; for example, a hierarchical
classifier cannot be easily transformed into a fair classifier that shields a
protected field. Our contribution in this work is a new neural network
architecture, the concept subspace network (CSN), which generalizes existing
specialized classifiers to produce a unified model capable of learning a
spectrum of multi-concept relationships. We demonstrate that CSNs reproduce
state-of-the-art results in fair classification when enforcing concept
independence, may be transformed into hierarchical classifiers, or even
reconcile fairness and hierarchy within a single classifier. The CSN is
inspired by existing prototype-based classifiers that promote interpretability."
3687,Deep Ensembles for Graphs with Higher-order Dependencies,"Graph neural networks (GNNs) continue to achieve state-of-the-art performance
on many graph learning tasks, but rely on the assumption that a given graph is
a sufficient approximation of the true neighborhood structure. In the presence
of higher-order sequential dependencies, we show that the tendency of
traditional graph representations to underfit each node's neighborhood causes
existing GNNs to generalize poorly. To address this, we propose a novel Deep
Graph Ensemble (DGE), which captures neighborhood variance by training an
ensemble of GNNs on different neighborhood subspaces of the same node within a
higher-order network structure. We show that DGE consistently outperforms
existing GNNs on semisupervised and supervised tasks on four real-world data
sets with known higher-order dependencies, even under a similar parameter
budget. We demonstrate that learning diverse and accurate base classifiers is
central to DGE's success, and discuss the implications of these findings for
future work on GNNs."
3688,Counterfactual Fairness with Partially Known Causal Graph,"Fair machine learning aims to avoid treating individuals or sub-populations
unfavourably based on \textit{sensitive attributes}, such as gender and race.
Those methods in fair machine learning that are built on causal inference
ascertain discrimination and bias through causal effects. Though
causality-based fair learning is attracting increasing attention, current
methods assume the true causal graph is fully known. This paper proposes a
general method to achieve the notion of counterfactual fairness when the true
causal graph is unknown. To be able to select features that lead to
counterfactual fairness, we derive the conditions and algorithms to identify
ancestral relations between variables on a \textit{Partially Directed Acyclic
Graph (PDAG)}, specifically, a class of causal DAGs that can be learned from
observational data combined with domain knowledge. Interestingly, we find that
counterfactual fairness can be achieved as if the true causal graph were fully
known, when specific background knowledge is provided: the sensitive attributes
do not have ancestors in the causal graph. Results on both simulated and
real-world datasets demonstrate the effectiveness of our method."
3689,Exploring Techniques for the Analysis of Spontaneous Asynchronicity in MPI-Parallel Applications,"This paper studies the utility of using data analytics and machine learning
techniques for identifying, classifying, and characterizing the dynamics of
large-scale parallel (MPI) programs. To this end, we run microbenchmarks and
realistic proxy applications with the regular compute-communicate structure on
two different supercomputing platforms and choose the per-process performance
and MPI time per time step as relevant observables. Using principal component
analysis, clustering techniques, correlation functions, and a new ""phase space
plot,"" we show how desynchronization patterns (or lack thereof) can be readily
identified from a data set that is much smaller than a full MPI trace. Our
methods also lead the way towards a more general classification of parallel
program dynamics."
3690,Guided Exploration of Data Summaries,"Data summarization is the process of producing interpretable and
representative subsets of an input dataset. It is usually performed following a
one-shot process with the purpose of finding the best summary. A useful summary
contains k individually uniform sets that are collectively diverse to be
representative. Uniformity addresses interpretability and diversity addresses
representativity. Finding such as summary is a difficult task when data is
highly diverse and large. We examine the applicability of Exploratory Data
Analysis (EDA) to data summarization and formalize Eda4Sum, the problem of
guided exploration of data summaries that seeks to sequentially produce
connected summaries with the goal of maximizing their cumulative utility.
EdA4Sum generalizes one-shot summarization. We propose to solve it with one of
two approaches: (i) Top1Sum which chooses the most useful summary at each step;
(ii) RLSum which trains a policy with Deep Reinforcement Learning that rewards
an agent for finding a diverse and new collection of uniform sets at each step.
We compare these approaches with one-shot summarization and top-performing EDA
solutions. We run extensive experiments on three large datasets. Our results
demonstrate the superiority of our approaches for summarizing very large data,
and the need to provide guidance to domain experts."
3691,Non-Markovian policies occupancy measures,"A central object of study in Reinforcement Learning (RL) is the Markovian
policy, in which an agent's actions are chosen from a memoryless probability
distribution, conditioned only on its current state. The family of Markovian
policies is broad enough to be interesting, yet simple enough to be amenable to
analysis. However, RL often involves more complex policies: ensembles of
policies, policies over options, policies updated online, etc. Our main
contribution is to prove that the occupancy measure of any non-Markovian
policy, i.e., the distribution of transition samples collected with it, can be
equivalently generated by a Markovian policy.
This result allows theorems about the Markovian policy class to be directly
extended to its non-Markovian counterpart, greatly simplifying proofs, in
particular those involving replay buffers and datasets. We provide various
examples of such applications to the field of Reinforcement Learning."
3692,Spatio-Temporal Graph Few-Shot Learning with Cross-City Knowledge Transfer,"Spatio-temporal graph learning is a key method for urban computing tasks,
such as traffic flow, taxi demand and air quality forecasting. Due to the high
cost of data collection, some developing cities have few available data, which
makes it infeasible to train a well-performed model. To address this challenge,
cross-city knowledge transfer has shown its promise, where the model learned
from data-sufficient cities is leveraged to benefit the learning process of
data-scarce cities. However, the spatio-temporal graphs among different cities
show irregular structures and varied features, which limits the feasibility of
existing Few-Shot Learning (\emph{FSL}) methods. Therefore, we propose a
model-agnostic few-shot learning framework for spatio-temporal graph called
ST-GFSL. Specifically, to enhance feature extraction by transfering cross-city
knowledge, ST-GFSL proposes to generate non-shared parameters based on
node-level meta knowledge. The nodes in target city transfer the knowledge via
parameter matching, retrieving from similar spatio-temporal characteristics.
Furthermore, we propose to reconstruct the graph structure during
meta-learning. The graph reconstruction loss is defined to guide
structure-aware learning, avoiding structure deviation among different
datasets. We conduct comprehensive experiments on four traffic speed prediction
benchmarks and the results demonstrate the effectiveness of ST-GFSL compared
with state-of-the-art methods."
3693,Deep Reinforcement Learning for Distributed and Uncoordinated Cognitive Radios Resource Allocation,"This paper presents a novel deep reinforcement learning-based resource
allocation technique for the multi-agent environment presented by a cognitive
radio network where the interactions of the agents during learning may lead to
a non-stationary environment. The resource allocation technique presented in
this work is distributed, not requiring coordination with other agents. It is
shown by considering aspects specific to deep reinforcement learning that the
presented algorithm converges in an arbitrarily long time to equilibrium
policies in a non-stationary multi-agent environment that results from the
uncoordinated dynamic interaction between radios through the shared wireless
environment. Simulation results show that the presented technique achieves a
faster learning performance compared to an equivalent table-based Q-learning
algorithm and is able to find the optimal policy in 99% of cases for a
sufficiently long learning time. In addition, simulations show that our DQL
approach requires less than half the number of learning steps to achieve the
same performance as an equivalent table-based implementation. Moreover, it is
shown that the use of a standard single-agent deep reinforcement learning
approach may not achieve convergence when used in an uncoordinated interacting
multi-radio scenario"
3694,Auditing Differential Privacy in High Dimensions with the Kernel Quantum Rényi Divergence,"Differential privacy (DP) is the de facto standard for private data release
and private machine learning. Auditing black-box DP algorithms and mechanisms
to certify whether they satisfy a certain DP guarantee is challenging,
especially in high dimension. We propose relaxations of differential privacy
based on new divergences on probability distributions: the kernel R\'enyi
divergence and its regularized version. We show that the regularized kernel
R\'enyi divergence can be estimated from samples even in high dimensions,
giving rise to auditing procedures for $\varepsilon$-DP,
$(\varepsilon,\delta)$-DP and $(\alpha,\varepsilon)$-R\'enyi DP."
3695,Combining observational datasets from multiple environments to detect hidden confounding,"A common assumption in causal inference from observational data is the
assumption of no hidden confounding. Yet it is, in general, impossible to
verify the presence of hidden confounding factors from a single dataset.
However, under the assumption of independent causal mechanisms underlying the
data generative process, we demonstrate a way to detect unobserved confounders
when having multiple observational datasets coming from different environments.
We present a theory for testable conditional independencies that are only
violated during hidden confounding and examine cases where we break its
assumptions: degenerate & dependent mechanisms, and faithfulness violations.
Additionally, we propose a procedure to test these independencies and study its
empirical finite-sample behavior using simulation studies."
3696,Standalone Neural ODEs with Sensitivity Analysis,"This paper presents the Standalone Neural ODE (sNODE), a continuous-depth
neural ODE model capable of describing a full deep neural network. This uses a
novel nonlinear conjugate gradient (NCG) descent optimization scheme for
training, where the Sobolev gradient can be incorporated to improve smoothness
of model weights. We also present a general formulation of the neural
sensitivity problem and show how it is used in the NCG training. The
sensitivity analysis provides a reliable measure of uncertainty propagation
throughout a network, and can be used to study model robustness and to generate
adversarial attacks. Our evaluations demonstrate that our novel formulations
lead to increased robustness and performance as compared to ResNet models, and
that it opens up for new opportunities for designing and developing machine
learning with improved explainability."
3697,Fairness and Welfare Quantification for Regret in Multi-Armed Bandits,"We extend the notion of regret with a welfarist perspective. Focussing on the
classic multi-armed bandit (MAB) framework, the current work quantifies the
performance of bandit algorithms by applying a fundamental welfare function,
namely the Nash social welfare (NSW) function. This corresponds to equating
algorithm's performance to the geometric mean of its expected rewards and leads
us to the study of Nash regret, defined as the difference between the -- a
priori unknown -- optimal mean (among the arms) and the algorithm's
performance. Since NSW is known to satisfy fairness axioms, our approach
complements the utilitarian considerations of average (cumulative) regret,
wherein the algorithm is evaluated via the arithmetic mean of its expected
rewards.
This work develops an algorithm that, given the horizon of play $T$, achieves
a Nash regret of $O \left( \sqrt{\frac{{k \log T}}{T}} \right)$, here $k$
denotes the number of arms in the MAB instance. Since, for any algorithm, the
Nash regret is at least as much as its average regret (the AM-GM inequality),
the known lower bound on average regret holds for Nash regret as well.
Therefore, our Nash regret guarantee is essentially tight. In addition, we
develop an anytime algorithm with a Nash regret guarantee of $O \left(
\sqrt{\frac{{k\log T}}{T}} \log T \right)$."
3698,Probabilistic Transformer: Modelling Ambiguities and Distributions for RNA Folding and Molecule Design,"Our world is ambiguous and this is reflected in the data we use to train our
algorithms. This is especially true when we try to model natural processes
where collected data is affected by noisy measurements and differences in
measurement techniques. Sometimes, the process itself can be ambiguous, such as
in the case of RNA folding, where a single nucleotide sequence can fold into
multiple structures. This ambiguity suggests that a predictive model should
have similar probabilistic characteristics to match the data it models.
Therefore, we propose a hierarchical latent distribution to enhance one of the
most successful deep learning models, the Transformer, to accommodate
ambiguities and data distributions. We show the benefits of our approach on a
synthetic task, with state-of-the-art results in RNA folding, and demonstrate
its generative capabilities on property-based molecule design, outperforming
existing work."
3699,Client Selection in Nonconvex Federated Learning: Improved Convergence Analysis for Optimal Unbiased Sampling Strategy,"Federated learning (FL) is a distributed machine learning paradigm that
selects a subset of clients to participate in training to reduce communication
burdens. However, partial client participation in FL causes \emph{objective
inconsistency}, which can hinder the convergence, while this objective
inconsistency has not been analyzed in existing studies on sampling methods. To
tackle this issue, we propose an improved analysis method that focuses on the
convergence behavior of the practical participated client's objective.
Moreover, based on our convergence analysis, we give a novel unbiased sampling
strategy, i.e., FedSRC-D, whose sampling probability is proportional to the
client's gradient diversity and local variance. FedSRC-D is provable the
optimal unbiased sampling in non-convex settings for non-IID FL with respect to
the given bounds. Specifically, FedSRC-D achieves
$\mathop{O}(\frac{G^2}{\epsilon^2}+\frac{1}{\epsilon^{2/3}})$ higher than SOTA
convergence rate of FedAvg, and $\mathop{O}(\frac{G^2}{\epsilon^2})$ higher
than other unbiased sampling methods. We corroborate our results with
experiments on both synthetic and real data sets."
3700,Lifting the Information Ratio: An Information-Theoretic Analysis of Thompson Sampling for Contextual Bandits,"We study the Bayesian regret of the renowned Thompson Sampling algorithm in
contextual bandits with binary losses and adversarially-selected contexts. We
adapt the information-theoretic perspective of Russo and Van Roy [2016] to the
contextual setting by introducing a new concept of information ratio based on
the mutual information between the unknown model parameter and the observed
loss. This allows us to bound the regret in terms of the entropy of the prior
distribution through a remarkably simple proof, and with no structural
assumptions on the likelihood or the prior. The extension to priors with
infinite entropy only requires a Lipschitz assumption on the log-likelihood. An
interesting special case is that of logistic bandits with d-dimensional
parameters, K actions, and Lipschitz logits, for which we provide a
$\widetilde{O}(\sqrt{dKT})$ regret upper-bound that does not depend on the
smallest slope of the sigmoid link function."
3701,Federated Semi-Supervised Learning with Prototypical Networks,"With the increasing computing power of edge devices, Federated Learning (FL)
emerges to enable model training without privacy concerns. The majority of
existing studies assume the data are fully labeled on the client side. In
practice, however, the amount of labeled data is often limited. Recently,
federated semi-supervised learning (FSSL) is explored as a way to effectively
utilize unlabeled data during training. In this work, we propose ProtoFSSL, a
novel FSSL approach based on prototypical networks. In ProtoFSSL, clients share
knowledge with each other via lightweight prototypes, which prevents the local
models from diverging. For computing loss on unlabeled data, each client
creates accurate pseudo-labels based on shared prototypes. Jointly with labeled
data, the pseudo-labels provide training signals for local prototypes. Compared
to a FSSL approach based on weight sharing, the prototype-based inter-client
knowledge sharing significantly reduces both communication and computation
costs, enabling more frequent knowledge sharing between more clients for better
accuracy. In multiple datasets, ProtoFSSL results in higher accuracy compared
to the recent FSSL methods with and without knowledge sharing, such as
FixMatch, FedRGD, and FedMatch. On SVHN dataset, ProtoFSSL performs comparably
to fully supervised FL methods."
3702,Fast Causal Orientation Learning in Directed Acyclic Graphs,"Causal relationships among a set of variables are commonly represented by a
directed acyclic graph. The orientations of some edges in the causal DAG can be
discovered from observational/interventional data. Further edges can be
oriented by iteratively applying so-called Meek rules. Inferring edges'
orientations from some previously oriented edges, which we call Causal
Orientation Learning (COL), is a common problem in various causal discovery
tasks. In these tasks, it is often required to solve multiple COL problems and
therefore applying Meek rules could be time-consuming. Motivated by Meek rules,
we introduce Meek functions that can be utilized in solving COL problems. In
particular, we show that these functions have some desirable properties,
enabling us to speed up the process of applying Meek rules. In particular, we
propose a dynamic programming (DP) based method to apply Meek functions.
Moreover, based on the proposed DP method, we present a lower bound on the
number of edges that can be oriented as a result of intervention. We also
propose a method to check whether some oriented edges belong to a causal DAG.
Experimental results show that the proposed methods can outperform previous
work in several causal discovery tasks in terms of running-time."
3703,Dynamic Domain Generalization,"Domain generalization (DG) is a fundamental yet very challenging research
topic in machine learning. The existing arts mainly focus on learning
domain-invariant features with limited source domains in a static model.
Unfortunately, there is a lack of training-free mechanism to adjust the model
when generalized to the agnostic target domains. To tackle this problem, we
develop a brand-new DG variant, namely Dynamic Domain Generalization (DDG), in
which the model learns to twist the network parameters to adapt the data from
different domains. Specifically, we leverage a meta-adjuster to twist the
network parameters based on the static model with respect to different data
from different domains. In this way, the static model is optimized to learn
domain-shared features, while the meta-adjuster is designed to learn
domain-specific features. To enable this process, DomainMix is exploited to
simulate data from diverse domains during teaching the meta-adjuster to adapt
to the upcoming agnostic target domains. This learning mechanism urges the
model to generalize to different agnostic target domains via adjusting the
model without training. Extensive experiments demonstrate the effectiveness of
our proposed method. Code is available at: https://github.com/MetaVisionLab/DDG"
3704,(De-)Randomized Smoothing for Decision Stump Ensembles,"Tree-based models are used in many high-stakes application domains such as
finance and medicine, where robustness and interpretability are of utmost
importance. Yet, methods for improving and certifying their robustness are
severely under-explored, in contrast to those focusing on neural networks.
Targeting this important challenge, we propose deterministic smoothing for
decision stump ensembles. Whereas most prior work on randomized smoothing
focuses on evaluating arbitrary base models approximately under input
randomization, the key insight of our work is that decision stump ensembles
enable exact yet efficient evaluation via dynamic programming. Importantly, we
obtain deterministic robustness certificates, even jointly over numerical and
categorical features, a setting ubiquitous in the real world. Further, we
derive an MLE-optimal training method for smoothed decision stumps under
randomization and propose two boosting approaches to improve their provable
robustness. An extensive experimental evaluation shows that our approach yields
significantly higher certified accuracies than the state-of-the-art for
tree-based models. We release all code and trained models at ANONYMIZED."
3705,Sample-Efficient Optimisation with Probabilistic Transformer Surrogates,"Faced with problems of increasing complexity, recent research in Bayesian
Optimisation (BO) has focused on adapting deep probabilistic models as flexible
alternatives to Gaussian Processes (GPs). In a similar vein, this paper
investigates the feasibility of employing state-of-the-art probabilistic
transformers in BO. Upon further investigation, we observe two drawbacks
stemming from their training procedure and loss definition, hindering their
direct deployment as proxies in black-box optimisation. First, we notice that
these models are trained on uniformly distributed inputs, which impairs
predictive accuracy on non-uniform data - a setting arising from any typical BO
loop due to exploration-exploitation trade-offs. Second, we realise that
training losses (e.g., cross-entropy) only asymptotically guarantee accurate
posterior approximations, i.e., after arriving at the global optimum, which
generally cannot be ensured. At the stationary points of the loss function,
however, we observe a degradation in predictive performance especially in
exploratory regions of the input space. To tackle these shortcomings we
introduce two components: 1) a BO-tailored training prior supporting
non-uniformly distributed points, and 2) a novel approximate posterior
regulariser trading-off accuracy and input sensitivity to filter favourable
stationary points for improved predictive performance. In a large panel of
experiments, we demonstrate, for the first time, that one transformer
pre-trained on data sampled from random GP priors produces competitive results
on 16 benchmark black-boxes compared to GP-based BO. Since our model is only
pre-trained once and used in all tasks without any retraining and/or
fine-tuning, we report an order of magnitude time-reduction, while matching and
sometimes outperforming GPs."
3706,Bias Reduction via Cooperative Bargaining in Synthetic Graph Dataset Generation,"In general, to draw robust conclusions from a dataset, all the analyzed
population must be represented on said dataset. Having a dataset that does not
fulfill this condition normally leads to selection bias. Additionally, graphs
have been used to model a wide variety of problems. Although synthetic graphs
can be used to augment available real graph datasets to overcome selection
bias, the generation of unbiased synthetic datasets is complex with current
tools. In this work, we propose a method to find a synthetic graph dataset that
has an even representation of graphs with different metrics. The resulting
dataset can then be used, among others, for benchmarking graph processing
techniques as the accuracy of different Graph Neural Network (GNN) models or
the speedups obtained by different graph processing acceleration frameworks."
3707,How Tempering Fixes Data Augmentation in Bayesian Neural Networks,"While Bayesian neural networks (BNNs) provide a sound and principled
alternative to standard neural networks, an artificial sharpening of the
posterior usually needs to be applied to reach comparable performance. This is
in stark contrast to theory, dictating that given an adequate prior and a
well-specified model, the untempered Bayesian posterior should achieve optimal
performance. Despite the community's extensive efforts, the observed gains in
performance still remain disputed with several plausible causes pointing at its
origin. While data augmentation has been empirically recognized as one of the
main drivers of this effect, a theoretical account of its role, on the other
hand, is largely missing. In this work we identify two interlaced factors
concurrently influencing the strength of the cold posterior effect, namely the
correlated nature of augmentations and the degree of invariance of the employed
model to such transformations. By theoretically analyzing simplified settings,
we prove that tempering implicitly reduces the misspecification arising from
modeling augmentations as i.i.d. data. The temperature mimics the role of the
effective sample size, reflecting the gain in information provided by the
augmentations. We corroborate our theoretical findings with extensive empirical
evaluations, scaling to realistic BNNs. By relying on the framework of group
convolutions, we experiment with models of varying inherent degree of
invariance, confirming its hypothesized relationship with the optimal
temperature."
3708,EvenNet: Ignoring Odd-Hop Neighbors Improves Robustness of Graph Neural Networks,"Graph Neural Networks (GNNs) have received extensive research attention for
their promising performance in graph machine learning. Despite their
extraordinary predictive accuracy, existing approaches, such as GCN and GPRGNN,
are not robust in the face of homophily changes on test graphs, rendering these
models vulnerable to graph structural attacks and with limited capacity in
generalizing to graphs of varied homophily levels. Although many methods have
been proposed to improve the robustness of GNN models, most of these techniques
are restricted to the spatial domain and employ complicated defense mechanisms,
such as learning new graph structures or calculating edge attentions. In this
paper, we study the problem of designing simple and robust GNN models in the
spectral domain. We propose EvenNet, a spectral GNN corresponding to an
even-polynomial graph filter. Based on our theoretical analysis in both spatial
and spectral domains, we demonstrate that EvenNet outperforms full-order models
in generalizing across homophilic and heterophilic graphs, implying that
ignoring odd-hop neighbors improves the robustness of GNNs. We conduct
experiments on both synthetic and real-world datasets to demonstrate the
effectiveness of EvenNet. Notably, EvenNet outperforms existing defense models
against structural attacks without introducing additional computational costs
and maintains competitiveness in traditional node classification tasks on
homophilic and heterophilic graphs."
3709,Transformers from an Optimization Perspective,"Deep learning models such as the Transformer are often constructed by
heuristics and experience. To provide a complementary foundation, in this work
we study the following problem: Is it possible to find an energy function
underlying the Transformer model, such that descent steps along this energy
correspond with the Transformer forward pass? By finding such a function, we
can reinterpret Transformers as the unfolding of an interpretable optimization
process across iterations. This unfolding perspective has been frequently
adopted in the past to elucidate more straightforward deep models such as MLPs
and CNNs; however, it has thus far remained elusive obtaining a similar
equivalence for more complex models with self-attention mechanisms like the
Transformer. To this end, we first outline several major obstacles before
providing companion techniques to at least partially address them,
demonstrating for the first time a close association between energy function
minimization and deep layers with self-attention. This interpretation
contributes to our intuition and understanding of Transformers, while
potentially laying the ground-work for new model designs."
3710,A Combination of Deep Neural Networks and K-Nearest Neighbors for Credit Card Fraud Detection,"Detection of a Fraud transaction on credit cards became one of the major
problems for financial institutions, organizations and companies. As the global
financial system is highly connected to non-cash transactions and online
operations fraud makers invent more effective ways to access customers'
finances. The main problem in credit card fraud detection is that the number of
fraud transactions is significantly lower than genuine ones. The aim of the
paper is to implement new techniques, which contains of under-sampling
algorithms, K-nearest Neighbor Algorithm (KNN) and Deep Neural Network (KNN) on
new obtained dataset. The performance evaluation showed that DNN model gives
precise high accuracy (98.12%), which shows the good ability of presented
method to detect fraudulent transactions."
3711,Automated Dynamic Algorithm Configuration,"The performance of an algorithm often critically depends on its parameter
configuration. While a variety of automated algorithm configuration methods
have been proposed to relieve users from the tedious and error-prone task of
manually tuning parameters, there is still a lot of untapped potential as the
learned configuration is static, i.e., parameter settings remain fixed
throughout the run. However, it has been shown that some algorithm parameters
are best adjusted dynamically during execution, e.g., to adapt to the current
part of the optimization landscape. Thus far, this is most commonly achieved
through hand-crafted heuristics. A promising recent alternative is to
automatically learn such dynamic parameter adaptation policies from data. In
this article, we give the first comprehensive account of this new field of
automated dynamic algorithm configuration (DAC), present a series of recent
advances, and provide a solid foundation for future research in this field.
Specifically, we (i) situate DAC in the broader historical context of AI
research; (ii) formalize DAC as a computational problem; (iii) identify the
methods used in prior-art to tackle this problem; (iv) conduct empirical case
studies for using DAC in evolutionary optimization, AI planning, and machine
learning."
3712,TraClets: Harnessing the power of computer vision for trajectory classification,"Due to the advent of new mobile devices and tracking sensors in recent years,
huge amounts of data are being produced every day. Therefore, novel
methodologies need to emerge that dive through this vast sea of information and
generate insights and meaningful information. To this end, researchers have
developed several trajectory classification algorithms over the years that are
able to annotate tracking data. Similarly, in this research, a novel
methodology is presented that exploits image representations of trajectories,
called TraClets, in order to classify trajectories in an intuitive humans way,
through computer vision techniques. Several real-world datasets are used to
evaluate the proposed approach and compare its classification performance to
other state-of-the-art trajectory classification algorithms. Experimental
results demonstrate that TraClets achieves a classification performance that is
comparable to, or in most cases, better than the state-of-the-art, acting as a
universal, high-accuracy approach for trajectory classification."
3713,MIMII DG: Sound Dataset for Malfunctioning Industrial Machine Investigation and Inspection for Domain Generalization Task,"We present a machine sound dataset to benchmark domain generalization
techniques for anomalous sound detection (ASD). To handle performance
degradation caused by domain shifts that are difficult to detect or too
frequent to adapt, domain generalization techniques are preferred. However,
currently available datasets have difficulties in evaluating these techniques,
such as limited number of values for parameters that cause domain shifts
(domain shift parameters). In this paper, we present the first ASD dataset for
the domain generalization techniques, called MIMII DG. The dataset consists of
five machine types and three domain shift scenarios for each machine type. We
prepared at least two values for the domain shift parameters in the source
domain. Also, we introduced domain shifts that can be difficult to notice.
Experimental results using two baseline systems indicate that the dataset
reproduces the domain shift scenarios and is useful for benchmarking domain
generalization techniques."
3714,Comparison of Deep Learning Segmentation and Multigrader-annotated Mandibular Canals of Multicenter CBCT scans,"Deep learning approach has been demonstrated to automatically segment the
bilateral mandibular canals from CBCT scans, yet systematic studies of its
clinical and technical validation are scarce. To validate the mandibular canal
localization accuracy of a deep learning system (DLS) we trained it with 982
CBCT scans and evaluated using 150 scans of five scanners from clinical
workflow patients of European and Southeast Asian Institutes, annotated by four
radiologists. The interobserver variability was compared to the variability
between the DLS and the radiologists. In addition, the generalization of DLS to
CBCT scans from scanners not used in the training data was examined to evaluate
the out-of-distribution generalization capability. The DLS had lower
variability to the radiologists than the interobserver variability between them
and it was able to generalize to three new devices. For the radiologists'
consensus segmentation, used as gold standard, the DLS had a symmetric mean
curve distance of 0.39 mm compared to those of the individual radiologists with
0.62 mm, 0.55 mm, 0.47 mm, and 0.42 mm. The DLS showed comparable or slightly
better performance in the segmentation of the mandibular canal with the
radiologists and generalization capability to new scanners."
3715,Probabilistic Systems with Hidden State and Unobservable Transitions,"We consider probabilistic systems with hidden state and unobservable
transitions, an extension of Hidden Markov Models (HMMs) that in particular
admits unobservable {\epsilon}-transitions (also called null transitions),
allowing state changes of which the observer is unaware. Due to the presence of
{\epsilon}-loops this additional feature complicates the theory and requires to
carefully set up the corresponding probability space and random variables. In
particular we present an algorithm for determining the most probable
explanation given an observation (a generalization of the Viterbi algorithm for
HMMs) and a method for parameter learning that adapts the probabilities of a
given model based on an observation (a generalization of the Baum-Welch
algorithm). The latter algorithm guarantees that the given observation has a
higher (or equal) probability after adjustment of the parameters and its
correctness can be derived directly from the so-called EM algorithm."
3716,MissDAG: Causal Discovery in the Presence of Missing Data with Continuous Additive Noise Models,"State-of-the-art causal discovery methods usually assume that the
observational data is complete. However, the missing data problem is pervasive
in many practical scenarios such as clinical trials, economics, and biology.
One straightforward way to address the missing data problem is first to impute
the data using off-the-shelf imputation methods and then apply existing causal
discovery methods. However, such a two-step method may suffer from
suboptimality, as the imputation algorithm is unaware of the causal discovery
step. In this paper, we develop a general method, which we call MissDAG, to
perform causal discovery from data with incomplete observations. Focusing
mainly on the assumptions of ignorable missingness and the identifiable
additive noise models (ANMs), MissDAG maximizes the expected likelihood of the
visible part of observations under the expectation-maximization (EM) framework.
In the E-step, in cases where computing the posterior distributions of
parameters in closed-form is not feasible, Monte Carlo EM is leveraged to
approximate the likelihood. In the M-step, MissDAG leverages the density
transformation to model the noise distributions with simpler and specific
formulations by virtue of the ANMs and uses a likelihood-based causal discovery
algorithm with directed acyclic graph prior as an inductive bias. We
demonstrate the flexibility of MissDAG for incorporating various causal
discovery algorithms and its efficacy through extensive simulations and real
data experiments."
3717,Why Robust Generalization in Deep Learning is Difficult: Perspective of Expressive Power,"It is well-known that modern neural networks are vulnerable to adversarial
examples. To mitigate this problem, a series of robust learning algorithms have
been proposed. However, although the robust training error can be near zero via
some methods, all existing algorithms lead to a high robust generalization
error. In this paper, we provide a theoretical understanding of this puzzling
phenomenon from the perspective of expressive power for deep neural networks.
Specifically, for binary classification problems with well-separated data, we
show that, for ReLU networks, while mild over-parameterization is sufficient
for high robust training accuracy, there exists a constant robust
generalization gap unless the size of the neural network is exponential in the
data dimension $d$. Even if the data is linear separable, which means achieving
low clean generalization error is easy, we can still prove an
$\exp({\Omega}(d))$ lower bound for robust generalization. Moreover, we
establish an improved upper bound of $\exp({\mathcal{O}}(k))$ for the network
size to achieve low robust generalization error when the data lies on a
manifold with intrinsic dimension $k$ ($k \ll d$). Nonetheless, we also have a
lower bound that grows exponentially with respect to $k$ -- the curse of
dimensionality is inevitable. By demonstrating an exponential separation
between the network size for achieving low robust training and generalization
error, our results reveal that the hardness of robust generalization may stem
from the expressive power of practical models."
3718,On the Convergence of Semi-Relaxed Sinkhorn with Marginal Constraint and OT Distance Gaps,"This paper presents consideration of the Semi-Relaxed Sinkhorn (SR-Sinkhorn)
algorithm for the semi-relaxed optimal transport (SROT) problem, which relaxes
one marginal constraint of the standard OT problem. For evaluation of how the
constraint relaxation affects the algorithm behavior and solution, it is
vitally necessary to present the theoretical convergence analysis in terms not
only of the functional value gap, but also of the marginal constraint gap as
well as the OT distance gap. However, no existing work has addressed all
analyses simultaneously. To this end, this paper presents a comprehensive
convergence analysis for SR-Sinkhorn. After presenting the
$\epsilon$-approximation of the functional value gap based on a new proof
strategy and exploiting this proof strategy, we give the upper bound of the
marginal constraint gap. We also provide its convergence to the
$\epsilon$-approximation when two distributions are in the probability simplex.
Furthermore, the convergence analysis of the OT distance gap to the
$\epsilon$-approximation is given as assisted by the obtained marginal
constraint gap. The latter two theoretical results are the first results
presented in the literature related to the SROT problem."
3719,Raising the Bar in Graph-level Anomaly Detection,"Graph-level anomaly detection has become a critical topic in diverse areas,
such as financial fraud detection and detecting anomalous activities in social
networks. While most research has focused on anomaly detection for visual data
such as images, where high detection accuracies have been obtained, existing
deep learning approaches for graphs currently show considerably worse
performance. This paper raises the bar on graph-level anomaly detection, i.e.,
the task of detecting abnormal graphs in a set of graphs. By drawing on ideas
from self-supervised learning and transformation learning, we present a new
deep learning approach that significantly improves existing deep one-class
approaches by fixing some of their known problems, including hypersphere
collapse and performance flip. Experiments on nine real-world data sets
involving nine techniques reveal that our method achieves an average
performance improvement of 11.8% AUC compared to the best existing approach."
3720,Adaptive Random Forests for Energy-Efficient Inference on Microcontrollers,"Random Forests (RFs) are widely used Machine Learning models in low-power
embedded devices, due to their hardware friendly operation and high accuracy on
practically relevant tasks. The accuracy of a RF often increases with the
number of internal weak learners (decision trees), but at the cost of a
proportional increase in inference latency and energy consumption. Such costs
can be mitigated considering that, in most applications, inputs are not all
equally difficult to classify. Therefore, a large RF is often necessary only
for (few) hard inputs, and wasteful for easier ones. In this work, we propose
an early-stopping mechanism for RFs, which terminates the inference as soon as
a high-enough classification confidence is reached, reducing the number of weak
learners executed for easy inputs. The early-stopping confidence threshold can
be controlled at runtime, in order to favor either energy saving or accuracy.
We apply our method to three different embedded classification tasks, on a
single-core RISC-V microcontroller, achieving an energy reduction from 38% to
more than 90% with a drop of less than 0.5% in accuracy. We also show that our
approach outperforms previous adaptive ML methods for RFs."
3721,Feudal Multi-Agent Reinforcement Learning with Adaptive Network Partition for Traffic Signal Control,"Multi-agent reinforcement learning (MARL) has been applied and shown great
potential in multi-intersections traffic signal control, where multiple agents,
one for each intersection, must cooperate together to optimize traffic flow. To
encourage global cooperation, previous work partitions the traffic network into
several regions and learns policies for agents in a feudal structure. However,
static network partition fails to adapt to dynamic traffic flow, which will
changes frequently over time. To address this, we propose a novel feudal MARL
approach with adaptive network partition. Specifically, we first partition the
network into several regions according to the traffic flow. To do this, we
propose two approaches: one is directly to use graph neural network (GNN) to
generate the network partition, and the other is to use Monte-Carlo tree search
(MCTS) to find the best partition with criteria computed by GNN. Then, we
design a variant of Qmix using GNN to handle various dimensions of input, given
by the dynamic network partition. Finally, we use a feudal hierarchy to manage
agents in each partition and promote global cooperation. By doing so, agents
are able to adapt to the traffic flow as required in practice. We empirically
evaluate our method both in a synthetic traffic grid and real-world traffic
networks of three cities, widely used in the literature. Our experimental
results confirm that our method can achieve better performance, in terms of
average travel time and queue length, than several leading methods for traffic
signal control."
3722,Deep Learning Fetal Ultrasound Video Model Match Human Observers in Biometric Measurements,"Objective. This work investigates the use of deep convolutional neural
networks (CNN) to automatically perform measurements of fetal body parts,
including head circumference, biparietal diameter, abdominal circumference and
femur length, and to estimate gestational age and fetal weight using fetal
ultrasound videos. Approach. We developed a novel multi-task CNN-based
spatio-temporal fetal US feature extraction and standard plane detection
algorithm (called FUVAI) and evaluated the method on 50 freehand fetal US video
scans. We compared FUVAI fetal biometric measurements with measurements made by
five experienced sonographers at two time points separated by at least two
weeks. Intra- and inter-observer variabilities were estimated. Main results. We
found that automated fetal biometric measurements obtained by FUVAI were
comparable to the measurements performed by experienced sonographers The
observed differences in measurement values were within the range of inter- and
intra-observer variability. Moreover, analysis has shown that these differences
were not statistically significant when comparing any individual medical expert
to our model. Significance. We argue that FUVAI has the potential to assist
sonographers who perform fetal biometric measurements in clinical settings by
providing them with suggestions regarding the best measuring frames, along with
automated measurements. Moreover, FUVAI is able perform these tasks in just a
few seconds, which is a huge difference compared to the average of six minutes
taken by sonographers. This is significant, given the shortage of medical
experts capable of interpreting fetal ultrasound images in numerous countries."
3723,Improving Bidding and Playing Strategies in the Trick-Taking game Wizard using Deep Q-Networks,"In this work, the trick-taking game Wizard with a separate bidding and
playing phase is modeled by two interleaved partially observable Markov
decision processes (POMDP). Deep Q-Networks (DQN) are used to empower
self-improving agents, which are capable of tackling the challenges of a highly
non-stationary environment. To compare algorithms between each other, the
accuracy between bid and trick count is monitored, which strongly correlates
with the actual rewards and provides a well-defined upper and lower performance
bound. The trained DQN agents achieve accuracies between 66% and 87% in
self-play, leaving behind both a random baseline and a rule-based heuristic.
The conducted analysis also reveals a strong information asymmetry concerning
player positions during bidding. To overcome the missing Markov property of
imperfect-information games, a long short-term memory (LSTM) network is
implemented to integrate historic information into the decision-making process.
Additionally, a forward-directed tree search is conducted by sampling a state
of the environment and thereby turning the game into a perfect information
setting. To our surprise, both approaches do not surpass the performance of the
basic DQN agent."
3724,Counterfactual Analysis in Dynamic Models: Copulas and Bounds,"We provide an explicit model of the causal mechanism in a structural causal
model (SCM) with the goal of estimating counterfactual quantities of interest
(CQIs). We propose some standard dependence structures, i.e. copulas, as base
cases for the causal mechanism. While these base cases can be used to construct
more interesting copulas, there are uncountably many copulas in general and so
we formulate optimization problems for bounding the CQIs. As our ultimate goal
is counterfactual reasoning in dynamic models which may have latent-states, we
show by way of example that filtering / smoothing / sampling methods for these
models can be integrated with our modeling of the causal mechanism.
Specifically, we consider the ""cheating-at-the-casino"" application of a hidden
Markov model and use linear programming (LP) to construct lower and upper
bounds on the casino's winnings due to cheating. These bounds are considerably
tighter when we constrain the copulas in the LPs to be time-independent. We can
characterize the entire space of SCMs obeying counterfactual stability (CS),
and we use it to negatively answer the open question of Oberst and Sontag [18]
regarding the uniqueness of the Gumbel-max mechanism for modeling CS. Our work
has applications in epidemiology and legal reasoning, and more generally in
counterfactual off-policy evaluation, a topic of increasing interest in the
reinforcement learning community."
3725,Error Bound of Empirical $\ell_2$ Risk Minimization for Noisy Standard and Generalized Phase Retrieval Problems,"In this paper, we study the estimation performance of empirical $\ell_2$ risk
minimization (ERM) in noisy (standard) phase retrieval (NPR) given by $y_k =
|\alpha_k^*x_0|^2+\eta_k$, or noisy generalized phase retrieval (NGPR)
formulated as $y_k = x_0^*A_kx_0 + \eta_k$, where $x_0\in\mathbb{K}^d$ is the
desired signal, $n$ is the sample size, $\eta= (\eta_1,...,\eta_n)^\top$ is the
noise vector. We establish new error bounds under different noise patterns, and
our proofs are valid for both $\mathbb{K}=\mathbb{R}$ and
$\mathbb{K}=\mathbb{C}$. In NPR under arbitrary noise vector $\eta$, we derive
a new error bound $O\big(\|\eta\|_\infty\sqrt{\frac{d}{n}} +
\frac{|\mathbf{1}^\top\eta|}{n}\big)$, which is tighter than the currently
known one $O\big(\frac{\|\eta\|}{\sqrt{n}}\big)$ in many cases. In NGPR, we
show $O\big(\|\eta\|\frac{\sqrt{d}}{n}\big)$ for arbitrary $\eta$. In both
problems, the bounds for arbitrary noise immediately give rise to
$\tilde{O}(\sqrt{\frac{d}{n}})$ for sub-Gaussian or sub-exponential random
noise, with some conventional but inessential assumptions (e.g., independent or
zero-mean condition) removed or weakened. In addition, we make a first attempt
to ERM under heavy-tailed random noise assumed to have bounded $l$-th moment.
To achieve a trade-off between bias and variance, we truncate the responses and
propose a corresponding robust ERM estimator, which is shown to possess the
guarantee $\tilde{O}\big(\big[\sqrt{\frac{d}{n}}\big]^{1-1/l}\big)$ in both
NPR, NGPR. All the error bounds straightforwardly extend to the more general
problems of rank-$r$ matrix recovery, and these results deliver a conclusion
that the full-rank frame $\{A_k\}_{k=1}^n$ in NGPR is more robust to biased
noise than the rank-1 frame $\{\alpha_k\alpha_k^*\}_{k=1}^n$ in NPR. Extensive
experimental results are presented to illustrate our theoretical findings."
3726,Multivariate Probabilistic Forecasting of Intraday Electricity Prices using Normalizing Flows,"Electricity is traded on various markets with different time horizons and
regulations. Short-term trading becomes increasingly important due to higher
penetration of renewables. In Germany, the intraday electricity price typically
fluctuates around the day-ahead price of the EPEX spot markets in a distinct
hourly pattern. This work proposes a probabilistic modeling approach that
models the intraday price difference to the day-ahead contracts. The model
captures the emerging hourly pattern by considering the four 15 min intervals
in each day-ahead price interval as a four-dimensional joint distribution. The
resulting nontrivial, multivariate price difference distribution is learned
using a normalizing flow, i.e., a deep generative model that combines
conditional multivariate density estimation and probabilistic regression. The
normalizing flow is compared to a selection of historical data, a Gaussian
copula, and a Gaussian regression model. Among the different models, the
normalizing flow identifies the trends most accurately and has the narrowest
prediction intervals. Notably, the normalizing flow is the only approach that
identifies rare price peaks. Finally, this work discusses the influence of
different external impact factors and finds that, individually, most of these
factors have negligible impact. Only the immediate history of the price
difference realization and the combination of all input factors lead to notable
improvements in the forecasts."
3727,Isolating and Leveraging Controllable and Noncontrollable Visual Dynamics in World Models,"World models learn the consequences of actions in vision-based interactive
systems. However, in practical scenarios such as autonomous driving, there
commonly exists noncontrollable dynamics independent of the action signals,
making it difficult to learn effective world models. To tackle this problem, we
present a novel reinforcement learning approach named Iso-Dream, which improves
the Dream-to-Control framework in two aspects. First, by optimizing the inverse
dynamics, we encourage the world model to learn controllable and
noncontrollable sources of spatiotemporal changes on isolated state transition
branches. Second, we optimize the behavior of the agent on the decoupled latent
imaginations of the world model. Specifically, to estimate state values, we
roll-out the noncontrollable states into the future and associate them with the
current controllable state. In this way, the isolation of dynamics sources can
greatly benefit long-horizon decision-making of the agent, such as a
self-driving car that can avoid potential risks by anticipating the movement of
other vehicles. Experiments show that Iso-Dream is effective in decoupling the
mixed dynamics and remarkably outperforms existing approaches in a wide range
of visual control and prediction domains."
3728,Prune and distill: similar reformatting of image information along rat visual cortex and deep neural networks,"Visual object recognition has been extensively studied in both neuroscience
and computer vision. Recently, the most popular class of artificial systems for
this task, deep convolutional neural networks (CNNs), has been shown to provide
excellent models for its functional analogue in the brain, the ventral stream
in visual cortex. This has prompted questions on what, if any, are the common
principles underlying the reformatting of visual information as it flows
through a CNN or the ventral stream. Here we consider some prominent
statistical patterns that are known to exist in the internal representations of
either CNNs or the visual cortex and look for them in the other system. We show
that intrinsic dimensionality (ID) of object representations along the rat
homologue of the ventral stream presents two distinct expansion-contraction
phases, as previously shown for CNNs. Conversely, in CNNs, we show that
training results in both distillation and active pruning (mirroring the
increase in ID) of low- to middle-level image information in single units, as
representations gain the ability to support invariant discrimination, in
agreement with previous observations in rat visual cortex. Taken together, our
findings suggest that CNNs and visual cortex share a similarly tight
relationship between dimensionality expansion/reduction of object
representations and reformatting of image information."
3729,Global Convergence of Over-parameterized Deep Equilibrium Models,"A deep equilibrium model (DEQ) is implicitly defined through an equilibrium
point of an infinite-depth weight-tied model with an input-injection. Instead
of infinite computations, it solves an equilibrium point directly with
root-finding and computes gradients with implicit differentiation. The training
dynamics of over-parameterized DEQs are investigated in this study. By
supposing a condition on the initial equilibrium point, we show that the unique
equilibrium point always exists during the training process, and the gradient
descent is proved to converge to a globally optimal solution at a linear
convergence rate for the quadratic loss function. In order to show that the
required initial condition is satisfied via mild over-parameterization, we
perform a fine-grained analysis on random DEQs. We propose a novel
probabilistic framework to overcome the technical difficulty in the
non-asymptotic analysis of infinite-depth weight-tied models."
3730,A Design Space for Explainable Ranking and Ranking Models,"Item ranking systems support users in multi-criteria decision-making tasks.
Users need to trust rankings and ranking algorithms to reflect user preferences
nicely while avoiding systematic errors and biases. However, today only few
approaches help end users, model developers, and analysts to explain rankings.
We report on the study of explanation approaches from the perspectives of
recommender systems, explainable AI, and visualization research and propose the
first cross-domain design space for explainers of item rankings. In addition,
we leverage the descriptive power of the design space to characterize a)
existing explainers and b) three main user groups involved in ranking
explanation tasks. The generative power of the design space is a means for
future designers and developers to create more target-oriented solutions in
this only weakly exploited space."
3731,fakeWeather: Adversarial Attacks for Deep Neural Networks Emulating Weather Conditions on the Camera Lens of Autonomous Systems,"Recently, Deep Neural Networks (DNNs) have achieved remarkable performances
in many applications, while several studies have enhanced their vulnerabilities
to malicious attacks. In this paper, we emulate the effects of natural weather
conditions to introduce plausible perturbations that mislead the DNNs. By
observing the effects of such atmospheric perturbations on the camera lenses,
we model the patterns to create different masks that fake the effects of rain,
snow, and hail. Even though the perturbations introduced by our attacks are
visible, their presence remains unnoticed due to their association with natural
events, which can be especially catastrophic for fully-autonomous and unmanned
vehicles. We test our proposed fakeWeather attacks on multiple Convolutional
Neural Network and Capsule Network models, and report noticeable accuracy drops
in the presence of such adversarial perturbations. Our work introduces a new
security threat for DNNs, which is especially severe for safety-critical
applications and autonomous systems."
3732,X-ViT: High Performance Linear Vision Transformer without Softmax,"Vision transformers have become one of the most important models for computer
vision tasks. Although they outperform prior works, they require heavy
computational resources on a scale that is quadratic to the number of tokens,
$N$. This is a major drawback of the traditional self-attention (SA) algorithm.
Here, we propose the X-ViT, ViT with a novel SA mechanism that has linear
complexity. The main approach of this work is to eliminate nonlinearity from
the original SA. We factorize the matrix multiplication of the SA mechanism
without complicated linear approximation. By modifying only a few lines of code
from the original SA, the proposed models outperform most transformer-based
models on image classification and dense prediction tasks on most capacity
regimes."
3733,End-to-End Learning of Hybrid Inverse Dynamics Models for Precise and Compliant Impedance Control,"It is well-known that inverse dynamics models can improve tracking
performance in robot control. These models need to precisely capture the robot
dynamics, which consist of well-understood components, e.g., rigid body
dynamics, and effects that remain challenging to capture, e.g., stick-slip
friction and mechanical flexibilities. Such effects exhibit hysteresis and
partial observability, rendering them, particularly challenging to model.
Hence, hybrid models, which combine a physical prior with data-driven
approaches are especially well-suited in this setting. We present a novel
hybrid model formulation that enables us to identify fully physically
consistent inertial parameters of a rigid body dynamics model which is paired
with a recurrent neural network architecture, allowing us to capture unmodeled
partially observable effects using the network memory. We compare our approach
against state-of-the-art inverse dynamics models on a 7 degree of freedom
manipulator. Using data sets obtained through an optimal experiment design
approach, we study the accuracy of offline torque prediction and generalization
capabilities of joint learning methods. In control experiments on the real
system, we evaluate the model as a feed-forward term for impedance control and
show the feedback gains can be drastically reduced to achieve a given tracking
accuracy."
3734,Bongard-HOI: Benchmarking Few-Shot Visual Reasoning for Human-Object Interactions,"A significant gap remains between today's visual pattern recognition models
and human-level visual cognition especially when it comes to few-shot learning
and compositional reasoning of novel concepts. We introduce Bongard-HOI, a new
visual reasoning benchmark that focuses on compositional learning of
human-object interactions (HOIs) from natural images. It is inspired by two
desirable characteristics from the classical Bongard problems (BPs): 1)
few-shot concept learning, and 2) context-dependent reasoning. We carefully
curate the few-shot instances with hard negatives, where positive and negative
images only disagree on action labels, making mere recognition of object
categories insufficient to complete our benchmarks. We also design multiple
test sets to systematically study the generalization of visual learning models,
where we vary the overlap of the HOI concepts between the training and test
sets of few-shot instances, from partial to no overlaps. Bongard-HOI presents a
substantial challenge to today's visual recognition models. The
state-of-the-art HOI detection model achieves only 62% accuracy on few-shot
binary prediction while even amateur human testers on MTurk have 91% accuracy.
With the Bongard-HOI benchmark, we hope to further advance research efforts in
visual reasoning, especially in holistic perception-reasoning systems and
better representation learning."
3735,Painful intelligence: What AI can tell us about human suffering,"This book uses the modern theory of artificial intelligence (AI) to
understand human suffering or mental pain. Both humans and sophisticated AI
agents process information about the world in order to achieve goals and obtain
rewards, which is why AI can be used as a model of the human brain and mind.
This book intends to make the theory accessible to a relatively general
audience, requiring only some relevant scientific background. The book starts
with the assumption that suffering is mainly caused by frustration. Frustration
means the failure of an agent (whether AI or human) to achieve a goal or a
reward it wanted or expected. Frustration is inevitable because of the
overwhelming complexity of the world, limited computational resources, and
scarcity of good data. In particular, such limitations imply that an agent
acting in the real world must cope with uncontrollability, unpredictability,
and uncertainty, which all lead to frustration. Fundamental in such modelling
is the idea of learning, or adaptation to the environment. While AI uses
machine learning, humans and animals adapt by a combination of evolutionary
mechanisms and ordinary learning. Even frustration is fundamentally an error
signal that the system uses for learning. This book explores various aspects
and limitations of learning algorithms and their implications regarding
suffering. At the end of the book, the computational theory is used to derive
various interventions or training methods that will reduce suffering in humans.
The amount of frustration is expressed by a simple equation which indicates how
it can be reduced. The ensuing interventions are very similar to those proposed
by Buddhist and Stoic philosophy, and include mindfulness meditation.
Therefore, this book can be interpreted as an exposition of a computational
theory justifying why such philosophies and meditation reduce human suffering."
3736,Generalization Bounds for Gradient Methods via Discrete and Continuous Prior,"Proving algorithm-dependent generalization error bounds for gradient-type
optimization methods has attracted significant attention recently in learning
theory. However, most existing trajectory-based analyses require either
restrictive assumptions on the learning rate (e.g., fast decreasing learning
rate), or continuous injected noise (such as the Gaussian noise in Langevin
dynamics). In this paper, we introduce a new discrete data-dependent prior to
the PAC-Bayesian framework, and prove a high probability generalization bound
of order $O(\frac{1}{n}\cdot
\sum_{t=1}^T(\gamma_t/\varepsilon_t)^2\left\|{\mathbf{g}_t}\right\|^2)$ for
Floored GD (i.e. a version of gradient descent with precision level
$\varepsilon_t$), where $n$ is the number of training samples, $\gamma_t$ is
the learning rate at step $t$, $\mathbf{g}_t$ is roughly the difference of the
gradient computed using all samples and that using only prior samples.
$\left\|{\mathbf{g}_t}\right\|$ is upper bounded by and and typical much
smaller than the gradient norm $\left\|{\nabla f(W_t)}\right\|$. We remark that
our bound holds for nonconvex and nonsmooth scenarios. Moreover, our
theoretical results provide numerically favorable upper bounds of testing
errors (e.g., $0.037$ on MNIST). Using a similar technique, we can also obtain
new generalization bounds for certain variants of SGD. Furthermore, we study
the generalization bounds for gradient Langevin Dynamics (GLD). Using the same
framework with a carefully constructed continuous prior, we show a new high
probability generalization bound of order $O(\frac{1}{n} +
\frac{L^2}{n^2}\sum_{t=1}^T(\gamma_t/\sigma_t)^2)$ for GLD. The new $1/n^2$
rate is due to the concentration of the difference between the gradient of
training samples and that of the prior."
3737,AsyncFedED: Asynchronous Federated Learning with Euclidean Distance based Adaptive Weight Aggregation,"In an asynchronous federated learning framework, the server updates the
global model once it receives an update from a client instead of waiting for
all the updates to arrive as in the synchronous setting. This allows
heterogeneous devices with varied computing power to train the local models
without pausing, thereby speeding up the training process. However, it
introduces the stale model problem, where the newly arrived update was
calculated based on a set of stale weights that are older than the current
global model, which may hurt the convergence of the model. In this paper, we
present an asynchronous federated learning framework with a proposed adaptive
weight aggregation algorithm, referred to as AsyncFedED. To the best of our
knowledge this aggregation method is the first to take the staleness of the
arrived gradients, measured by the Euclidean distance between the stale model
and the current global model, and the number of local epochs that have been
performed, into account. Assuming general non-convex loss functions, we prove
the convergence of the proposed method theoretically. Numerical results
validate the effectiveness of the proposed AsyncFedED in terms of the
convergence rate and model accuracy compared to the existing methods for three
considered tasks."
3738,A reconfigurable integrated electronic tongue and its use in accelerated analysis of juices and wines,"Potentiometric electronic tongues (ETs) leveraging trends in miniaturization
and internet of things (IoT) bear promise for facile mobile chemical analysis
of complex multicomponent liquids, such as beverages. In this work,
hand-crafted feature extraction from the transient potentiometric response of
an array of low-selective miniaturized polymeric sensors is combined with a
data pipeline for deployment of trained machine learning models on a cloud
back-end or edge device. The sensor array demonstrated sensitivity to different
organic acids and exhibited interesting performance for the fingerprinting of
fruit juices and wines, including differentiation of samples through supervised
learning based on sensory descriptors and prediction of consumer acceptability
of aged juice samples. Product authentication, quality control and support of
sensory evaluation are some of the applications that are expected to benefit
from integrated electronic tongues that facilitate the characterization of
complex properties of multi-component liquids."
3739,A Sea of Words: An In-Depth Analysis of Anchors for Text Data,"Anchors [Ribeiro et al. (2018)] is a post-hoc, rule-based interpretability
method. For text data, it proposes to explain a decision by highlighting a
small set of words (an anchor) such that the model to explain has similar
outputs when they are present in a document. In this paper, we present the
first theoretical analysis of Anchors, considering that the search for the best
anchor is exhaustive. We leverage this analysis to gain insights on the
behavior of Anchors on simple models, including elementary if-then rules and
linear classifiers."
3740,Text-Based Automatic Personality Prediction Using KGrAt-Net; A Knowledge Graph Attention Network Classifier,"Nowadays, a tremendous amount of human communications take place on the
Internet-based communication infrastructures, like social networks, email,
forums, organizational communication platforms, etc. Indeed, the automatic
prediction or assessment of individuals' personalities through their written or
exchanged text would be advantageous to ameliorate the relationships among
them. To this end, this paper aims to propose KGrAt-Net which is a Knowledge
Graph Attention Network text classifier. For the first time, it applies the
knowledge graph attention network to perform Automatic Personality Prediction
(APP), according to the Big Five personality traits. After performing some
preprocessing activities, first, it tries to acquire a knowingful
representation of the knowledge behind the concepts in the input text through
building its equivalent knowledge graph. A knowledge graph is a graph-based
data model that formally represents the semantics of the existing concepts in
the input text and models the knowledge behind them. Then, applying the
attention mechanism, it efforts to pay attention to the most relevant parts of
the graph to predict the personality traits of the input text. The results
demonstrated that KGrAt-Net considerably improved the personality prediction
accuracies. Furthermore, KGrAt-Net also uses the knowledge graphs' embeddings
to enrich the classification, which makes it even more accurate in APP."
3741,Block-coordinate Frank-Wolfe algorithm and convergence analysis for semi-relaxed optimal transport problem,"The optimal transport (OT) problem has been used widely for machine learning.
It is necessary for computation of an OT problem to solve linear programming
with tight mass-conservation constraints. These constraints prevent its
application to large-scale problems. To address this issue, loosening such
constraints enables us to propose the relaxed-OT method using a faster
algorithm. This approach has demonstrated its effectiveness for applications.
However, it remains slow. As a superior alternative, we propose a fast
block-coordinate Frank-Wolfe (BCFW) algorithm for a convex semi-relaxed OT.
Specifically, we prove their upper bounds of the worst convergence iterations,
and equivalence between the linearization duality gap and the Lagrangian
duality gap. Additionally, we develop two fast variants of the proposed BCFW.
Numerical experiments have demonstrated that our proposed algorithms are
effective for color transfer and surpass state-of-the-art algorithms. This
report presents a short version of arXiv:2103.05857."
3742,Tranception: protein fitness prediction with autoregressive transformers and inference-time retrieval,"The ability to accurately model the fitness landscape of protein sequences is
critical to a wide range of applications, from quantifying the effects of human
variants on disease likelihood, to predicting immune-escape mutations in
viruses and designing novel biotherapeutic proteins. Deep generative models of
protein sequences trained on multiple sequence alignments have been the most
successful approaches so far to address these tasks. The performance of these
methods is however contingent on the availability of sufficiently deep and
diverse alignments for reliable training. Their potential scope is thus limited
by the fact many protein families are hard, if not impossible, to align. Large
language models trained on massive quantities of non-aligned protein sequences
from diverse families address these problems and show potential to eventually
bridge the performance gap. We introduce Tranception, a novel transformer
architecture leveraging autoregressive predictions and retrieval of homologous
sequences at inference to achieve state-of-the-art fitness prediction
performance. Given its markedly higher performance on multiple mutants,
robustness to shallow alignments and ability to score indels, our approach
offers significant gain of scope over existing approaches. To enable more
rigorous model testing across a broader range of protein families, we develop
ProteinGym -- an extensive set of multiplexed assays of variant effects,
substantially increasing both the number and diversity of assays compared to
existing benchmarks."
3743,CIGMO: Categorical invariant representations in a deep generative framework,"Data of general object images have two most common structures: (1) each
object of a given shape can be rendered in multiple different views, and (2)
shapes of objects can be categorized in such a way that the diversity of shapes
is much larger across categories than within a category. Existing deep
generative models can typically capture either structure, but not both. In this
work, we introduce a novel deep generative model, called CIGMO, that can learn
to represent category, shape, and view factors from image data. The model is
comprised of multiple modules of shape representations that are each
specialized to a particular category and disentangled from view representation,
and can be learned using a group-based weakly supervised learning method. By
empirical investigation, we show that our model can effectively discover
categories of object shapes despite large view variation and quantitatively
supersede various previous methods including the state-of-the-art invariant
clustering algorithm. Further, we show that our approach using
category-specialization can enhance the learned shape representation to better
perform down-stream tasks such as one-shot object identification as well as
shape-view disentanglement."
3744,Representing Polymers as Periodic Graphs with Learned Descriptors for Accurate Polymer Property Predictions,"One of the grand challenges of utilizing machine learning for the discovery
of innovative new polymers lies in the difficulty of accurately representing
the complex structures of polymeric materials. Although a wide array of
hand-designed polymer representations have been explored, there has yet to be
an ideal solution for how to capture the periodicity of polymer structures, and
how to develop polymer descriptors without the need for human feature design.
In this work, we tackle these problems through the development of our periodic
polymer graph representation. Our pipeline for polymer property predictions is
comprised of our polymer graph representation that naturally accounts for the
periodicity of polymers, followed by a message-passing neural network (MPNN)
that leverages the power of graph deep learning to automatically learn
chemically-relevant polymer descriptors. Across a diverse dataset of 10 polymer
properties, we find that this polymer graph representation consistently
outperforms hand-designed representations with a 20% average reduction in
prediction error. Our results illustrate how the incorporation of chemical
intuition through directly encoding periodicity into our polymer graph
representation leads to a considerable improvement in the accuracy and
reliability of polymer property predictions. We also demonstrate how combining
polymer graph representations with message-passing neural network architectures
can automatically extract meaningful polymer features that are consistent with
human intuition, while outperforming human-derived features. This work
highlights the advancement in predictive capability that is possible if using
chemical descriptors that are specifically optimized for capturing the unique
chemical structure of polymers."
3745,HOUDINI: Escaping from Moderately Constrained Saddles,"We give the first polynomial time algorithms for escaping from
high-dimensional saddle points under a moderate number of constraints. Given
gradient access to a smooth function $f \colon \mathbb R^d \to \mathbb R$ we
show that (noisy) gradient descent methods can escape from saddle points under
a logarithmic number of inequality constraints. This constitutes the first
tangible progress (without reliance on NP-oracles or altering the definitions
to only account for certain constraints) on the main open question of the
breakthrough work of Ge et al. who showed an analogous result for unconstrained
and equality-constrained problems. Our results hold for both regular and
stochastic gradient descent."
3746,Auto-PINN: Understanding and Optimizing Physics-Informed Neural Architecture,"Physics-informed neural networks (PINNs) are revolutionizing science and
engineering practice by bringing together the power of deep learning to bear on
scientific computation. In forward modeling problems, PINNs are meshless
partial differential equation (PDE) solvers that can handle irregular,
high-dimensional physical domains. Naturally, the neural architecture
hyperparameters have a large impact on the efficiency and accuracy of the PINN
solver. However, this remains an open and challenging problem because of the
large search space and the difficulty of identifying a proper search objective
for PDEs. Here, we propose Auto-PINN, the first systematic, automated
hyperparameter optimization approach for PINNs, which employs Neural
Architecture Search (NAS) techniques to PINN design. Auto-PINN avoids manually
or exhaustively searching the hyperparameter space associated with PINNs. A
comprehensive set of pre-experiments using standard PDE benchmarks allows us to
probe the structure-performance relationship in PINNs. We find that the
different hyperparameters can be decoupled, and that the training loss function
of PINNs is a good search objective. Comparison experiments with baseline
methods demonstrate that Auto-PINN produces neural architectures with superior
stability and accuracy over alternative baselines."
3747,Regularized Gradient Descent Ascent for Two-Player Zero-Sum Markov Games,"We study the problem of finding the Nash equilibrium in a two-player zero-sum
Markov game. Due to its formulation as a minimax optimization program, a
natural approach to solve the problem is to perform gradient descent/ascent
with respect to each player in an alternating fashion. However, due to the
non-convexity/non-concavity of the underlying objective function, theoretical
understandings of this method are limited. In our paper, we consider solving an
entropy-regularized variant of the Markov game. The regularization introduces
structure into the optimization landscape that make the solutions more
identifiable and allow the problem to be solved more efficiently. Our main
contribution is to show that under proper choices of the regularization
parameter, the gradient descent ascent algorithm converges to the Nash
equilibrium of the original unregularized problem. We explicitly characterize
the finite-time performance of the last iterate of our algorithm, which vastly
improves over the existing convergence bound of the gradient descent ascent
algorithm without regularization. Finally, we complement the analysis with
numerical simulations that illustrate the accelerated convergence of the
algorithm."
3748,Generating personalized counterfactual interventions for algorithmic recourse by eliciting user preferences,"Counterfactual interventions are a powerful tool to explain the decisions of
a black-box decision process, and to enable algorithmic recourse. They are a
sequence of actions that, if performed by a user, can overturn an unfavourable
decision made by an automated decision system. However, most of the current
methods provide interventions without considering the user's preferences. For
example, a user might prefer doing certain actions with respect to others. In
this work, we present the first human-in-the-loop approach to perform
algorithmic recourse by eliciting user preferences. We introduce a polynomial
procedure to ask choice-set questions which maximize the Expected Utility of
Selection (EUS), and use it to iteratively refine our cost estimates in a
Bayesian setting. We integrate this preference elicitation strategy into a
reinforcement learning agent coupled with Monte Carlo Tree Search for efficient
exploration, so as to provide personalized interventions achieving algorithmic
recourse. An experimental evaluation on synthetic and real-world datasets shows
that a handful of queries allows to achieve a substantial reduction in the cost
of interventions with respect to user-independent alternatives."
3749,Group GAN,"Generating multivariate time series is a promising approach for sharing
sensitive data in many medical, financial, and IoT applications. A common type
of multivariate time series originates from a single source such as the
biometric measurements from a medical patient. This leads to complex dynamical
patterns between individual time series that are hard to learn by typical
generation models such as GANs. There is valuable information in those patterns
that machine learning models can use to better classify, predict or perform
other downstream tasks. We propose a novel framework that takes time series'
common origin into account and favors inter-channel relationship preservation.
The two key points of our method are: 1) the individual time series are
generated from a common point in latent space and 2) a central discriminator
favors the preservation of inter-channel dynamics. We demonstrate empirically
that our method helps preserve channel correlations and that our synthetic data
performs very well downstream tasks with medical and financial data."
3750,"Subverting machines, fluctuating identities: Re-learning human categorization","Most machine learning systems that interact with humans construct some notion
of a person's ""identity,"" yet the default paradigm in AI research envisions
identity with essential attributes that are discrete and static. In stark
contrast, strands of thought within critical theory present a conception of
identity as malleable and constructed entirely through interaction; a doing
rather than a being. In this work, we distill some of these ideas for machine
learning practitioners and introduce a theory of identity as autopoiesis,
circular processes of formation and function. We argue that the default
paradigm of identity used by the field immobilizes existing identity categories
and the power differentials that co$\unicode{x2010}$occur, due to the absence
of iterative feedback to our models. This includes a critique of emergent AI
fairness practices that continue to impose the default paradigm. Finally, we
apply our theory to sketch approaches to autopoietic identity through
multilevel optimization and relational learning. While these ideas raise many
open questions, we imagine the possibilities of machines that are capable of
expressing human identity as a relationship perpetually in flux."
3751,On Consistency in Graph Neural Network Interpretation,"Uncovering rationales behind predictions of graph neural networks (GNNs) has
received increasing attention over recent years. Instance-level GNN explanation
aims to discover critical input elements, like nodes or edges, that the target
GNN relies upon for making predictions. These identified sub-structures can
provide interpretations of GNN's behavior. Though various algorithms are
proposed, most of them formalize this task by searching the minimal subgraph
which can preserve original predictions. An inductive bias is deep-rooted in
this framework: the same output cannot guarantee that two inputs are processed
under the same rationale. Consequently, they have the danger of providing
spurious explanations and fail to provide consistent explanations. Applying
them to explain weakly-performed GNNs would further amplify these issues. To
address the issues, we propose to obtain more faithful and consistent
explanations of GNNs. After a close examination on predictions of GNNs from the
causality perspective, we attribute spurious explanations to two typical
reasons: confounding effect of latent variables like distribution shift, and
causal factors distinct from the original input. Motivated by the observation
that both confounding effects and diverse causal rationales are encoded in
internal representations, we propose a simple yet effective countermeasure by
aligning embeddings. This new objective can be incorporated into existing GNN
explanation algorithms with no effort. We implement both a simplified version
based on absolute distance and a distribution-aware version based on anchors.
Experiments on $5$ datasets validate its effectiveness, and theoretical
analysis shows that it is in effect optimizing a more faithful explanation
objective in design, which further justifies the proposed approach."
3752,Can Foundation Models Help Us Achieve Perfect Secrecy?,"A key promise of machine learning is the ability to assist users with
personal tasks. Because the personal context required to make accurate
predictions is often sensitive, we require systems that protect privacy. A gold
standard privacy-preserving system will satisfy perfect secrecy, meaning that
interactions with the system provably reveal no additional private information
to adversaries. This guarantee should hold even as we perform multiple personal
tasks over the same underlying data. However, privacy and quality appear to be
in tension in existing systems for personal tasks. Neural models typically
require lots of training to perform well, while individual users typically hold
a limited scale of data, so the systems propose to learn from the aggregate
data of multiple users. This violates perfect secrecy and instead, in the last
few years, academics have defended these solutions using statistical notions of
privacy -- i.e., the probability of learning private information about a user
should be reasonably low. Given the vulnerabilities of these solutions, we
explore whether the strong perfect secrecy guarantee can be achieved using
recent zero-to-few sample adaptation techniques enabled by foundation models.
In response, we propose FOCUS, a framework for personal tasks. Evaluating on
popular privacy benchmarks, we find the approach, satisfying perfect secrecy,
competes with strong collaborative learning baselines on 6 of 7 tasks. We
empirically analyze the proposal, highlighting the opportunities and
limitations across task types, and model inductive biases and sizes."
3753,Effective Abstract Reasoning with Dual-Contrast Network,"As a step towards improving the abstract reasoning capability of machines, we
aim to solve Raven's Progressive Matrices (RPM) with neural networks, since
solving RPM puzzles is highly correlated with human intelligence. Unlike
previous methods that use auxiliary annotations or assume hidden rules to
produce appropriate feature representation, we only use the ground truth answer
of each question for model learning, aiming for an intelligent agent to have a
strong learning capability with a small amount of supervision. Based on the RPM
problem formulation, the correct answer filled into the missing entry of the
third row/column has to best satisfy the same rules shared between the first
two rows/columns. Thus we design a simple yet effective Dual-Contrast Network
(DCNet) to exploit the inherent structure of RPM puzzles. Specifically, a rule
contrast module is designed to compare the latent rules between the filled
row/column and the first two rows/columns; a choice contrast module is designed
to increase the relative differences between candidate choices. Experimental
results on the RAVEN and PGM datasets show that DCNet outperforms the
state-of-the-art methods by a large margin of 5.77%. Further experiments on few
training samples and model generalization also show the effectiveness of DCNet.
Code is available at https://github.com/visiontao/dcnet."
3754,Off-Beat Multi-Agent Reinforcement Learning,"We investigate model-free multi-agent reinforcement learning (MARL) in
environments where off-beat actions are prevalent, i.e., all actions have
pre-set execution durations. During execution durations, the environment
changes are influenced by, but not synchronised with, action execution. Such a
setting is ubiquitous in many real-world problems. However, most MARL methods
assume actions are executed immediately after inference, which is often
unrealistic and can lead to catastrophic failure for multi-agent coordination
with off-beat actions. In order to fill this gap, we develop an algorithmic
framework for MARL with off-beat actions. We then propose a novel episodic
memory, LeGEM, for model-free MARL algorithms. LeGEM builds agents' episodic
memories by utilizing agents' individual experiences. It boosts multi-agent
learning by addressing the challenging temporal credit assignment problem
raised by the off-beat actions via our novel reward redistribution scheme,
alleviating the issue of non-Markovian reward. We evaluate LeGEM on various
multi-agent scenarios with off-beat actions, including Stag-Hunter Game, Quarry
Game, Afforestation Game, and StarCraft II micromanagement tasks. Empirical
results show that LeGEM significantly boosts multi-agent coordination and
achieves leading performance and improved sample efficiency."
3755,Hazard Gradient Penalty for Survival Analysis,"Survival analysis appears in various fields such as medicine, economics,
engineering, and business. Recent studies showed that the Ordinary Differential
Equation (ODE) modeling framework unifies many existing survival models while
the framework is flexible and widely applicable. However, naively applying the
ODE framework to survival analysis problems may model fiercely changing density
function which may worsen the model's performance. Though we can apply L1 or L2
regularizers to the ODE model, their effect on the ODE modeling framework is
barely known. In this paper, we propose hazard gradient penalty (HGP) to
enhance the performance of a survival analysis model. Our method imposes
constraints on local data points by regularizing the gradient of hazard
function with respect to the data point. Our method applies to any survival
analysis model including the ODE modeling framework and is easy to implement.
We theoretically show that our method is related to minimizing the KL
divergence between the density function at a data point and that of the
neighborhood points. Experimental results on three public benchmarks show that
our approach outperforms other regularization methods."
3756,Incorporating the Barzilai-Borwein Adaptive Step Size into Sugradient Methods for Deep Network Training,"In this paper, we incorporate the Barzilai-Borwein step size into gradient
descent methods used to train deep networks. This allows us to adapt the
learning rate using a two-point approximation to the secant equation which
quasi-Newton methods are based upon. Moreover, the adaptive learning rate
method presented here is quite general in nature and can be applied to widely
used gradient descent approaches such as Adagrad and RMSprop. We evaluate our
method using standard example network architectures on widely available
datasets and compare against alternatives elsewhere in the literature. In our
experiments, our adaptive learning rate shows a smoother and faster convergence
than that exhibited by the alternatives, with better or comparable performance."
3757,Privacy of Noisy Stochastic Gradient Descent: More Iterations without More Privacy Loss,"A central issue in machine learning is how to train models on sensitive user
data. Industry has widely adopted a simple algorithm: Stochastic Gradient
Descent with noise (a.k.a. Stochastic Gradient Langevin Dynamics). However,
foundational theoretical questions about this algorithm's privacy loss remain
open -- even in the seemingly simple setting of smooth convex losses over a
bounded domain. Our main result resolves these questions: for a large range of
parameters, we characterize the differential privacy up to a constant factor.
This result reveals that all previous analyses for this setting have the wrong
qualitative behavior. Specifically, while previous privacy analyses increase ad
infinitum in the number of iterations, we show that after a small burn-in
period, running SGD longer leaks no further privacy.
Our analysis departs completely from previous approaches based on fast
mixing, instead using techniques based on optimal transport (namely, Privacy
Amplification by Iteration) and the Sampled Gaussian Mechanism (namely, Privacy
Amplification by Sampling). Our techniques readily extend to other settings,
e.g., strongly convex losses, non-uniform stepsizes, arbitrary batch sizes, and
random or cyclic choice of batches."
3758,DP-PCA: Statistically Optimal and Differentially Private PCA,"We study the canonical statistical task of computing the principal component
from $n$ i.i.d.~data in $d$ dimensions under
$(\varepsilon,\delta)$-differential privacy. Although extensively studied in
literature, existing solutions fall short on two key aspects: ($i$) even for
Gaussian data, existing private algorithms require the number of samples $n$ to
scale super-linearly with $d$, i.e., $n=\Omega(d^{3/2})$, to obtain non-trivial
results while non-private PCA requires only $n=O(d)$, and ($ii$) existing
techniques suffer from a non-vanishing error even when the randomness in each
data point is arbitrarily small. We propose DP-PCA, which is a single-pass
algorithm that overcomes both limitations. It is based on a private minibatch
gradient ascent method that relies on {\em private mean estimation}, which adds
minimal noise required to ensure privacy by adapting to the variance of a given
minibatch of gradients. For sub-Gaussian data, we provide nearly optimal
statistical error rates even for $n=\tilde O(d)$. Furthermore, we provide a
lower bound showing that sub-Gaussian style assumption is necessary in
obtaining the optimal error rate."
3759,"Why So Pessimistic? Estimating Uncertainties for Offline RL through Ensembles, and Why Their Independence Matters","Motivated by the success of ensembles for uncertainty estimation in
supervised learning, we take a renewed look at how ensembles of $Q$-functions
can be leveraged as the primary source of pessimism for offline reinforcement
learning (RL). We begin by identifying a critical flaw in a popular algorithmic
choice used by many ensemble-based RL algorithms, namely the use of shared
pessimistic target values when computing each ensemble member's Bellman error.
Through theoretical analyses and construction of examples in toy MDPs, we
demonstrate that shared pessimistic targets can paradoxically lead to value
estimates that are effectively optimistic. Given this result, we propose MSG, a
practical offline RL algorithm that trains an ensemble of $Q$-functions with
independently computed targets based on completely separate networks, and
optimizes a policy with respect to the lower confidence bound of predicted
action values. Our experiments on the popular D4RL and RL Unplugged offline RL
benchmarks demonstrate that on challenging domains such as antmazes, MSG with
deep ensembles surpasses highly well-tuned state-of-the-art methods by a wide
margin. Additionally, through ablations on benchmarks domains, we verify the
critical significance of using independently trained $Q$-functions, and study
the role of ensemble size. Finally, as using separate networks per ensemble
member can become computationally costly with larger neural network
architectures, we investigate whether efficient ensemble approximations
developed for supervised learning can be similarly effective, and demonstrate
that they do not match the performance and robustness of MSG with separate
networks, highlighting the need for new efforts into efficient uncertainty
estimation directed at RL."
3760,ES-GNN: Generalizing Graph Neural Networks Beyond Homophily with Edge Splitting,"Graph Neural Networks (GNNs) have achieved enormous success in tackling
analytical problems on graph data. Most GNNs interpret nearly all the node
connections as inductive bias with feature smoothness, and implicitly assume
strong homophily on the observed graph. However, real-world networks are not
always homophilic, but sometimes exhibit heterophilic patterns where adjacent
nodes share dissimilar attributes and distinct labels. Therefore,GNNs smoothing
the node proximity holistically may aggregate inconsistent information arising
from both task-relevant and irrelevant connections. In this paper, we propose a
novel edge splitting GNN (ES-GNN) framework, which generalizes GNNs beyond
homophily by jointly partitioning network topology and disentangling node
features. Specifically, the proposed framework employs an interpretable
operation to adaptively split the set of edges of the original graph into two
exclusive sets indicating respectively the task-relevant and irrelevant
relations among nodes. The node features are then aggregated separately on
these two partial edge sets to produce disentangled representations, based on
which a more accurate edge splitting can be attained later. Theoretically, we
show that our ES-GNN can be regarded as a solution to a graph denoising problem
with a disentangled smoothness assumption, which further illustrates our
motivations and interprets the improved generalization. Extensive experiments
over 8 benchmark and 1 synthetic datasets demonstrate that ES-GNN not only
outperforms the state-of-the-arts (including 8 GNN baselines), but also can be
more robust to adversarial graphs and alleviate the over-smoothing problem."
3761,Maximum Likelihood Training of Implicit Nonlinear Diffusion Models,"Whereas diverse variations of diffusion models exist, expanding the linear
diffusion into a nonlinear diffusion process is investigated only by a few
works. The nonlinearity effect has been hardly understood, but intuitively,
there would be more promising diffusion patterns to optimally train the
generative distribution towards the data distribution. This paper introduces
such a data-adaptive and nonlinear diffusion process for score-based diffusion
models. The proposed Implicit Nonlinear Diffusion Model (INDM) learns the
nonlinear diffusion process by combining a normalizing flow and a diffusion
process. Specifically, INDM implicitly constructs a nonlinear diffusion on the
\textit{data space} by leveraging a linear diffusion on the \textit{latent
space} through a flow network. This flow network is the key to forming a
nonlinear diffusion as the nonlinearity fully depends on the flow network. This
flexible nonlinearity is what improves the learning curve of INDM to nearly MLE
training, compared against the non-MLE training of DDPM++, which turns out to
be a special case of INDM with the identity flow. Also, training the nonlinear
diffusion empirically yields a sampling-friendly latent diffusion that the
sample trajectory of INDM is closer to an optimal transport than the
trajectories of previous research. In experiments, INDM achieves the
state-of-the-art FID on CelebA."
3762,FedFormer: Contextual Federation with Attention in Reinforcement Learning,"A core issue in federated reinforcement learning is defining how to aggregate
insights from multiple agents into one. This is commonly done by taking the
average of each participating agent's model weights into one common model
(FedAvg). We instead propose FedFormer, a novel federation strategy that
utilizes Transformer Attention to contextually aggregate embeddings from models
originating from different learner agents. In so doing, we attentively weigh
contributions of other agents with respect to the current agent's environment
and learned relationships, thus providing more effective and efficient
federation. We evaluate our methods on the Meta-World environment and find that
our approach yields significant improvements over FedAvg and non-federated Soft
Actor Critique single agent methods. Our results compared to Soft Actor
Critique show that FedFormer performs better while still abiding by the privacy
constraints of federated learning. In addition, we demonstrate nearly linear
improvements in effectiveness with increased agent pools in certain tasks. This
is contrasted by FedAvg, which fails to make noticeable improvements when
scaled."
3763,FedAvg with Fine Tuning: Local Updates Lead to Representation Learning,"The Federated Averaging (FedAvg) algorithm, which consists of alternating
between a few local stochastic gradient updates at client nodes, followed by a
model averaging update at the server, is perhaps the most commonly used method
in Federated Learning. Notwithstanding its simplicity, several empirical
studies have illustrated that the output model of FedAvg, after a few
fine-tuning steps, leads to a model that generalizes well to new unseen tasks.
This surprising performance of such a simple method, however, is not fully
understood from a theoretical point of view. In this paper, we formally
investigate this phenomenon in the multi-task linear representation setting. We
show that the reason behind generalizability of the FedAvg's output is its
power in learning the common data representation among the clients' tasks, by
leveraging the diversity among client data distributions via local updates. We
formally establish the iteration complexity required by the clients for proving
such result in the setting where the underlying shared representation is a
linear map. To the best of our knowledge, this is the first such result for any
setting. We also provide empirical evidence demonstrating FedAvg's
representation learning ability in federated image classification with
heterogeneous data."
3764,Safety Aware Changepoint Detection for Piecewise i.i.d. Bandits,"In this paper, we consider the setting of piecewise i.i.d. bandits under a
safety constraint. In this piecewise i.i.d. setting, there exists a finite
number of changepoints where the mean of some or all arms change
simultaneously. We introduce the safety constraint studied in
\citet{wu2016conservative} to this setting such that at any round the
cumulative reward is above a constant factor of the default action reward. We
propose two actively adaptive algorithms for this setting that satisfy the
safety constraint, detect changepoints, and restart without the knowledge of
the number of changepoints or their locations. We provide regret bounds for our
algorithms and show that the bounds are comparable to their counterparts from
the safe bandit and piecewise i.i.d. bandit literature. We also provide the
first matching lower bounds for this setting. Empirically, we show that our
safety-aware algorithms perform similarly to the state-of-the-art actively
adaptive algorithms that do not satisfy the safety constraint."
3765,Asymptotic Convergence Rate and Statistical Inference for Stochastic Sequential Quadratic Programming,"We apply a stochastic sequential quadratic programming (StoSQP) algorithm to
solve constrained nonlinear optimization problems, where the objective is
stochastic and the constraints are deterministic. We study a fully stochastic
setup, where only a single sample is available in each iteration for estimating
the gradient and Hessian of the objective. We allow StoSQP to select a random
stepsize $\bar{\alpha}_t$ adaptively, such that $\beta_t\leq \bar{\alpha}_t
\leq \beta_t+\chi_t$, where $\beta_t$, $\chi_t=o(\beta_t)$ are prespecified
deterministic sequences. We also allow StoSQP to solve Newton system inexactly
via randomized iterative solvers, e.g., with the sketch-and-project method; and
we do not require the approximation error of inexact Newton direction to
vanish. For this general StoSQP framework, we establish the asymptotic
convergence rate for its last iterate, with the worst-case iteration complexity
as a byproduct; and we perform statistical inference. In particular, with
proper decaying $\beta_t,\chi_t$, we show that: (i) the StoSQP scheme can take
at most $O(1/\epsilon^4)$ iterations to achieve $\epsilon$-stationarity; (ii)
asymptotically and almost surely, $\|(x_t -x^\star, \lambda_t -
\lambda^\star)\| = O(\sqrt{\beta_t\log(1/\beta_t)})+O(\chi_t/\beta_t)$, where
$(x_t,\lambda_t)$ is the primal-dual StoSQP iterate; (iii) the sequence
$1/\sqrt{\beta_t}\cdot (x_t -x^\star, \lambda_t - \lambda^\star)$ converges to
a mean zero Gaussian distribution with a nontrivial covariance matrix.
Moreover, we establish the Berry-Esseen bound for $(x_t, \lambda_t)$ to measure
quantitatively the convergence of its distribution function. We also provide a
practical estimator for the covariance matrix, from which the confidence
intervals of $(x^\star, \lambda^\star)$ can be constructed using iterates
$\{(x_t,\lambda_t)\}_t$. Our theorems are validated using nonlinear problems in
CUTEst test set."
3766,Learning with Stochastic Orders,"Learning high-dimensional distributions is often done with explicit
likelihood modeling or implicit modeling via minimizing integral probability
metrics (IPMs). In this paper, we expand this learning paradigm to stochastic
orders, namely, the convex or Choquet order between probability measures.
Towards this end, we introduce the Choquet-Toland distance between probability
measures, that can be used as a drop-in replacement for IPMs. We also introduce
the Variational Dominance Criterion (VDC) to learn probability measures with
dominance constraints, that encode the desired stochastic order between the
learned measure and a known baseline. We analyze both quantities and show that
they suffer from the curse of dimensionality and propose surrogates via input
convex maxout networks (ICMNs), that enjoy parametric rates. Finally, we
provide a min-max framework for learning with stochastic orders and validate it
experimentally on synthetic and high-dimensional image generation, with
promising results. The code is available at
https://github.com/yair-schiff/stochastic-orders-ICMN"
3767,Membership Inference Attack Using Self Influence Functions,"Member inference (MI) attacks aim to determine if a specific data sample was
used to train a machine learning model. Thus, MI is a major privacy threat to
models trained on private sensitive data, such as medical records. In MI
attacks one may consider the black-box settings, where the model's parameters
and activations are hidden from the adversary, or the white-box case where they
are available to the attacker. In this work, we focus on the latter and present
a novel MI attack for it that employs influence functions, or more specifically
the samples' self-influence scores, to perform the MI prediction. We evaluate
our attack on CIFAR-10, CIFAR-100, and Tiny ImageNet datasets, using versatile
architectures such as AlexNet, ResNet, and DenseNet. Our attack method achieves
new state-of-the-art results for both training with and without data
augmentations. Code is available at
https://github.com/giladcohen/sif_mi_attack."
3768,SeedGNN: Graph Neural Networks for Supervised Seeded Graph Matching,"Recently, there have been significant interests in designing Graph Neural
Networks (GNNs) for seeded graph matching, which aims to match two (unlabeled)
graphs using only topological information and a small set of seeds. However,
most previous GNN architectures for seeded graph matching employ a
semi-supervised approach, which learns from only the seed set in a single pair
of graphs, and therefore does not attempt to learn from many training
examples/graphs to best match future unseen graphs. In contrast, this paper is
the first to propose a supervised approach for seeded graph matching, which had
so far only been used for seedless graph matching. Our proposed SeedGNN
architecture employs a number of novel design choices that are inspired by
theoretical studies of seeded graph matching. First, SeedGNN can easily learn
the capability of counting and using witnesses of different hops, in a way that
can be generalized to graphs with different sizes. Second, SeedGNN can use
easily-matched pairs as new seeds to percolate and match other nodes. We
evaluate SeedGNN on both synthetic and real graphs, and demonstrate significant
performance improvement over both non-learning and learning algorithms in the
existing literature. Further, our experiments confirm that the knowledge
learned by SeedGNN from training graphs can be generalized to test graphs with
different sizes and categories."
3769,Fast variable selection makes scalable Gaussian process BSS-ANOVA a speedy and accurate choice for tabular and time series regression,"Gaussian processes (GPs) are non-parametric regression engines with a long
history. They are often overlooked in modern machine learning contexts because
of scalability issues: regression for traditional GP kernels are
$\mathcal{O}(N^3)$ where $N$ is the size of the dataset. One of a number of
scalable GP approaches is the Karhunen-Lo\'eve (KL) decomposed kernel
BSS-ANOVA, developed in 2009. It is $\mathcal{O}(NP)$ in training and
$\mathcal{O}(P)$ per point in prediction, where $P$ is the number of terms in
the ANOVA / KL expansion. A new method of forward variable selection, quickly
and effectively limits the number of terms, yielding a method with competitive
accuracies, training and inference times for large tabular datasets. The new
algorithm balances model fidelity with model complexity using Bayesian and
Akaike information criteria (BIC/AIC). The inference speed and accuracy makes
the method especially useful for modeling dynamic systems in a model-free
manner, by modeling the derivative in a dynamic system as a static problem,
then integrating the learned dynamics using a high-order scheme. The methods
are demonstrated on a `Susceptible, Infected, Recovered' (SIR) toy problem,
with the transmissibility used as forcing function, along with the `Cascaded
Tanks' benchmark dataset. Comparisons on the static prediction of derivatives
are made with a Random Forest and Residual Neural Network, while for the
timeseries prediction comparisons are made with LSTM and GRU recurrent neural
networks. The GP outperforms the other methods in all modeling tasks on
accuracy, while (in the case of the neural networks) performing many orders of
magnitude fewer calculations. For the SIR test, which involved prediction for a
set of forcing functions qualitatively different from those appearing in the
training set, the GP captured the correct dynamics while the neural networks
failed to do so."
3770,Reinforcement Learning Approach for Mapping Applications to Dataflow-Based Coarse-Grained Reconfigurable Array,"The Streaming Engine (SE) is a Coarse-Grained Reconfigurable Array which
provides programming flexibility and high-performance with energy efficiency.
An application program to be executed on the SE is represented as a combination
of Synchronous Data Flow (SDF) graphs, where every instruction is represented
as a node. Each node needs to be mapped to the right slot and array in the SE
to ensure the correct execution of the program. This creates an optimization
problem with a vast and sparse search space for which finding a mapping
manually is impractical because it requires expertise and knowledge of the SE
micro-architecture. In this work we propose a Reinforcement Learning framework
with Global Graph Attention (GGA) module and output masking of invalid
placements to find and optimize instruction schedules. We use Proximal Policy
Optimization in order to train a model which places operations into the SE
tiles based on a reward function that models the SE device and its constraints.
The GGA module consists of a graph neural network and an attention module. The
graph neural network creates embeddings of the SDFs and the attention block is
used to model sequential operation placement. We show results on how certain
workloads are mapped to the SE and the factors affecting mapping quality. We
find that the addition of GGA, on average, finds 10% better instruction
schedules in terms of total clock cycles taken and masking improves reward
obtained by 20%."
3771,Global Normalization for Streaming Speech Recognition in a Modular Framework,"We introduce the Globally Normalized Autoregressive Transducer (GNAT) for
addressing the label bias problem in streaming speech recognition. Our solution
admits a tractable exact computation of the denominator for the sequence-level
normalization. Through theoretical and empirical results, we demonstrate that
by switching to a globally normalized model, the word error rate gap between
streaming and non-streaming speech-recognition models can be greatly reduced
(by more than 50\% on the Librispeech dataset). This model is developed in a
modular framework which encompasses all the common neural speech recognition
models. The modularity of this framework enables controlled comparison of
modelling choices and creation of new models."
3772,Transformer for Partial Differential Equations' Operator Learning,"Data-driven learning of partial differential equations' solution operators
has recently emerged as a promising paradigm for approximating the underlying
solutions. The solution operators are usually parameterized by deep learning
models that are built upon problem-specific inductive biases. An example is a
convolutional or a graph neural network that exploits the local grid structure
where functions' values are sampled. The attention mechanism, on the other
hand, provides a flexible way to implicitly exploit the patterns within inputs,
and furthermore, relationship between arbitrary query locations and inputs. In
this work, we present an attention-based framework for data-driven operator
learning, which we term Operator Transformer (OFormer). Our framework is built
upon self-attention, cross-attention, and a set of point-wise multilayer
perceptrons (MLPs), and thus it makes few assumptions on the sampling pattern
of the input function or query locations. We show that the proposed framework
is competitive on standard benchmark problems and can flexibly be adapted to
randomly sampled input."
3773,Explaining Preferences with Shapley Values,"While preference modelling is becoming one of the pillars of machine
learning, the problem of preference explanation remains challenging and
underexplored. In this paper, we propose \textsc{Pref-SHAP}, a Shapley
value-based model explanation framework for pairwise comparison data. We derive
the appropriate value functions for preference models and further extend the
framework to model and explain \emph{context specific} information, such as the
surface type in a tennis game. To demonstrate the utility of
\textsc{Pref-SHAP}, we apply our method to a variety of synthetic and
real-world datasets and show that richer and more insightful explanations can
be obtained over the baseline."
3774,Contextual Adapters for Personalized Speech Recognition in Neural Transducers,"Personal rare word recognition in end-to-end Automatic Speech Recognition
(E2E ASR) models is a challenge due to the lack of training data. A standard
way to address this issue is with shallow fusion methods at inference time.
However, due to their dependence on external language models and the
deterministic approach to weight boosting, their performance is limited. In
this paper, we propose training neural contextual adapters for personalization
in neural transducer based ASR models. Our approach can not only bias towards
user-defined words, but also has the flexibility to work with pretrained ASR
models. Using an in-house dataset, we demonstrate that contextual adapters can
be applied to any general purpose pretrained ASR model to improve
personalization. Our method outperforms shallow fusion, while retaining
functionality of the pretrained models by not altering any of the model
weights. We further show that the adapter style training is superior to
full-fine-tuning of the ASR models on datasets with user-defined content."
3775,Mixed Federated Learning: Joint Decentralized and Centralized Learning,"Federated learning (FL) enables learning from decentralized privacy-sensitive
data, with computations on raw data confined to take place at edge clients.
This paper introduces mixed FL, which incorporates an additional loss term
calculated at the coordinating server (while maintaining FL's private data
restrictions). There are numerous benefits. For example, additional datacenter
data can be leveraged to jointly learn from centralized (datacenter) and
decentralized (federated) training data and better match an expected inference
data distribution. Mixed FL also enables offloading some intensive computations
(e.g., embedding regularization) to the server, greatly reducing communication
and client computation load. For these and other mixed FL use cases, we present
three algorithms: PARALLEL TRAINING, 1-WAY GRADIENT TRANSFER, and 2-WAY
GRADIENT TRANSFER. We state convergence bounds for each, and give intuition on
which are suited to particular mixed FL problems. Finally we perform extensive
experiments on three tasks, demonstrating that mixed FL can blend training data
to achieve an oracle's accuracy on an inference distribution, and can reduce
communication and computation overhead by over 90%. Our experiments confirm
theoretical predictions of how algorithms perform under different mixed FL
problem settings."
3776,A Unified Analysis of Federated Learning with Arbitrary Client Participation,"Federated learning (FL) faces challenges of intermittent client availability
and computation/communication efficiency. As a result, only a small subset of
clients can participate in FL at a given time. It is important to understand
how partial client participation affects convergence, but most existing works
have either considered idealized participation patterns or obtained results
with non-zero optimality error for generic patterns. In this paper, we provide
a unified convergence analysis for FL with arbitrary client participation. We
first introduce a generalized version of federated averaging (FedAvg) that
amplifies parameter updates at an interval of multiple FL rounds. Then, we
present a novel analysis that captures the effect of client participation in a
single term. By analyzing this term, we obtain convergence upper bounds for a
wide range of participation patterns, including both non-stochastic and
stochastic cases, which match either the lower bound of stochastic gradient
descent (SGD) or the state-of-the-art results in specific settings. We also
discuss various insights, recommendations, and experimental results."
3777,"Learning to Reason with Neural Networks: Generalization, Unseen Data and Boolean Measures","This paper considers the Pointer Value Retrieval (PVR) benchmark introduced
in [ZRKB21], where a 'reasoning' function acts on a string of digits to produce
the label. More generally, the paper considers the learning of logical
functions with gradient descent (GD) on neural networks. It is first shown that
in order to learn logical functions with gradient descent on symmetric neural
networks, the generalization error can be lower-bounded in terms of the
noise-stability of the target function, supporting a conjecture made in
[ZRKB21]. It is then shown that in the distribution shift setting, when the
data withholding corresponds to freezing a single feature (referred to as
canonical holdout), the generalization error of gradient descent admits a tight
characterization in terms of the Boolean influence for several relevant
architectures. This is shown on linear models and supported experimentally on
other models such as MLPs and Transformers. In particular, this puts forward
the hypothesis that for such architectures and for learning logical functions
such as PVR functions, GD tends to have an implicit bias towards low-degree
representations, which in turn gives the Boolean influence for the
generalization error under quadratic loss."
3778,A Model Predictive Control Functional Continuous Time Bayesian Network for Self-Management of Multiple Chronic Conditions,"Multiple chronic conditions (MCC) are one of the biggest challenges of modern
times. The evolution of MCC follows a complex stochastic process that is
influenced by a variety of risk factors, ranging from pre-existing conditions
to modifiable lifestyle behavioral factors (e.g. diet, exercise habits, tobacco
use, alcohol use, etc.) to non-modifiable socio-demographic factors (e.g., age,
gender, education, marital status, etc.). People with MCC are at an increased
risk of new chronic conditions and mortality. This paper proposes a model
predictive control functional continuous time Bayesian network, an online
recursive method to examine the impact of various lifestyle behavioral changes
on the emergence trajectories of MCC and generate strategies to minimize the
risk of progression of chronic conditions in individual patients. The proposed
method is validated based on the Cameron county Hispanic cohort (CCHC) dataset,
which has a total of 385 patients. The dataset examines the emergence of 5
chronic conditions (diabetes, obesity, cognitive impairment, hyperlipidemia,
and hypertension) based on four modifiable risk factors representing lifestyle
behaviors (diet, exercise habits, tobacco use, alcohol use) and four
non-modifiable risk factors, including socio-demographic information (age,
gender, education, marital status). The proposed method is tested under
different scenarios (e.g., age group, the prior existence of MCC),
demonstrating the effective intervention strategies for improving the lifestyle
behavioral risk factors to offset MCC evolution."
3779,Quark: Controllable Text Generation with Reinforced Unlearning,"Large-scale language models often learn behaviors that are misaligned with
user expectations. Generated text may contain offensive or toxic language,
contain significant repetition, or be of a different sentiment than desired by
the user. We consider the task of unlearning these misalignments by fine-tuning
the language model on signals of what not to do. We introduce Quantized Reward
Konditioning (Quark), an algorithm for optimizing a reward function that
quantifies an (un)wanted property, while not straying too far from the original
model. Quark alternates between (i) collecting samples with the current
language model, (ii) sorting them into quantiles based on reward, with each
quantile identified by a reward token prepended to the language model's input,
and (iii) using a standard language modeling loss on samples from each quantile
conditioned on its reward token, while remaining nearby the original language
model via a KL-divergence penalty. By conditioning on a high-reward token at
generation time, the model generates text that exhibits less of the unwanted
property. For unlearning toxicity, negative sentiment, and repetition, our
experiments show that Quark outperforms both strong baselines and
state-of-the-art reinforcement learning methods like PPO (Schulman et al.
2017), while relying only on standard language modeling primitives."
3780,RIGID: Robust Linear Regression with Missing Data,"We present a robust framework to perform linear regression with missing
entries in the features. By considering an elliptical data distribution, and
specifically a multivariate normal model, we are able to conditionally
formulate a distribution for the missing entries and present a robust
framework, which minimizes the worst case error caused by the uncertainty about
the missing data. We show that the proposed formulation, which naturally takes
into account the dependency between different variables, ultimately reduces to
a convex program, for which a customized and scalable solver can be delivered.
In addition to a detailed analysis to deliver such solver, we also asymptoticly
analyze the behavior of the proposed framework, and present technical
discussions to estimate the required input parameters. We complement our
analysis with experiments performed on synthetic, semi-synthetic, and real
data, and show how the proposed formulation improves the prediction accuracy
and robustness, and outperforms the competing techniques."
3781,BagFlip: A Certified Defense against Data Poisoning,"Machine learning models are vulnerable to data-poisoning attacks, in which an
attacker maliciously modifies the training set to change the prediction of a
learned model. In a trigger-less attack, the attacker can modify the training
set but not the test inputs, while in a backdoor attack the attacker can also
modify test inputs. Existing model-agnostic defense approaches either cannot
handle backdoor attacks or do not provide effective certificates (i.e., a proof
of a defense). We present BagFlip, a model-agnostic certified approach that can
effectively defend against both trigger-less and backdoor attacks. We evaluate
BagFlip on image classification and malware detection datasets. BagFlip is
equal to or more effective than the state-of-the-art approaches for
trigger-less attacks and more effective than the state-of-the-art approaches
for backdoor attacks."
3782,Flexible Group Fairness Metrics for Survival Analysis,"Algorithmic fairness is an increasingly important field concerned with
detecting and mitigating biases in machine learning models. There has been a
wealth of literature for algorithmic fairness in regression and classification
however there has been little exploration of the field for survival analysis.
Survival analysis is the prediction task in which one attempts to predict the
probability of an event occurring over time. Survival predictions are
particularly important in sensitive settings such as when utilising machine
learning for diagnosis and prognosis of patients. In this paper we explore how
to utilise existing survival metrics to measure bias with group fairness
metrics. We explore this in an empirical experiment with 29 survival datasets
and 8 measures. We find that measures of discrimination are able to capture
bias well whereas there is less clarity with measures of calibration and
scoring rules. We suggest further areas for research including prediction-based
fairness metrics for distribution predictions."
3783,Faster Optimization on Sparse Graphs via Neural Reparametrization,"In mathematical optimization, second-order Newton's methods generally
converge faster than first-order methods, but they require the inverse of the
Hessian, hence are computationally expensive. However, we discover that on
sparse graphs, graph neural networks (GNN) can implement an efficient
Quasi-Newton method that can speed up optimization by a factor of 10-100x. Our
method, neural reparametrization, modifies the optimization parameters as the
output of a GNN to reshape the optimization landscape. Using a precomputed
Hessian as the propagation rule, the GNN can effectively utilize the
second-order information, reaching a similar effect as adaptive gradient
methods. As our method solves optimization through architecture design, it can
be used in conjunction with any optimizers such as Adam and RMSProp. We show
the application of our method on scientifically relevant problems including
heat diffusion, synchronization and persistent homology."
3784,A Hybrid Neural Autoencoder for Sensory Neuroprostheses and Its Applications in Bionic Vision,"Sensory neuroprostheses are emerging as a promising technology to restore
lost sensory function or augment human capacities. However, sensations elicited
by current devices often appear artificial and distorted. Although current
models can often predict the neural or perceptual response to an electrical
stimulus, an optimal stimulation strategy solves the inverse problem: what is
the required stimulus to produce a desired response? Here we frame this as an
end-to-end optimization problem, where a deep neural network encoder is trained
to invert a known, fixed forward model that approximates the underlying
biological system. As a proof of concept, we demonstrate the effectiveness of
our hybrid neural autoencoder (HNA) on the use case of visual neuroprostheses.
We found that HNA is able to produce high-fidelity stimuli from the MNIST and
COCO datasets that outperform conventional encoding strategies and surrogate
techniques across all tested conditions. Overall this is an important step
towards the long-standing challenge of restoring high-quality vision to people
living with incurable blindness and may prove a promising solution for a
variety of neuroprosthetic technologies."
3785,Differentially Private Decoding in Large Language Models,"Recent large-scale natural language processing (NLP) systems use a
pre-trained Large Language Model (LLM) on massive and diverse corpora as a
headstart. In practice, the pre-trained model is adapted to a wide array of
tasks via fine-tuning on task-specific datasets. LLMs, while effective, have
been shown to memorize instances of training data thereby potentially revealing
private information processed during pre-training. The potential leakage might
further propagate to the downstream tasks for which LLMs are fine-tuned. On the
other hand, privacy-preserving algorithms usually involve retraining from
scratch, which is prohibitively expensive for LLMs. In this work, we propose a
simple, easy to interpret, and computationally lightweight perturbation
mechanism to be applied to an already trained model at the decoding stage. Our
perturbation mechanism is model-agnostic and can be used in conjunction with
any LLM. We provide theoretical analysis showing that the proposed mechanism is
differentially private, and experimental results showing a privacy-utility
trade-off."
3786,Fairness in Recommendation: A Survey,"As one of the most pervasive applications of machine learning, recommender
systems are playing an important role on assisting human decision making. The
satisfaction of users and the interests of platforms are closely related to the
quality of the generated recommendation results. However, as a highly
data-driven system, recommender system could be affected by data or algorithmic
bias and thus generate unfair results, which could weaken the reliance of the
systems. As a result, it is crucial to address the potential unfairness
problems in recommendation settings. Recently, there has been growing attention
on fairness considerations in recommender systems with more and more literature
on approaches to promote fairness in recommendation. However, the studies are
rather fragmented and lack a systematic organization, thus making it difficult
to penetrate for new researchers to the domain. This motivates us to provide a
systematic survey of existing works on fairness in recommendation. This survey
focuses on the foundations for fairness in recommendation literature. It first
presents a brief introduction about fairness in basic machine learning tasks
such as classification and ranking in order to provide a general overview of
fairness research, as well as introduce the more complex situations and
challenges that need to be considered when studying fairness in recommender
systems. After that, the survey will introduce fairness in recommendation with
a focus on the taxonomies of current fairness definitions, the typical
techniques for improving fairness, as well as the datasets for fairness studies
in recommendation. The survey also talks about the challenges and opportunities
in fairness research with the hope of promoting the fair recommendation
research area and beyond."
3787,Denial-of-Service Attack on Object Detection Model Using Universal Adversarial Perturbation,"Adversarial attacks against deep learning-based object detectors have been
studied extensively in the past few years. The proposed attacks aimed solely at
compromising the models' integrity (i.e., trustworthiness of the model's
prediction), while adversarial attacks targeting the models' availability, a
critical aspect in safety-critical domains such as autonomous driving, have not
been explored by the machine learning research community. In this paper, we
propose NMS-Sponge, a novel approach that negatively affects the decision
latency of YOLO, a state-of-the-art object detector, and compromises the
model's availability by applying a universal adversarial perturbation (UAP). In
our experiments, we demonstrate that the proposed UAP is able to increase the
processing time of individual frames by adding ""phantom"" objects while
preserving the detection of the original objects."
3788,Approximate Q-learning and SARSA(0) under the $ε$-greedy Policy: a Differential Inclusion Analysis,"Q-learning and SARSA(0) with linear function approximation, under
$\epsilon$-greedy exploration, are leading methods to estimate the optimal
policy in Reinforcement Learning (RL). It has been empirically known that the
discontinuous nature of the greedy policies causes these algorithms to exhibit
complex phenomena such as i.) instability, ii.) policy oscillation and
chattering, iii.) multiple attractors, and iv.) worst policy convergence.
However, the literature lacks a formal recipe to explain these behaviors and
this has been a long-standing open problem (Sutton, 1999). Our work addresses
this by building the necessary mathematical framework using stochastic
recursive inclusions and Differential Inclusions (DIs). From this novel
viewpoint, our main result states that these approximate algorithms
asymptotically converge to suitable invariant sets of DIs instead of
differential equations, as is common elsewhere in RL. Furthermore, the nature
of these deterministic DIs completely governs the limiting behaviors of these
algorithms."
3789,Fight Poison with Poison: Detecting Backdoor Poison Samples via Decoupling Benign Correlations,"In this work, we study poison samples detection for defending against
backdoor poisoning attacks on deep neural networks (DNNs). A principled idea
underlying prior arts on this problem is to utilize the backdoored models'
distinguishable behaviors on poison and clean populations to distinguish
between these two different populations themselves and remove the identified
poison. Many prior arts build their detectors upon a latent separability
assumption, which states that backdoored models trained on the poisoned dataset
will learn separable latent representations for backdoor and clean samples.
Although such separation behaviors empirically exist for many existing attacks,
there is no control on the separability and the extent of separation can vary a
lot across different poison strategies, datasets, as well as the training
configurations of backdoored models. Worse still, recent adaptive poison
strategies can greatly reduce the ""distinguishable behaviors"" and consequently
render most prior arts less effective (or completely fail). We point out that
these limitations directly come from the passive reliance on some
distinguishable behaviors that are not controlled by defenders. To mitigate
such limitations, in this work, we propose the idea of active defense -- rather
than passively assuming backdoored models will have certain distinguishable
behaviors on poison and clean samples, we propose to actively enforce the
trained models to behave differently on these two different populations.
Specifically, we introduce confusion training as a concrete instance of active
defense."
3790,Emergent organization of receptive fields in networks of excitatory and inhibitory neurons,"Local patterns of excitation and inhibition that can generate neural waves
are studied as a computational mechanism underlying the organization of
neuronal tunings. Sparse coding algorithms based on networks of excitatory and
inhibitory neurons are proposed that exhibit topographic maps as the receptive
fields are adapted to input stimuli. Motivated by a leaky integrate-and-fire
model of neural waves, we propose an activation model that is more typical of
artificial neural networks. Computational experiments with the activation model
using both natural images and natural language text are presented. In the case
of images, familiar ""pinwheel"" patterns of oriented edge detectors emerge; in
the case of text, the resulting topographic maps exhibit a 2-dimensional
representation of granular word semantics. Experiments with a synthetic model
of somatosensory input are used to investigate how the network dynamics may
affect plasticity of neuronal maps under changes to the inputs."
3791,Circumventing Backdoor Defenses That Are Based on Latent Separability,"Deep learning models are vulnerable to backdoor poisoning attacks. In
particular, adversaries can embed hidden backdoors into a model by only
modifying a very small portion of its training data. On the other hand, it has
also been commonly observed that backdoor poisoning attacks tend to leave a
tangible signature in the latent space of the backdoored model i.e. poison
samples and clean samples form two separable clusters in the latent space.
These observations give rise to the popularity of latent separability
assumption, which states that the backdoored DNN models will learn separable
latent representations for poison and clean populations. A number of popular
defenses (e.g. Spectral Signature, Activation Clustering, SCAn, etc.) are
exactly built upon this assumption. However, in this paper, we show that the
latent separation can be significantly suppressed via designing adaptive
backdoor poisoning attacks with more sophisticated poison strategies, which
consequently render state-of-the-art defenses based on this assumption less
effective (and often completely fail). More interestingly, we find that our
adaptive attacks can even evade some other typical backdoor defenses that do
not explicitly build on this separability assumption. Our results show that
adaptive backdoor poisoning attacks that can breach the latent separability
assumption should be seriously considered for evaluating existing and future
defenses."
3792,Self-supervised Pretraining and Transfer Learning Enable Flu and COVID-19 Predictions in Small Mobile Sensing Datasets,"Detailed mobile sensing data from phones, watches, and fitness trackers offer
an unparalleled opportunity to quantify and act upon previously unmeasurable
behavioral changes in order to improve individual health and accelerate
responses to emerging diseases. Unlike in natural language processing and
computer vision, deep representation learning has yet to broadly impact this
domain, in which the vast majority of research and clinical applications still
rely on manually defined features and boosted tree models or even forgo
predictive modeling altogether due to insufficient accuracy. This is due to
unique challenges in the behavioral health domain, including very small
datasets (~10^1 participants), which frequently contain missing data, consist
of long time series with critical long-range dependencies (length>10^4), and
extreme class imbalances (>10^3:1). Here, we introduce a neural architecture
for multivariate time series classification designed to address these unique
domain challenges. Our proposed behavioral representation learning approach
combines novel tasks for self-supervised pretraining and transfer learning to
address data scarcity, and captures long-range dependencies across long-history
time series through transformer self-attention following convolutional neural
network-based dimensionality reduction. We propose an evaluation framework
aimed at reflecting expected real-world performance in plausible deployment
scenarios. Concretely, we demonstrate (1) performance improvements over
baselines of up to 0.15 ROC AUC across five prediction tasks, (2) transfer
learning-induced performance improvements of 16% PR AUC in small data
scenarios, and (3) the potential of transfer learning in novel disease
scenarios through an exploratory case study of zero-shot COVID-19 prediction in
an independent data set. Finally, we discuss potential implications for medical
surveillance testing."
3793,Tensor Program Optimization with Probabilistic Programs,"Automatic optimization for tensor programs becomes increasingly important as
we deploy deep learning in various environments, and efficient optimization
relies on a rich search space and effective search. Most existing efforts adopt
a search space which lacks the ability to efficiently enable domain experts to
grow the search space. This paper introduces MetaSchedule, a domain-specific
probabilistic programming language abstraction to construct a rich search space
of tensor programs. Our abstraction allows domain experts to analyze the
program, and easily propose stochastic choices in a modular way to compose
program transformation accordingly. We also build an end-to-end learning-driven
framework to find an optimized program for a given search space. Experimental
results show that MetaSchedule can cover the search space used in the
state-of-the-art tensor program optimization frameworks in a modular way.
Additionally, it empowers domain experts to conveniently grow the search space
and modularly enhance the system, which brings 48% speedup on end-to-end deep
learning workloads."
3794,Consistent and fast inference in compartmental models of epidemics using Poisson Approximate Likelihoods,"Addressing the challenge of scaling-up epidemiological inference to complex
and heterogeneous models, we introduce Poisson Approximate Likelihood (PAL)
methods. In contrast to the popular ODE approach to compartmental modelling, in
which a large population limit is used to motivate a deterministic model, PALs
are derived from approximate filtering equations for finite-population,
stochastic compartmental models, and the large population limit drives the
consistency of maximum PAL estimators. Our theoretical results appear to be the
first likelihood-based parameter estimation consistency results applicable
across a broad class of partially observed stochastic compartmental models.
Compared to simulation-based methods such as Approximate Bayesian Computation
and Sequential Monte Carlo, PALs are simple to implement, involving only
elementary arithmetic operations and no tuning parameters; and fast to
evaluate, requiring no simulation from the model and having computational cost
independent of population size. Through examples, we demonstrate how PALs can
be: embedded within Delayed Acceptance Particle Markov Chain Monte Carlo to
facilitate Bayesian inference; used to fit an age-structured model of
influenza, taking advantage of automatic differentiation in Stan; and applied
to calibrate a spatial meta-population model of measles."
3795,MyoSuite -- A contact-rich simulation suite for musculoskeletal motor control,"Embodied agents in continuous control domains have had limited exposure to
tasks allowing to explore musculoskeletal properties that enable agile and
nimble behaviors in biological beings. The sophistication behind
neuro-musculoskeletal control can pose new challenges for the motor learning
community. At the same time, agents solving complex neural control problems
allow impact in fields such as neuro-rehabilitation, as well as
collaborative-robotics. Human biomechanics underlies complex
multi-joint-multi-actuator musculoskeletal systems. The sensory-motor system
relies on a range of sensory-contact rich and proprioceptive inputs that define
and condition muscle actuation required to exhibit intelligent behaviors in the
physical world. Current frameworks for musculoskeletal control do not support
physiological sophistication of the musculoskeletal systems along with physical
world interaction capabilities. In addition, they are neither embedded in
complex and skillful motor tasks nor are computationally effective and scalable
to study large-scale learning paradigms. Here, we present MyoSuite -- a suite
of physiologically accurate biomechanical models of elbow, wrist, and hand,
with physical contact capabilities, which allow learning of complex and
skillful contact-rich real-world tasks. We provide diverse motor-control
challenges: from simple postural control to skilled hand-object interactions
such as turning a key, twirling a pen, rotating two balls in one hand, etc. By
supporting physiological alterations in musculoskeletal geometry (tendon
transfer), assistive devices (exoskeleton assistance), and muscle contraction
dynamics (muscle fatigue, sarcopenia), we present real-life tasks with temporal
changes, thereby exposing realistic non-stationary conditions in our tasks
which most continuous control benchmarks lack."
3796,VectorAdam for Rotation Equivariant Geometry Optimization,"The rise of geometric problems in machine learning has necessitated the
development of equivariant methods, which preserve their output under the
action of rotation or some other transformation. At the same time, the Adam
optimization algorithm has proven remarkably effective across machine learning
and even traditional tasks in geometric optimization. In this work, we observe
that naively applying Adam to optimize vector-valued data is not rotation
equivariant, due to per-coordinate moment updates, and in fact this leads to
significant artifacts and biases in practice. We propose to resolve this
deficiency with VectorAdam, a simple modification which makes Adam
rotation-equivariant by accounting for the vector structure of optimization
variables. We demonstrate this approach on problems in machine learning and
traditional geometric optimization, showing that equivariant VectorAdam
resolves the artifacts and biases of traditional Adam when applied to
vector-valued data, with equivalent or even improved rates of convergence."
3797,DRLComplex: Reconstruction of protein quaternary structures using deep reinforcement learning,"Predicted inter-chain residue-residue contacts can be used to build the
quaternary structure of protein complexes from scratch. However, only a small
number of methods have been developed to reconstruct protein quaternary
structures using predicted inter-chain contacts. Here, we present an
agent-based self-learning method based on deep reinforcement learning
(DRLComplex) to build protein complex structures using inter-chain contacts as
distance constraints. We rigorously tested DRLComplex on two standard datasets
of homodimeric and heterodimeric protein complexes (i.e., the CASP-CAPRI
homodimer and Std_32 heterodimer datasets) using both true and predicted
interchain contacts as inputs. Utilizing true contacts as input, DRLComplex
achieved high average TM-scores of 0.9895 and 0.9881 and a low average
interface RMSD (I_RMSD) of 0.2197 and 0.92 on the two datasets, respectively.
When predicted contacts are used, the method achieves TM-scores of 0.73 and
0.76 for homodimers and heterodimers, respectively. Our experiments find that
the accuracy of reconstructed quaternary structures depends on the accuracy of
the contact predictions. Compared to other optimization methods for
reconstructing quaternary structures from inter-chain contacts, DRLComplex
performs similar to an advanced gradient descent method and better than a
Markov Chain Monte Carlo simulation method and a simulated annealing-based
method, validating the effectiveness of DRLComplex for quaternary
reconstruction of protein complexes."
3798,Pessimism in the Face of Confounders: Provably Efficient Offline Reinforcement Learning in Partially Observable Markov Decision Processes,"We study offline reinforcement learning (RL) in partially observable Markov
decision processes. In particular, we aim to learn an optimal policy from a
dataset collected by a behavior policy which possibly depends on the latent
state. Such a dataset is confounded in the sense that the latent state
simultaneously affects the action and the observation, which is prohibitive for
existing offline RL algorithms. To this end, we propose the \underline{P}roxy
variable \underline{P}essimistic \underline{P}olicy \underline{O}ptimization
(\texttt{P3O}) algorithm, which addresses the confounding bias and the
distributional shift between the optimal and behavior policies in the context
of general function approximation. At the core of \texttt{P3O} is a coupled
sequence of pessimistic confidence regions constructed via proximal causal
inference, which is formulated as minimax estimation. Under a partial coverage
assumption on the confounded dataset, we prove that \texttt{P3O} achieves a
$n^{-1/2}$-suboptimality, where $n$ is the number of trajectories in the
dataset. To our best knowledge, \texttt{P3O} is the first provably efficient
offline RL algorithm for POMDPs with a confounded dataset."
3799,Evolution of beliefs in social networks,"Evolution of beliefs of a society are a product of interactions between
people (horizontal transmission) in the society over generations (vertical
transmission). Researchers have studied both horizontal and vertical
transmission separately. Extending prior work, we propose a new theoretical
framework which allows application of tools from Markov chain theory to the
analysis of belief evolution via horizontal and vertical transmission. We
analyze three cases: static network, randomly changing network, and
homophily-based dynamic network. Whereas the former two assume network
structure is independent of beliefs, the latter assumes that people tend to
communicate with those who have similar beliefs. We prove under general
conditions that both static and randomly changing networks converge to a single
set of beliefs among all individuals along with the rate of convergence. We
prove that homophily-based network structures do not in general converge to a
single set of beliefs shared by all and prove lower bounds on the number of
different limiting beliefs as a function of initial beliefs. We conclude by
discussing implications for prior theories and directions for future work."
3800,Learning in Feedback-driven Recurrent Spiking Neural Networks using full-FORCE Training,"Feedback-driven recurrent spiking neural networks (RSNNs) are powerful
computational models that can mimic dynamical systems. However, the presence of
a feedback loop from the readout to the recurrent layer de-stabilizes the
learning mechanism and prevents it from converging. Here, we propose a
supervised training procedure for RSNNs, where a second network is introduced
only during the training, to provide hint for the target dynamics. The proposed
training procedure consists of generating targets for both recurrent and
readout layers (i.e., for a full RSNN system). It uses the recursive least
square-based First-Order and Reduced Control Error (FORCE) algorithm to fit the
activity of each layer to its target. The proposed full-FORCE training
procedure reduces the amount of modifications needed to keep the error between
the output and target close to zero. These modifications control the feedback
loop, which causes the training to converge. We demonstrate the improved
performance and noise robustness of the proposed full-FORCE training procedure
to model 8 dynamical systems using RSNNs with leaky integrate and fire (LIF)
neurons and rate coding. For energy-efficient hardware implementation, an
alternative time-to-first-spike (TTFS) coding is implemented for the full-
FORCE training procedure. Compared to rate coding, full-FORCE with TTFS coding
generates fewer spikes and facilitates faster convergence to the target
dynamics."
3801,Dynamic Network Reconfiguration for Entropy Maximization using Deep Reinforcement Learning,"A key problem in network theory is how to reconfigure a graph in order to
optimize a quantifiable objective. Given the ubiquity of networked systems,
such work has broad practical applications in a variety of situations, ranging
from drug and material design to telecommunications. The large decision space
of possible reconfigurations, however, makes this problem computationally
intensive. In this paper, we cast the problem of network rewiring for
optimizing a specified structural property as a Markov Decision Process (MDP),
in which a decision-maker is given a budget of modifications that are performed
sequentially. We then propose a general approach based on the Deep Q-Network
(DQN) algorithm and graph neural networks (GNNs) that can efficiently learn
strategies for rewiring networks. We then discuss a cybersecurity case study,
i.e., an application to the computer network reconfiguration problem for
intrusion protection. In a typical scenario, an attacker might have a (partial)
map of the system they plan to penetrate; if the network is effectively
""scrambled"", they would not be able to navigate it since their prior knowledge
would become obsolete. This can be viewed as an entropy maximization problem,
in which the goal is to increase the surprise of the network. Indeed, entropy
acts as a proxy measurement of the difficulty of navigating the network
topology. We demonstrate the general ability of the proposed method to obtain
better entropy gains than random rewiring on synthetic and real-world graphs
while being computationally inexpensive, as well as being able to generalize to
larger graphs than those seen during training. Simulations of attack scenarios
confirm the effectiveness of the learned rewiring strategies."
3802,Understanding new tasks through the lens of training data via exponential tilting,"Deploying machine learning models to new tasks is a major challenge despite
the large size of the modern training datasets. However, it is conceivable that
the training data can be reweighted to be more representative of the new
(target) task. We consider the problem of reweighing the training samples to
gain insights into the distribution of the target task. Specifically, we
formulate a distribution shift model based on the exponential tilt assumption
and learn train data importance weights minimizing the KL divergence between
labeled train and unlabeled target datasets. The learned train data weights can
then be used for downstream tasks such as target performance evaluation,
fine-tuning, and model selection. We demonstrate the efficacy of our method on
Waterbirds and Breeds benchmarks."
3803,Predictor-corrector algorithms for stochastic optimization under gradual distribution shift,"Time-varying stochastic optimization problems frequently arise in machine
learning practice (e.g. gradual domain shift, object tracking, strategic
classification). Although most problems are solved in discrete time, the
underlying process is often continuous in nature. We exploit this underlying
continuity by developing predictor-corrector algorithms for time-varying
stochastic optimizations. We provide error bounds for the iterates, both in
presence of pure and noisy access to the queries from the relevant derivatives
of the loss function. Furthermore, we show (theoretically and empirically in
several examples) that our method outperforms non-predictor corrector methods
that do not exploit the underlying continuous process."
3804,Pruning has a disparate impact on model accuracy,"Network pruning is a widely-used compression technique that is able to
significantly scale down overparameterized models with minimal loss of
accuracy. This paper shows that pruning may create or exacerbate disparate
impacts. The paper sheds light on the factors to cause such disparities,
suggesting differences in gradient norms and distance to decision boundary
across groups to be responsible for this critical issue. It analyzes these
factors in detail, providing both theoretical and empirical support, and
proposes a simple, yet effective, solution that mitigates the disparate impacts
caused by pruning."
3805,Efficient Approximation of Gromov-Wasserstein Distance using Importance Sparsification,"As a valid metric of metric-measure spaces, Gromov-Wasserstein (GW) distance
has shown the potential for the matching problems of structured data like point
clouds and graphs. However, its application in practice is limited due to its
high computational complexity. To overcome this challenge, we propose a novel
importance sparsification method, called Spar-GW, to approximate GW distance
efficiently. In particular, instead of considering a dense coupling matrix, our
method leverages a simple but effective sampling strategy to construct a sparse
coupling matrix and update it with few computations. We demonstrate that the
proposed Spar-GW method is applicable to the GW distance with arbitrary ground
cost, and it reduces the complexity from $\mathcal{O}(n^4)$ to
$\mathcal{O}(n^{2+\delta})$ for an arbitrary small $\delta>0$. In addition,
this method can be extended to approximate the variants of GW distance,
including the entropic GW distance, the fused GW distance, and the unbalanced
GW distance. Experiments show the superiority of our Spar-GW to
state-of-the-art methods in both synthetic and real-world tasks."
3806,Low-rank lottery tickets: finding efficient low-rank neural networks via matrix differential equations,"Neural networks have achieved tremendous success in a large variety of
applications. However, their memory footprint and computational demand can
render them impractical in application settings with limited hardware or energy
resources. In this work, we propose a novel algorithm to find efficient
low-rank subnetworks. Remarkably, these subnetworks are determined and adapted
already during the training phase and the overall time and memory resources
required by both training and evaluating them is significantly reduced. The
main idea is to restrict the weight matrices to a low-rank manifold and to
update the low-rank factors rather than the full matrix during training. To
derive training updates that are restricted to the prescribed manifold, we
employ techniques from dynamic model order reduction for matrix differential
equations. Moreover, our method automatically and dynamically adapts the ranks
during training to achieve a desired approximation accuracy. The efficiency of
the proposed method is demonstrated through a variety of numerical experiments
on fully-connected and convolutional networks."
3807,Learning Dialogue Representations from Consecutive Utterances,"Learning high-quality dialogue representations is essential for solving a
variety of dialogue-oriented tasks, especially considering that dialogue
systems often suffer from data scarcity. In this paper, we introduce Dialogue
Sentence Embedding (DSE), a self-supervised contrastive learning method that
learns effective dialogue representations suitable for a wide range of dialogue
tasks. DSE learns from dialogues by taking consecutive utterances of the same
dialogue as positive pairs for contrastive learning. Despite its simplicity,
DSE achieves significantly better representation capability than other dialogue
representation and universal sentence representation models. We evaluate DSE on
five downstream dialogue tasks that examine dialogue representation at
different semantic granularities. Experiments in few-shot and zero-shot
settings show that DSE outperforms baselines by a large margin. For example, it
achieves 13 average performance improvement over the strongest unsupervised
baseline in 1-shot intent classification on 6 datasets. We also provide
analyses on the benefits and limitations of our model."
3808,"Exploration, Exploitation, and Engagement in Multi-Armed Bandits with Abandonment","Multi-armed bandit (MAB) is a classic model for understanding the
exploration-exploitation trade-off. The traditional MAB model for
recommendation systems assumes the user stays in the system for the entire
learning horizon. In new online education platforms such as ALEKS or new video
recommendation systems such as TikTok and YouTube Shorts, the amount of time a
user spends on the app depends on how engaging the recommended contents are.
Users may temporarily leave the system if the recommended items cannot engage
the users. To understand the exploration, exploitation, and engagement in these
systems, we propose a new model, called MAB-A where ""A"" stands for abandonment
and the abandonment probability depends on the current recommended item and the
user's past experience (called state). We propose two algorithms, ULCB and
KL-ULCB, both of which do more exploration (being optimistic) when the user
likes the previous recommended item and less exploration (being pessimistic)
when the user does not like the previous item. We prove that both ULCB and
KL-ULCB achieve logarithmic regret, $O(\log K)$, where $K$ is the number of
visits (or episodes). Furthermore, the regret bound under KL-ULCB is
asymptotically sharp. We also extend the proposed algorithms to the
general-state setting. Simulation results confirm our theoretical analysis and
show that the proposed algorithms have significantly lower regrets than the
traditional UCB and KL-UCB, and Q-learning-based algorithms."
3809,Unequal Covariance Awareness for Fisher Discriminant Analysis and Its Variants in Classification,"Fisher Discriminant Analysis (FDA) is one of the essential tools for feature
extraction and classification. In addition, it motivates the development of
many improved techniques based on the FDA to adapt to different problems or
data types. However, none of these approaches make use of the fact that the
assumption of equal covariance matrices in FDA is usually not satisfied in
practical situations. Therefore, we propose a novel classification rule for the
FDA that accounts for this fact, mitigating the effect of unequal covariance
matrices in the FDA. Furthermore, since we only modify the classification rule,
the same can be applied to many FDA variants, improving these algorithms
further. Theoretical analysis reveals that the new classification rule allows
the implicit use of the class covariance matrices while increasing the number
of parameters to be estimated by a small amount compared to going from FDA to
Quadratic Discriminant Analysis. We illustrate our idea via experiments, which
show the superior performance of the modified algorithms based on our new
classification rule compared to the original ones."
3810,Training and Inference on Any-Order Autoregressive Models the Right Way,"Conditional inference on arbitrary subsets of variables is a core problem in
probabilistic inference with important applications such as masked language
modeling and image inpainting. In recent years, the family of Any-Order
Autoregressive Models (AO-ARMs) -- which includes popular models such as XLNet
-- has shown breakthrough performance in arbitrary conditional tasks across a
sweeping range of domains. But, in spite of their success, in this paper we
identify significant improvements to be made to previous formulations of
AO-ARMs. First, we show that AO-ARMs suffer from redundancy in their
probabilistic model, i.e., they define the same distribution in multiple
different ways. We alleviate this redundancy by training on a smaller set of
univariate conditionals that still maintains support for efficient arbitrary
conditional inference. Second, we upweight the training loss for univariate
conditionals that are evaluated more frequently during inference. Our method
leads to improved performance with no compromises on tractability, giving
state-of-the-art likelihoods in arbitrary conditional modeling on text (Text8),
image (CIFAR10, ImageNet32), and continuous tabular data domains."
3811,Revealing the Dark Secrets of Masked Image Modeling,"Masked image modeling (MIM) as pre-training is shown to be effective for
numerous vision downstream tasks, but how and where MIM works remain unclear.
In this paper, we compare MIM with the long-dominant supervised pre-trained
models from two perspectives, the visualizations and the experiments, to
uncover their key representational differences. From the visualizations, we
find that MIM brings locality inductive bias to all layers of the trained
models, but supervised models tend to focus locally at lower layers but more
globally at higher layers. That may be the reason why MIM helps Vision
Transformers that have a very large receptive field to optimize. Using MIM, the
model can maintain a large diversity on attention heads in all layers. But for
supervised models, the diversity on attention heads almost disappears from the
last three layers and less diversity harms the fine-tuning performance. From
the experiments, we find that MIM models can perform significantly better on
geometric and motion tasks with weak semantics or fine-grained classification
tasks, than their supervised counterparts. Without bells and whistles, a
standard MIM pre-trained SwinV2-L could achieve state-of-the-art performance on
pose estimation (78.9 AP on COCO test-dev and 78.0 AP on CrowdPose), depth
estimation (0.287 RMSE on NYUv2 and 1.966 RMSE on KITTI), and video object
tracking (70.7 SUC on LaSOT). For the semantic understanding datasets where the
categories are sufficiently covered by the supervised pre-training, MIM models
can still achieve highly competitive transfer performance. With a deeper
understanding of MIM, we hope that our work can inspire new and solid research
in this direction."
3812,Mitigating barren plateaus of variational quantum eigensolvers,"Variational quantum algorithms (VQAs) are expected to establish valuable
applications on near-term quantum computers. However, recent works have pointed
out that the performance of VQAs greatly relies on the capability of the
ansatzes and is seriously limited by optimization issues such as barren
plateaus (i.e., vanishing gradients). This work proposes the state efficient
ansatz (SEA) for accurate quantum dynamics simulations with improved
trainability. First, we show that SEA can generate an arbitrary pure state with
much fewer parameters than a universal ansatz, making it efficient for tasks
like ground state estimation. It also has the flexibility in adjusting the
entanglement of the prepared state, which could be applied to further improve
the efficiency of simulating weak entanglement. Second, we show that SEA is not
a unitary 2-design even if it has universal wavefunction expressibility and
thus has great potential to improve the trainability by avoiding the zone of
barren plateaus. We further investigate a plethora of examples in ground state
estimation and notably obtain significant improvements in the variances of
derivatives and the overall optimization behaviors. This result indicates that
SEA can mitigate barren plateaus by sacrificing the redundant expressibility
for the target problem."
3813,Verifying Learning-Based Robotic Navigation Systems,"Deep reinforcement learning (DRL) has become a dominant deep-learning
paradigm for various tasks in which complex policies are learned within
reactive systems. In parallel, there has recently been significant research on
verifying deep neural networks. However, to date, there has been little work
demonstrating the use of modern verification tools on real, DRL-controlled
systems.
In this case-study paper, we attempt to begin bridging this gap, and focus on
the important task of mapless robotic navigation -- a classic robotics problem,
in which a robot, usually controlled by a DRL agent, needs to efficiently and
safely navigate through an unknown arena towards a desired target. We
demonstrate how modern verification engines can be used for effective model
selection, i.e., the process of selecting the best available policy for the
robot in question from a pool of candidate policies. Specifically, we use
verification to detect and rule out policies that may demonstrate suboptimal
behavior, such as collisions and infinite loops. We also apply verification to
identify models with overly conservative behavior, thus allowing users to
choose superior policies that are better at finding an optimal, shorter path to
a target.
To validate our work, we conducted extensive experiments on an actual robot,
and confirmed that the suboptimal policies detected by our method were indeed
flawed. We also compared our verification-driven approach to state-of-the-art
gradient attacks, and our results demonstrate that gradient-based methods are
inadequate in this setting.
Our work is the first to demonstrate the use of DNN verification backends for
recognizing suboptimal DRL policies in real-world robots, and for filtering out
unwanted policies. We believe that the methods presented in this work can be
applied to a large range of application domains that incorporate
deep-learning-based agents."
3814,Selective Classification Via Neural Network Training Dynamics,"Selective classification is the task of rejecting inputs a model would
predict incorrectly on through a trade-off between input space coverage and
model accuracy. Current methods for selective classification impose constraints
on either the model architecture or the loss function; this inhibits their
usage in practice. In contrast to prior work, we show that state-of-the-art
selective classification performance can be attained solely from studying the
(discretized) training dynamics of a model. We propose a general framework
that, for a given test input, monitors metrics capturing the disagreement with
the final predicted label over intermediate models obtained during training; we
then reject data points exhibiting too much disagreement at late stages in
training. In particular, we instantiate a method that tracks when the label
predicted during training stops disagreeing with the final predicted label. Our
experimental evaluation shows that our method achieves state-of-the-art
accuracy/coverage trade-offs on typical selective classification benchmarks.
For example, we improve coverage on CIFAR-10/SVHN by 10.1%/1.5% respectively at
a fixed target error of 0.5%."
3815,Training ReLU networks to high uniform accuracy is intractable,"Statistical learning theory provides bounds on the necessary number of
training samples needed to reach a prescribed accuracy in a learning problem
formulated over a given target class. This accuracy is typically measured in
terms of a generalization error, that is, an expected value of a given loss
function. However, for several applications -- for example in a
security-critical context or for problems in the computational sciences --
accuracy in this sense is not sufficient. In such cases, one would like to have
guarantees for high accuracy on every input value, that is, with respect to the
uniform norm. In this paper we precisely quantify the number of training
samples needed for any conceivable training algorithm to guarantee a given
uniform accuracy on any learning problem formulated over target classes
containing (or consisting of) ReLU neural networks of a prescribed
architecture. We prove that, under very general assumptions, the minimal number
of training samples for this task scales exponentially both in the depth and
the input dimension of the network architecture. As a corollary we conclude
that the training of ReLU neural networks to high uniform accuracy is
intractable. In a security-critical context this points to the fact that deep
learning based systems are prone to being fooled by a possible adversary. We
corroborate our theoretical findings by numerical results."
3816,Semantic Parsing of Interpage Relations,"Page-level analysis of documents has been a topic of interest in digitization
efforts, and multimodal approaches have been applied to both classification and
page stream segmentation. In this work, we focus on capturing finer semantic
relations between pages of a multi-page document. To this end, we formalize the
task as semantic parsing of interpage relations and we propose an end-to-end
approach for interpage dependency extraction, inspired by the dependency
parsing literature. We further design a multi-task training approach to jointly
optimize for page embeddings to be used in segmentation, classification, and
parsing of the page dependencies using textual and visual features extracted
from the pages. Moreover, we also combine the features from two modalities to
obtain multimodal page embeddings. To the best of our knowledge, this is the
first study to extract rich semantic interpage relations from multi-page
documents. Our experimental results show that the proposed method increased LAS
by 41 percentage points for semantic parsing, increased accuracy by 33
percentage points for page stream segmentation, and 45 percentage points for
page classification over a naive baseline."
3817,TempoRL: Temporal Priors for Exploration in Off-Policy Reinforcement Learning,"Efficient exploration is a crucial challenge in deep reinforcement learning.
Several methods, such as behavioral priors, are able to leverage offline data
in order to efficiently accelerate reinforcement learning on complex tasks.
However, if the task at hand deviates excessively from the demonstrated task,
the effectiveness of such methods is limited. In our work, we propose to learn
features from offline data that are shared by a more diverse range of tasks,
such as correlation between actions and directedness. Therefore, we introduce
state-independent temporal priors, which directly model temporal consistency in
demonstrated trajectories, and are capable of driving exploration in complex
tasks, even when trained on data collected on simpler tasks. Furthermore, we
introduce a novel integration scheme for action priors in off-policy
reinforcement learning by dynamically sampling actions from a probabilistic
mixture of policy and action prior. We compare our approach against strong
baselines and provide empirical evidence that it can accelerate reinforcement
learning in long-horizon continuous control tasks under sparse reward settings."
3818,Subspace clustering in high-dimensions: Phase transitions \& Statistical-to-Computational gap,"A simple model to study subspace clustering is the high-dimensional
$k$-Gaussian mixture model where the cluster means are sparse vectors. Here we
provide an exact asymptotic characterization of the statistically optimal
reconstruction error in this model in the high-dimensional regime with
extensive sparsity, i.e. when the fraction of non-zero components of the
cluster means $\rho$, as well as the ratio $\alpha$ between the number of
samples and the dimension are fixed, while the dimension diverges. We identify
the information-theoretic threshold below which obtaining a positive
correlation with the true cluster means is statistically impossible.
Additionally, we investigate the performance of the approximate message passing
(AMP) algorithm analyzed via its state evolution, which is conjectured to be
optimal among polynomial algorithm for this task. We identify in particular the
existence of a statistical-to-computational gap between the algorithm that
require a signal-to-noise ratio $\lambda_{\text{alg}} \ge k / \sqrt{\alpha} $
to perform better than random, and the information theoretic threshold at
$\lambda_{\text{it}} \approx \sqrt{-k \rho \log{\rho}} / \sqrt{\alpha}$.
Finally, we discuss the case of sub-extensive sparsity $\rho$ by comparing the
performance of the AMP with other sparsity-enhancing algorithms, such as
sparse-PCA and diagonal thresholding."
3819,Kernel Ridgeless Regression is Inconsistent in Low Dimensions,"We show that kernel interpolation for a large class of shift-invariant
kernels is inconsistent in fixed dimension, even with bandwidth adaptive to the
training set."
3820,Discovering Policies with DOMiNO: Diversity Optimization Maintaining Near Optimality,"Finding different solutions to the same problem is a key aspect of
intelligence associated with creativity and adaptation to novel situations. In
reinforcement learning, a set of diverse policies can be useful for
exploration, transfer, hierarchy, and robustness. We propose DOMiNO, a method
for Diversity Optimization Maintaining Near Optimality. We formalize the
problem as a Constrained Markov Decision Process where the objective is to find
diverse policies, measured by the distance between the state occupancies of the
policies in the set, while remaining near-optimal with respect to the extrinsic
reward. We demonstrate that the method can discover diverse and meaningful
behaviors in various domains, such as different locomotion patterns in the
DeepMind Control Suite. We perform extensive analysis of our approach, compare
it with other multi-objective baselines, demonstrate that we can control both
the quality and the diversity of the set via interpretable hyperparameters, and
show that the discovered set is robust to perturbations."
3821,Transfer learning driven design optimization for inertial confinement fusion,"Transfer learning is a promising approach to creating predictive models that
incorporate simulation and experimental data into a common framework. In this
technique, a neural network is first trained on a large database of
simulations, then partially retrained on sparse sets of experimental data to
adjust predictions to be more consistent with reality. Previously, this
technique has been used to create predictive models of Omega and NIF inertial
confinement fusion (ICF) experiments that are more accurate than simulations
alone. In this work, we conduct a transfer learning driven hypothetical ICF
campaign in which the goal is to maximize experimental neutron yield via
Bayesian optimization. The transfer learning model achieves yields within 5% of
the maximum achievable yield in a modest-sized design space in fewer than 20
experiments. Furthermore, we demonstrate that this method is more efficient at
optimizing designs than traditional model calibration techniques commonly
employed in ICF design. Such an approach to ICF design could enable robust
optimization of experimental performance under uncertainty."
3822,Green Hierarchical Vision Transformer for Masked Image Modeling,"We present an efficient approach for Masked Image Modeling (MIM) with
hierarchical Vision Transformers (ViTs), e.g., Swin Transformer, allowing the
hierarchical ViTs to discard masked patches and operate only on the visible
ones. Our approach consists of two key components. First, for the window
attention, we design a Group Window Attention scheme following the
Divide-and-Conquer strategy. To mitigate the quadratic complexity of the
self-attention w.r.t. the number of patches, group attention encourages a
uniform partition that visible patches within each local window of arbitrary
size can be grouped with equal size, where masked self-attention is then
performed within each group. Second, we further improve the grouping strategy
via the Dynamic Programming algorithm to minimize the overall computation cost
of the attention on the grouped patches. As a result, MIM now can work on
hierarchical ViTs in a green and efficient way. For example, we can train the
hierarchical ViTs about 2.7$\times$ faster and reduce the GPU memory usage by
70%, while still enjoying competitive performance on ImageNet classification
and the superiority on downstream COCO object detection benchmarks. Code and
pre-trained models have been made publicly available at
https://github.com/LayneH/GreenMIM."
3823,Pick up the PACE: Fast and Simple Domain Adaptation via Ensemble Pseudo-Labeling,"Domain Adaptation (DA) has received widespread attention from deep learning
researchers in recent years because of its potential to improve test accuracy
with out-of-distribution labeled data. Most state-of-the-art DA algorithms
require an extensive amount of hyperparameter tuning and are computationally
intensive due to the large batch sizes required. In this work, we propose a
fast and simple DA method consisting of three stages: (1) domain alignment by
covariance matching, (2) pseudo-labeling, and (3) ensembling. We call this
method $\textbf{PACE}$, for $\textbf{P}$seudo-labels, $\textbf{A}$lignment of
$\textbf{C}$ovariances, and $\textbf{E}$nsembles. PACE is trained on top of
fixed features extracted from an ensemble of modern pretrained backbones. PACE
exceeds previous state-of-the-art by $\textbf{5 - 10 \%}$ on most benchmark
adaptation tasks without training a neural network. PACE reduces training time
and hyperparameter tuning time by $82\%$ and $97\%$, respectively, when
compared to state-of-the-art DA methods. Code is released here:
https://github.com/Chris210634/PACE-Domain-Adaptation"
3824,A framework for overparameterized learning,"An explanation for the success of deep neural networks is a central question
in theoretical machine learning. According to classical statistical learning,
the overparameterized nature of such models should imply a failure to
generalize. Many argue that good empirical performance is due to the implicit
regularization of first order optimization methods. In particular, the
Polyak-{\L}ojasiewicz condition leads to gradient descent finding a global
optimum that is close to initialization. In this work, we propose a framework
consisting of a prototype learning problem, which is general enough to cover
many popular problems and even the cases of infinitely wide neural networks and
infinite data. We then perform an analysis from the perspective of the
Polyak-{\L}ojasiewicz condition. We obtain theoretical results of independent
interest, concerning gradient descent on a composition $(f \circ F): G \to
\mathbb{R}$ of functions $F: G \to H$ and $f: H \to \mathbb{R}$ with $G, H$
being Hilbert spaces. Building on these results, we determine the properties
that have to be satisfied by the components of the prototype problem for
gradient descent to find a global optimum that is close to initialization. We
then demonstrate that supervised learning, variational autoencoders and
training with gradient penalty can be translated to the prototype problem.
Finally, we lay out a number of directions for future research."
3825,Are Transformers Effective for Time Series Forecasting?,"Recently, there has been a surge of Transformer-based solutions for the time
series forecasting (TSF) task, especially for the challenging long-term TSF
problem. Transformer architecture relies on self-attention mechanisms to
effectively extract the semantic correlations between paired elements in a long
sequence, which is permutation-invariant and anti-ordering to some extent.
However, in time series modeling, we are to extract the temporal relations
among an ordering set of continuous points. Consequently, whether
Transformer-based techniques are the right solutions for long-term time series
forecasting is an interesting problem to investigate, despite the performance
improvements shown in these studies. In this work, we question the validity of
Transformer-based TSF solutions. In their experiments, the compared
(non-Transformer) baselines are mainly autoregressive forecasting solutions,
which usually have a poor long-term prediction capability due to inevitable
error accumulation effects. In contrast, we use an embarrassingly simple
architecture named DLinear that conducts direct multi-step (DMS) forecasting
for comparison. DLinear decomposes the time series into a trend and a remainder
series and employs two one-layer linear networks to model these two series for
the forecasting task. Surprisingly, it outperforms existing complex
Transformer-based models in most cases by a large margin. Therefore, we
conclude that the relatively higher long-term forecasting accuracy of
Transformer-based TSF solutions shown in existing works has little to do with
the temporal relation extraction capabilities of the Transformer architecture.
Instead, it is mainly due to the non-autoregressive DMS forecasting strategy
used in them. We hope this study also advocates revisiting the validity of
Transformer-based solutions for other time series analysis tasks (e.g., anomaly
detection) in the future."
3826,An Analytic Framework for Robust Training of Artificial Neural Networks,"The reliability of a learning model is key to the successful deployment of
machine learning in various industries. Creating a robust model, particularly
one unaffected by adversarial attacks, requires a comprehensive understanding
of the adversarial examples phenomenon. However, it is difficult to describe
the phenomenon due to the complicated nature of the problems in machine
learning. Consequently, many studies investigate the phenomenon by proposing a
simplified model of how adversarial examples occur and validate it by
predicting some aspect of the phenomenon. While these studies cover many
different characteristics of the adversarial examples, they have not reached a
holistic approach to the geometric and analytic modeling of the phenomenon.
This paper propose a formal framework to study the phenomenon in learning
theory and make use of complex analysis and holomorphicity to offer a robust
learning rule for artificial neural networks. With the help of complex
analysis, we can effortlessly move between geometric and analytic perspectives
of the phenomenon and offer further insights on the phenomenon by revealing its
connection with harmonic functions. Using our model, we can explain some of the
most intriguing characteristics of adversarial examples, including
transferability of adversarial examples, and pave the way for novel approaches
to mitigate the effects of the phenomenon."
3827,Censored Quantile Regression Neural Networks,"This paper considers doing quantile regression on censored data using neural
networks (NNs). This adds to the survival analysis toolkit by allowing direct
prediction of the target variable, along with a distribution-free
characterisation of uncertainty, using a flexible function approximator. We
begin by showing how an algorithm popular in linear models can be applied to
NNs. However, the resulting procedure is inefficient, requiring sequential
optimisation of an individual NN at each desired quantile. Our major
contribution is a novel algorithm that simultaneously optimises a grid of
quantiles output by a single NN. To offer theoretical insight into our
algorithm, we show firstly that it can be interpreted as a form of
expectation-maximisation, and secondly that it exhibits a desirable
`self-correcting' property. Experimentally, the algorithm produces quantiles
that are better calibrated than existing methods on 10 out of 12 real datasets."
3828,Mesoscopic modeling of hidden spiking neurons,"Can we use spiking neural networks (SNN) as generative models of
multi-neuronal recordings, while taking into account that most neurons are
unobserved? Modeling the unobserved neurons with large pools of hidden spiking
neurons leads to severely underconstrained problems that are hard to tackle
with maximum likelihood estimation. In this work, we use coarse-graining and
mean-field approximations to derive a bottom-up, neuronally-grounded latent
variable model (neuLVM), where the activity of the unobserved neurons is
reduced to a low-dimensional mesoscopic description. In contrast to previous
latent variable models, neuLVM can be explicitly mapped to a recurrent,
multi-population SNN, giving it a transparent biological interpretation. We
show, on synthetic spike trains, that a few observed neurons are sufficient for
neuLVM to perform efficient model inversion of large SNNs, in the sense that it
can recover connectivity parameters, infer single-trial latent population
activity, reproduce ongoing metastable dynamics, and generalize when subjected
to perturbations mimicking photo-stimulation."
3829,Sparse Graph Learning for Spatiotemporal Time Series,"Outstanding achievements of graph neural networks for spatiotemporal time
series prediction show that relational constraints introduce a positive
inductive bias into neural forecasting architectures. Often, however, the
relational information characterizing the underlying data generating process is
unavailable; the practitioner is then left with the problem of inferring from
data which relational graph to use in the subsequent processing stages. We
propose novel, principled -- yet practical -- probabilistic methods that learn
the relational dependencies by modeling distributions over graphs while
maximizing, at the same time, end-to-end the forecasting accuracy. Our novel
graph learning approach, based on consolidated variance reduction techniques
for Monte Carlo score-based gradient estimation, is theoretically grounded and
effective. We show that tailoring the gradient estimators to the graph learning
problem allows us also for achieving state-of-the-art forecasting performance
while controlling, at the same time, both the sparsity of the learned graph and
the computational burden. We empirically assess the effectiveness of the
proposed method on synthetic and real-world benchmarks, showing that the
proposed solution can be used as a stand-alone graph identification procedure
as well as a learned component of an end-to-end forecasting architecture."
3830,SemAffiNet: Semantic-Affine Transformation for Point Cloud Segmentation,"Conventional point cloud semantic segmentation methods usually employ an
encoder-decoder architecture, where mid-level features are locally aggregated
to extract geometric information. However, the over-reliance on these
class-agnostic local geometric representations may raise confusion between
local parts from different categories that are similar in appearance or
spatially adjacent. To address this issue, we argue that mid-level features can
be further enhanced with semantic information, and propose semantic-affine
transformation that transforms features of mid-level points belonging to
different categories with class-specific affine parameters. Based on this
technique, we propose SemAffiNet for point cloud semantic segmentation, which
utilizes the attention mechanism in the Transformer module to implicitly and
explicitly capture global structural knowledge within local parts for overall
comprehension of each category. We conduct extensive experiments on the
ScanNetV2 and NYUv2 datasets, and evaluate semantic-affine transformation on
various 3D point cloud and 2D image segmentation baselines, where both
qualitative and quantitative results demonstrate the superiority and
generalization ability of our proposed approach. Code is available at
https://github.com/wangzy22/SemAffiNet."
3831,DeepJoint: Robust Survival Modelling Under Clinical Presence Shift,"Observational data in medicine arise as a result of the complex interaction
between patients and the healthcare system. The sampling process is often
highly irregular and itself constitutes an informative process. When using such
data to develop prediction models, this phenomenon is often ignored, leading to
sub-optimal performance and generalisability of models when practices evolve.
We propose a multi-task recurrent neural network which models three clinical
presence dimensions -- namely the longitudinal, the inter-observation and the
missingness processes -- in parallel to the survival outcome. On a prediction
task using MIMIC III laboratory tests, explicit modelling of these three
processes showed improved performance in comparison to state-of-the-art
predictive models (C-index at 1 day horizon: 0.878). More importantly, the
proposed approach was more robust to change in the clinical presence setting,
demonstrated by performance comparison between patients admitted on weekdays
and weekends. This analysis demonstrates the importance of studying and
leveraging clinical presence to improve performance and create more
transportable clinical models."
3832,Learning to Reconstruct Missing Data from Spatiotemporal Graphs with Sparse Observations,"Modeling multivariate time series as temporal signals over a (possibly
dynamic) graph is an effective representational framework that allows for
developing models for time series analysis. In fact, discrete sequences of
graphs can be processed by autoregressive graph neural networks to recursively
learn representations at each discrete point in time and space. Spatiotemporal
graphs are often highly sparse, with time series characterized by multiple,
concurrent, and even long sequences of missing data, e.g., due to the
unreliable underlying sensor network. In this context, autoregressive models
can be brittle and exhibit unstable learning dynamics. The objective of this
paper is, then, to tackle the problem of learning effective models to
reconstruct, i.e., impute, missing data points by conditioning the
reconstruction only on the available observations. In particular, we propose a
novel class of attention-based architectures that, given a set of highly sparse
discrete observations, learn a representation for points in time and space by
exploiting a spatiotemporal diffusion architecture aligned with the imputation
task. Representations are trained end-to-end to reconstruct observations w.r.t.
the corresponding sensor and its neighboring nodes. Compared to the state of
the art, our model handles sparse data without propagating prediction errors or
requiring a bidirectional model to encode forward and backward time
dependencies. Empirical results on representative benchmarks show the
effectiveness of the proposed method."
3833,Embed to Control Partially Observed Systems: Representation Learning with Provable Sample Efficiency,"Reinforcement learning in partially observed Markov decision processes
(POMDPs) faces two challenges. (i) It often takes the full history to predict
the future, which induces a sample complexity that scales exponentially with
the horizon. (ii) The observation and state spaces are often continuous, which
induces a sample complexity that scales exponentially with the extrinsic
dimension. Addressing such challenges requires learning a minimal but
sufficient representation of the observation and state histories by exploiting
the structure of the POMDP.
To this end, we propose a reinforcement learning algorithm named Embed to
Control (ETC), which learns the representation at two levels while optimizing
the policy.~(i) For each step, ETC learns to represent the state with a
low-dimensional feature, which factorizes the transition kernel. (ii) Across
multiple steps, ETC learns to represent the full history with a low-dimensional
embedding, which assembles the per-step feature. We integrate (i) and (ii) in a
unified framework that allows a variety of estimators (including maximum
likelihood estimators and generative adversarial networks). For a class of
POMDPs with a low-rank structure in the transition kernel, ETC attains an
$O(1/\epsilon^2)$ sample complexity that scales polynomially with the horizon
and the intrinsic dimension (that is, the rank). Here $\epsilon$ is the
optimality gap. To our best knowledge, ETC is the first sample-efficient
algorithm that bridges representation learning and policy optimization in
POMDPs with infinite observation and state spaces."
3834,FedAug: Reducing the Local Learning Bias Improves Federated Learning on Heterogeneous Data,"Federated Learning (FL) is a machine learning paradigm that learns from data
kept locally to safeguard the privacy of clients, whereas local SGD is
typically employed on the clients' devices to improve communication efficiency.
However, such a scheme is currently constrained by the slow and unstable
convergence induced by clients' heterogeneous data. In this work, we identify
three under-explored phenomena of the biased local learning that may explain
these challenges caused by local updates in supervised FL. As a remedy, we
propose FedAug, a novel unified algorithm that reduces the local learning bias
on features and classifiers to tackle these challenges. FedAug consists of two
components: AugMean and AugCA. AugMean alleviates the bias in the local
classifiers by balancing the output distribution of models. AugCA learns client
invariant features that are close to global features but considerably distinct
from those learned from other input distributions. In a series of experiments,
we show that FedAug consistently outperforms other SOTA FL and domain
generalization (DG) baselines, in which both two components (i.e., AugMean and
AugCA) have individual performance gains."
3835,SigMaNet: One Laplacian to Rule Them All,"This paper introduces SigMaNet, a generalized Graph Convolutional Network
(GCN) capable of handling both undirected and directed graphs with weights not
restricted in sign and magnitude. The cornerstone of SigMaNet is the
introduction of a generalized Laplacian matrix: the Sign-Magnetic Laplacian
($L^\sigma$). The adoption of such a matrix allows us to bridge a gap in the
current literature by extending the theory of spectral GCNs to directed graphs
with both positive and negative weights. $L^{\sigma}$ exhibits several
desirable properties not enjoyed by the traditional Laplacian matrices on which
several state-of-the-art architectures are based. In particular, $L^\sigma$ is
completely parameter-free, which is not the case of Laplacian operators such as
the Magnetic Laplacian $L^{(q)}$, where the calibration of the parameter q is
an essential yet problematic component of the operator. $L^\sigma$ simplifies
the approach, while also allowing for a natural interpretation of the signs of
the edges in terms of their directions. The versatility of the proposed
approach is amply demonstrated experimentally; the proposed network SigMaNet
turns out to be competitive in all the tasks we considered, regardless of the
graph structure."
3836,AutoTSG: Learning and Synthesis for Incident Troubleshooting,"Incident management is a key aspect of operating large-scale cloud services.
To aid with faster and efficient resolution of incidents, engineering teams
document frequent troubleshooting steps in the form of Troubleshooting Guides
(TSGs), to be used by on-call engineers (OCEs). However, TSGs are siloed,
unstructured, and often incomplete, requiring developers to manually understand
and execute necessary steps. This results in a plethora of issues such as
on-call fatigue, reduced productivity, and human errors. In this work, we
conduct a large-scale empirical study of over 4K+ TSGs mapped to 1000s of
incidents and find that TSGs are widely used and help significantly reduce
mitigation efforts. We then analyze feedback on TSGs provided by 400+ OCEs and
propose a taxonomy of issues that highlights significant gaps in TSG quality.
To alleviate these gaps, we investigate the automation of TSGs and propose
AutoTSG -- a novel framework for automation of TSGs to executable workflows by
combining machine learning and program synthesis. Our evaluation of AutoTSG on
50 TSGs shows the effectiveness in both identifying TSG statements (accuracy
0.89) and parsing them for execution (precision 0.94 and recall 0.91). Lastly,
we survey ten Microsoft engineers and show the importance of TSG automation and
the usefulness of AutoTSG."
3837,Continual evaluation for lifelong learning: Identifying the stability gap,"Introducing a time dependency on the data generating distribution has proven
to be difficult for gradient-based training of neural networks, as the greedy
updates result in catastrophic forgetting of previous timesteps. Continual
learning aims to overcome the greedy optimization to enable continuous
accumulation of knowledge over time. The data stream is typically divided into
locally stationary distributions, called tasks, allowing task-based evaluation
on held-out data from the training tasks. Contemporary evaluation protocols and
metrics in continual learning are task-based and quantify the trade-off between
stability and plasticity only at task transitions. However, our empirical
evidence suggests that between task transitions significant, temporary
forgetting can occur, remaining unidentified in task-based evaluation.
Therefore, we propose a framework for continual evaluation that establishes
per-iteration evaluation and define a new set of metrics that enables
identifying the worst-case performance of the learner over its lifetime.
Performing continual evaluation, we empirically identify that replay suffers
from a stability gap: upon learning a new task, there is a substantial but
transient decrease in performance on past tasks. Further conceptual and
empirical analysis suggests not only replay-based, but also
regularization-based continual learning methods are prone to the stability gap."
3838,Follow-the-Perturbed-Leader for Adversarial Markov Decision Processes with Bandit Feedback,"We consider regret minimization for Adversarial Markov Decision Processes
(AMDPs), where the loss functions are changing over time and adversarially
chosen, and the learner only observes the losses for the visited state-action
pairs (i.e., bandit feedback). While there has been a surge of studies on this
problem using Online-Mirror-Descent (OMD) methods, very little is known about
the Follow-the-Perturbed-Leader (FTPL) methods, which are usually
computationally more efficient and also easier to implement since it only
requires solving an offline planning problem. Motivated by this, we take a
closer look at FTPL for learning AMDPs, starting from the standard episodic
finite-horizon setting. We find some unique and intriguing difficulties in the
analysis and propose a workaround to eventually show that FTPL is also able to
achieve near-optimal regret bounds in this case. More importantly, we then find
two significant applications: First, the analysis of FTPL turns out to be
readily generalizable to delayed bandit feedback with order-optimal regret,
while OMD methods exhibit extra difficulties (Jin et al., 2022). Second, using
FTPL, we also develop the first no-regret algorithm for learning communicating
AMDPs in the infinite-horizon setting with bandit feedback and stochastic
transitions. Our algorithm is efficient assuming access to an offline planning
oracle, while even for the easier full-information setting, the only existing
algorithm (Chandrasekaran and Tewari, 2021) is computationally inefficient."
3839,Variance-Aware Sparse Linear Bandits,"It is well-known that the worst-case minimax regret for sparse linear bandits
is $\widetilde{\Theta}\left(\sqrt{dT}\right)$ where $d$ is the ambient
dimension and $T$ is the number of time steps (ignoring the dependency on
sparsity). On the other hand, in the benign setting where there is no noise and
the action set is the unit sphere, one can use divide-and-conquer to achieve an
$\widetilde{\mathcal O}(1)$ regret, which is (nearly) independent of $d$ and
$T$. In this paper, we present the first variance-aware regret guarantee for
sparse linear bandits: $\widetilde{\mathcal O}\left(\sqrt{d\sum_{t=1}^T
\sigma_t^2} + 1\right)$, where $\sigma_t^2$ is the variance of the noise at the
$t$-th time step. This bound naturally interpolates the regret bounds for the
worst-case constant-variance regime ($\sigma_t = \Omega(1)$) and the benign
deterministic regimes ($\sigma_t = 0$). To achieve this variance-aware regret
guarantee, we develop a general framework that converts any variance-aware
linear bandit algorithm to a variance-aware algorithm for sparse linear bandits
in a ``black-box'' manner. Specifically, we take two recent algorithms as black
boxes to illustrate that the claimed bounds indeed hold, where the first
algorithm can handle unknown-variance cases and the second one is more
efficient."
3840,Opinion Spam Detection: A New Approach Using Machine Learning and Network-Based Algorithms,"E-commerce is the fastest-growing segment of the economy. Online reviews play
a crucial role in helping consumers evaluate and compare products and services.
As a result, fake reviews (opinion spam) are becoming more prevalent and
negatively impacting customers and service providers. There are many reasons
why it is hard to identify opinion spammers automatically, including the
absence of reliable labeled data. This limitation precludes an off-the-shelf
application of a machine learning pipeline. We propose a new method for
classifying reviewers as spammers or benign, combining machine learning with a
message-passing algorithm that capitalizes on the users' graph structure to
compensate for the possible scarcity of labeled data. We devise a new way of
sampling the labels for the training step (active learning), replacing the
typical uniform sampling. Experiments on three large real-world datasets from
Yelp.com show that our method outperforms state-of-the-art active learning
approaches and also machine learning methods that use a much larger set of
labeled data for training."
3841,Machine Learning Models Are Not Necessarily Biased When Constructed Properly: Evidence from Neuroimaging Studies,"Despite the great promise that machine learning has offered in many fields of
medicine, it has also raised concerns about potential biases and poor
generalization across genders, age distributions, races and ethnicities,
hospitals, and data acquisition equipment and protocols. In the current study,
and in the context of three brain diseases, we provide experimental data which
support that when properly trained, machine learning models can generalize well
across diverse conditions and do not suffer from biases. Specifically, by using
multi-study magnetic resonance imaging consortia for diagnosing Alzheimer's
disease, schizophrenia, and autism spectrum disorder, we find that, the
accuracy of well-trained models is consistent across different subgroups
pertaining to attributes such as gender, age, and racial groups, as also
different clinical studies. We find that models that incorporate multi-source
data from demographic, clinical, genetic factors and cognitive scores are also
unbiased. These models have better predictive accuracy across subgroups than
those trained only with structural measures in some cases but there are also
situations when these additional features do not help."
3842,Avoiding Barren Plateaus with Classical Deep Neural Networks,"Variational quantum algorithms (VQAs) are among the most promising algorithms
in the era of Noisy Intermediate Scale Quantum Devices. The VQAs are applied to
a variety of tasks, such as in chemistry simulations, optimization problems,
and quantum neural networks. Such algorithms are constructed using a
parameterization U($\pmb{\theta}$) with a classical optimizer that updates the
parameters $\pmb{\theta}$ in order to minimize a cost function $C$. For this
task, in general the gradient descent method, or one of its variants, is used.
This is a method where the circuit parameters are updated iteratively using the
cost function gradient. However, several works in the literature have shown
that this method suffers from a phenomenon known as the Barren Plateaus (BP).
This phenomenon is characterized by the exponentially flattening of the cost
function landscape, so that the number of times the function must be evaluated
to perform the optimization grows exponentially as the number of qubits and
parameterization depth increase. In this article, we report on how the use of a
classical neural networks in the VQAs input parameters can alleviate the BP
phenomenon."
3843,A Fair Federated Learning Framework With Reinforcement Learning,"Federated learning (FL) is a paradigm where many clients collaboratively
train a model under the coordination of a central server, while keeping the
training data locally stored. However, heterogeneous data distributions over
different clients remain a challenge to mainstream FL algorithms, which may
cause slow convergence, overall performance degradation and unfairness of
performance across clients. To address these problems, in this study we propose
a reinforcement learning framework, called PG-FFL, which automatically learns a
policy to assign aggregation weights to clients. Additionally, we propose to
utilize Gini coefficient as the measure of fairness for FL. More importantly,
we apply the Gini coefficient and validation accuracy of clients in each
communication round to construct a reward function for the reinforcement
learning. Our PG-FFL is also compatible to many existing FL algorithms. We
conduct extensive experiments over diverse datasets to verify the effectiveness
of our framework. The experimental results show that our framework can
outperform baseline methods in terms of overall performance, fairness and
convergence speed."
3844,Your Transformer May Not be as Powerful as You Expect,"Relative Positional Encoding (RPE), which encodes the relative distance
between any pair of tokens, is one of the most successful modifications to the
original Transformer. As far as we know, theoretical understanding of the
RPE-based Transformers is largely unexplored. In this work, we mathematically
analyze the power of RPE-based Transformers regarding whether the model is
capable of approximating any continuous sequence-to-sequence functions. One may
naturally assume the answer is in the affirmative -- RPE-based Transformers are
universal function approximators. However, we present a negative result by
showing there exist continuous sequence-to-sequence functions that RPE-based
Transformers cannot approximate no matter how deep and wide the neural network
is. One key reason lies in that most RPEs are placed in the softmax attention
that always generates a right stochastic matrix. This restricts the network
from capturing positional information in the RPEs and limits its capacity. To
overcome the problem and make the model more powerful, we first present
sufficient conditions for RPE-based Transformers to achieve universal function
approximation. With the theoretical guidance, we develop a novel attention
module, called Universal RPE-based (URPE) Attention, which satisfies the
conditions. Therefore, the corresponding URPE-based Transformers become
universal function approximators. Extensive experiments covering typical
architectures and tasks demonstrate that our model is parameter-efficient and
can achieve superior performance to strong baselines in a wide range of
applications."
3845,Looking for Out-of-Distribution Environments in Critical Care: A case study with the eICU Database,"Generalizing to new populations and domains in machine learning is still an
open problem which has seen increased interest recently. In particular,
clinical models show a significant performance drop when tested in settings not
seen during training, e.g., new hospitals or population demographics. Recently
proposed models for domain generalisation promise to alleviate this problem by
learning invariant characteristics across environments, however, there is still
scepticism about whether they improve over traditional training. In this work,
we take a principled approach to identifying Out of Distribution (OoD)
environments, motivated by the problem of cross-hospital generalization in
critical care. We propose model-based and heuristic approaches to identify OoD
environments and systematically compare models with different levels of
held-out information. In particular, based on the assumption that models with
access to OoD data should outperform other models, we train models across a
range of experimental setups that include leave-one-hospital-out training and
cross-sectional feature splits. We find that access to OoD data does not
translate to increased performance, pointing to inherent limitations in
defining potential OoD environments in the eICU Database potentially due to
data harmonisation and sampling. Echoing similar results with other popular
clinical benchmarks in the literature, new approaches are required to evaluate
robust models in critical care."
3846,BppAttack: Stealthy and Efficient Trojan Attacks against Deep Neural Networks via Image Quantization and Contrastive Adversarial Learning,"Deep neural networks are vulnerable to Trojan attacks. Existing attacks use
visible patterns (e.g., a patch or image transformations) as triggers, which
are vulnerable to human inspection. In this paper, we propose stealthy and
efficient Trojan attacks, BppAttack. Based on existing biology literature on
human visual systems, we propose to use image quantization and dithering as the
Trojan trigger, making imperceptible changes. It is a stealthy and efficient
attack without training auxiliary models. Due to the small changes made to
images, it is hard to inject such triggers during training. To alleviate this
problem, we propose a contrastive learning based approach that leverages
adversarial attacks to generate negative sample pairs so that the learned
trigger is precise and accurate. The proposed method achieves high attack
success rates on four benchmark datasets, including MNIST, CIFAR-10, GTSRB, and
CelebA. It also effectively bypasses existing Trojan defenses and human
inspection. Our code can be found in
https://github.com/RU-System-Software-and-Security/BppAttack."
3847,Multi-fidelity power flow solver,"We propose a multi-fidelity neural network (MFNN) tailored for rapid
high-dimensional grid power flow simulations and contingency analysis with
scarce high-fidelity contingency data. The proposed model comprises two
networks -- the first one trained on DC approximation as low-fidelity data and
coupled to a high-fidelity neural net trained on both low- and high-fidelity
power flow data. Each network features a latent module which parametrizes the
model by a discrete grid topology vector for generalization (e.g., $n$ power
lines with $k$ disconnections or contingencies, if any), and the targeted
high-fidelity output is a weighted sum of linear and nonlinear functions. We
tested the model on 14- and 118-bus test cases and evaluated its performance
based on the $n-k$ power flow prediction accuracy with respect to imbalanced
contingency data and high-to-low-fidelity sample ratio. The results presented
herein demonstrate MFNN's potential and its limits with up to two orders of
magnitude faster and more accurate power flow solutions than DC approximation."
3848,Feature Forgetting in Continual Representation Learning,"In continual and lifelong learning, good representation learning can help
increase performance and reduce sample complexity when learning new tasks.
There is evidence that representations do not suffer from ""catastrophic
forgetting"" even in plain continual learning, but little further fact is known
about its characteristics. In this paper, we aim to gain more understanding
about representation learning in continual learning, especially on the feature
forgetting problem. We devise a protocol for evaluating representation in
continual learning, and then use it to present an overview of the basic trends
of continual representation learning, showing its consistent deficiency and
potential issues. To study the feature forgetting problem, we create a
synthetic dataset to identify and visualize the prevalence of feature
forgetting in neural networks. Finally, we propose a simple technique using
gating adapters to mitigate feature forgetting. We conclude by discussing that
improving representation learning benefits both old and new tasks in continual
learning."
3849,Transfer and Share: Semi-Supervised Learning from Long-Tailed Data,"Long-Tailed Semi-Supervised Learning (LTSSL) aims to learn from
class-imbalanced data where only a few samples are annotated. Existing
solutions typically require substantial cost to solve complex optimization
problems, or class-balanced undersampling which can result in information loss.
In this paper, we present the TRAS (TRAnsfer and Share) to effectively utilize
long-tailed semi-supervised data. TRAS transforms the imbalanced pseudo-label
distribution of a traditional SSL model via a delicate function to enhance the
supervisory signals for minority classes. It then transfers the distribution to
a target model such that the minority class will receive significant attention.
Interestingly, TRAS shows that more balanced pseudo-label distribution can
substantially benefit minority-class training, instead of seeking to generate
accurate pseudo-labels as in previous works. To simplify the approach, TRAS
merges the training of the traditional SSL model and the target model into a
single procedure by sharing the feature extractor, where both classifiers help
improve the representation learning. According to extensive experiments, TRAS
delivers much higher accuracy than state-of-the-art methods in the entire set
of classes as well as minority classes."
3850,QUIC-FL: Quick Unbiased Compression for Federated Learning,"Distributed Mean Estimation (DME) is a fundamental building block in
communication efficient federated learning. In DME, clients communicate their
lossily compressed gradients to the parameter server, which estimates the
average and updates the model. State of the art DME techniques apply either
unbiased quantization methods, resulting in large estimation errors, or biased
quantization methods, where unbiasing the result requires that the server
decodes each gradient individually, which markedly slows the aggregation time.
In this paper, we propose QUIC-FL, a DME algorithm that achieves the best of
all worlds. QUIC-FL is unbiased, offers fast aggregation time, and is
competitive with the most accurate (slow aggregation) DME techniques. To
achieve this, we formalize the problem in a novel way that allows us to use
standard solvers to design near-optimal unbiased quantization schemes."
3851,Deep Active Learning with Noise Stability,"Uncertainty estimation for unlabeled data is crucial to active learning. With
a deep neural network employed as the backbone model, the data selection
process is highly challenging due to the potential over-confidence of the model
inference. Existing methods resort to special learning fashions (e.g.
adversarial) or auxiliary models to address this challenge. This tends to
result in complex and inefficient pipelines, which would render the methods
impractical. In this work, we propose a novel algorithm that leverages noise
stability to estimate data uncertainty in a Single-Training Multi-Inference
fashion. The key idea is to measure the output derivation from the original
observation when the model parameters are randomly perturbed by noise. We
provide theoretical analyses by leveraging the small Gaussian noise theory and
demonstrate that our method favors a subset with large and diverse gradients.
Despite its simplicity, our method outperforms the state-of-the-art active
learning baselines in various tasks, including computer vision, natural
language processing, and structural data analysis."
3852,TransBoost: Improving the Best ImageNet Performance using Deep Transduction,"This paper deals with deep transductive learning, and proposes TransBoost as
a procedure for fine-tuning any deep neural model to improve its performance on
any (unlabeled) test set provided at training time. TransBoost is inspired by a
large margin principle and is efficient and simple to use. The ImageNet
classification performance is consistently and significantly improved with
TransBoost on many architectures such as ResNets, MobileNetV3-L,
EfficientNetB0, ViT-S, and ConvNext-T. Additionally we show that TransBoost is
effective on a wide variety of image classification datasets."
3853,How Powerful are K-hop Message Passing Graph Neural Networks,"The most popular design paradigm for Graph Neural Networks (GNNs) is 1-hop
message passing -- aggregating features from 1-hop neighbors repeatedly.
However, the expressive power of 1-hop message passing is bounded by the
Weisfeiler-Lehman (1-WL) test. Recently, researchers extended 1-hop message
passing to K-hop message passing by aggregating information from K-hop
neighbors of nodes simultaneously. However, there is no work on analyzing the
expressive power of K-hop message passing. In this work, we theoretically
characterize the expressive power of K-hop message passing. Specifically, we
first formally differentiate two kinds of kernels of K-hop message passing
which are often misused in previous works. We then characterize the expressive
power of K-hop message passing by showing that it is more powerful than 1-hop
message passing. Despite the higher expressive power, we show that K-hop
message passing still cannot distinguish some simple regular graphs. To further
enhance its expressive power, we introduce a KP-GNN framework, which improves
K-hop message passing by leveraging the peripheral subgraph information in each
hop. We prove that KP-GNN can distinguish almost all regular graphs including
some distance regular graphs which could not be distinguished by previous
distance encoding methods. Experimental results verify the expressive power and
effectiveness of KP-GNN. KP-GNN achieves competitive results across all
benchmark datasets."
3854,Learning the spatio-temporal relationship between wind and significant wave height using deep learning,"Ocean wave climate has a significant impact on near-shore and off-shore human
activities, and its characterisation can help in the design of ocean structures
such as wave energy converters and sea dikes. Therefore, engineers need long
time series of ocean wave parameters. Numerical models are a valuable source of
ocean wave data; however, they are computationally expensive. Consequently,
statistical and data-driven approaches have gained increasing interest in
recent decades. This work investigates the spatio-temporal relationship between
North Atlantic wind and significant wave height (Hs) at an off-shore location
in the Bay of Biscay, using a two-stage deep learning model. The first step
uses convolutional neural networks (CNNs) to extract the spatial features that
contribute to Hs. Then, long short-term memory (LSTM) is used to learn the
long-term temporal dependencies between wind and waves."
3855,The Effect of Task Ordering in Continual Learning,"We investigate the effect of task ordering on continual learning performance.
We conduct an extensive series of empirical experiments on synthetic and
naturalistic datasets and show that reordering tasks significantly affects the
amount of catastrophic forgetting. Connecting to the field of curriculum
learning, we show that the effect of task ordering can be exploited to modify
continual learning performance, and present a simple approach for doing so. Our
method computes the distance between all pairs of tasks, where distance is
defined as the source task curvature of a gradient step toward the target task.
Using statistically rigorous methods and sound experimental design, we show
that task ordering is an important aspect of continual learning that can be
modified for improved performance."
3856,Towards Learning Universal Hyperparameter Optimizers with Transformers,"Meta-learning hyperparameter optimization (HPO) algorithms from prior
experiments is a promising approach to improve optimization efficiency over
objective functions from a similar distribution. However, existing methods are
restricted to learning from experiments sharing the same set of
hyperparameters. In this paper, we introduce the OptFormer, the first
text-based Transformer HPO framework that provides a universal end-to-end
interface for jointly learning policy and function prediction when trained on
vast tuning data from the wild. Our extensive experiments demonstrate that the
OptFormer can imitate at least 7 different HPO algorithms, which can be further
improved via its function uncertainty estimates. Compared to a Gaussian
Process, the OptFormer also learns a robust prior distribution for
hyperparameter response functions, and can thereby provide more accurate and
better calibrated predictions. This work paves the path to future extensions
for training a Transformer-based model as a general HPO optimizer."
3857,Fair Representation Learning through Implicit Path Alignment,"We consider a fair representation learning perspective, where optimal
predictors, on top of the data representation, are ensured to be invariant with
respect to different sub-groups. Specifically, we formulate this intuition as a
bi-level optimization, where the representation is learned in the outer-loop,
and invariant optimal group predictors are updated in the inner-loop. Moreover,
the proposed bi-level objective is demonstrated to fulfill the sufficiency
rule, which is desirable in various practical scenarios but was not commonly
studied in the fair learning. Besides, to avoid the high computational and
memory cost of differentiating in the inner-loop of bi-level objective, we
propose an implicit path alignment algorithm, which only relies on the solution
of inner optimization and the implicit differentiation rather than the exact
optimization path. We further analyze the error gap of the implicit approach
and empirically validate the proposed method in both classification and
regression settings. Experimental results show the consistently better
trade-off in prediction performance and fairness measurement."
3858,SARS-CoV-2 Result Interpretation based on Image Analysis of Lateral Flow Devices,"The widely used gene quantisation technique, Lateral Flow Device (LFD), is
now commonly used to detect the presence of SARS-CoV-2. It is enabling the
control and prevention of the spread of the virus. Depending on the viral load,
LFD have different sensitivity and self-test for normal user present additional
challenge to interpret the result. With the evolution of machine learning
algorithms, image processing and analysis has seen unprecedented growth. In
this interdisciplinary study, we employ novel image analysis methods of
computer vision and machine learning field to study visual features of the
control region of LFD. Here, we automatically derive results for any image
containing LFD into positive, negative or inconclusive. This will reduce the
burden of human involvement of health workers and perception bias."
3859,Gaussian Universality of Linear Classifiers with Random Labels in High-Dimension,"While classical in many theoretical settings, the assumption of Gaussian
i.i.d. inputs is often perceived as a strong limitation in the analysis of
high-dimensional learning. In this study, we redeem this line of work in the
case of generalized linear classification with random labels. Our main
contribution is a rigorous proof that data coming from a range of generative
models in high-dimensions have the same minimum training loss as Gaussian data
with corresponding data covariance. In particular, our theorem covers data
created by an arbitrary mixture of homogeneous Gaussian clouds, as well as
multi-modal generative neural networks. In the limit of vanishing
regularization, we further demonstrate that the training loss is independent of
the data covariance. Finally, we show that this universality property is
observed in practice with real datasets and random labels."
3860,Federated Non-negative Matrix Factorization for Short Texts Topic Modeling with Mutual Information,"Non-negative matrix factorization (NMF) based topic modeling is widely used
in natural language processing (NLP) to uncover hidden topics of short text
documents. Usually, training a high-quality topic model requires large amount
of textual data. In many real-world scenarios, customer textual data should be
private and sensitive, precluding uploading to data centers. This paper
proposes a Federated NMF (FedNMF) framework, which allows multiple clients to
collaboratively train a high-quality NMF based topic model with locally stored
data. However, standard federated learning will significantly undermine the
performance of topic models in downstream tasks (e.g., text classification)
when the data distribution over clients is heterogeneous. To alleviate this
issue, we further propose FedNMF+MI, which simultaneously maximizes the mutual
information (MI) between the count features of local texts and their topic
weight vectors to mitigate the performance degradation. Experimental results
show that our FedNMF+MI methods outperform Federated Latent Dirichlet
Allocation (FedLDA) and the FedNMF without MI methods for short texts by a
significant margin on both coherence score and classification F1 score."
3861,Federated Split BERT for Heterogeneous Text Classification,"Pre-trained BERT models have achieved impressive performance in many natural
language processing (NLP) tasks. However, in many real-world situations,
textual data are usually decentralized over many clients and unable to be
uploaded to a central server due to privacy protection and regulations.
Federated learning (FL) enables multiple clients collaboratively to train a
global model while keeping the local data privacy. A few researches have
investigated BERT in federated learning setting, but the problem of performance
loss caused by heterogeneous (e.g., non-IID) data over clients remain
under-explored. To address this issue, we propose a framework, FedSplitBERT,
which handles heterogeneous data and decreases the communication cost by
splitting the BERT encoder layers into local part and global part. The local
part parameters are trained by the local client only while the global part
parameters are trained by aggregating gradients of multiple clients. Due to the
sheer size of BERT, we explore a quantization method to further reduce the
communication cost with minimal performance loss. Our framework is ready-to-use
and compatible to many existing federated learning algorithms, including
FedAvg, FedProx and FedAdam. Our experiments verify the effectiveness of the
proposed framework, which outperforms baseline methods by a significant margin,
while FedSplitBERT with quantization can reduce the communication cost by
$11.9\times$."
3862,DeepTechnome: Mitigating Unknown Bias in Deep Learning Based Assessment of CT Images,"Reliably detecting diseases using relevant biological information is crucial
for real-world applicability of deep learning techniques in medical imaging. We
debias deep learning models during training against unknown bias - without
preprocessing/filtering the input beforehand or assuming specific knowledge
about its distribution or precise nature in the dataset. We use control regions
as surrogates that carry information regarding the bias, employ the classifier
model to extract features, and suppress biased intermediate features with our
custom, modular DecorreLayer. We evaluate our method on a dataset of 952 lung
computed tomography scans by introducing simulated biases w.r.t. reconstruction
kernel and noise level and propose including an adversarial test set in
evaluations of bias reduction techniques. In a moderately sized model
architecture, applying the proposed method to learn from data exhibiting a
strong bias, it near-perfectly recovers the classification performance observed
when training with corresponding unbiased data."
3863,Embedding Principle in Depth for the Loss Landscape Analysis of Deep Neural Networks,"Unraveling the general structure underlying the loss landscapes of deep
neural networks (DNNs) is important for the theoretical study of deep learning.
Inspired by the embedding principle of DNN loss landscape, we prove in this
work an embedding principle in depth that loss landscape of an NN ""contains""
all critical points of the loss landscapes for shallower NNs. Specifically, we
propose a critical lifting operator that any critical point of a shallower
network can be lifted to a critical manifold of the target network while
preserving the outputs. Through lifting, local minimum of an NN can become a
strict saddle point of a deeper NN, which can be easily escaped by first-order
methods. The embedding principle in depth reveals a large family of critical
points in which layer linearization happens, i.e., computation of certain
layers is effectively linear for the training inputs. We empirically
demonstrate that, through suppressing layer linearization, batch normalization
helps avoid the lifted critical manifolds, resulting in a faster decay of loss.
We also demonstrate that increasing training data reduces the lifted critical
manifold thus could accelerate the training. Overall, the embedding principle
in depth well complements the embedding principle (in width), resulting in a
complete characterization of the hierarchical structure of critical
points/manifolds of a DNN loss landscape."
3864,On the Eigenvalues of Global Covariance Pooling for Fine-grained Visual Recognition,"The Fine-Grained Visual Categorization (FGVC) is challenging because the
subtle inter-class variations are difficult to be captured. One notable
research line uses the Global Covariance Pooling (GCP) layer to learn powerful
representations with second-order statistics, which can effectively model
inter-class differences. In our previous conference paper, we show that
truncating small eigenvalues of the GCP covariance can attain smoother gradient
and improve the performance on large-scale benchmarks. However, on fine-grained
datasets, truncating the small eigenvalues would make the model fail to
converge. This observation contradicts the common assumption that the small
eigenvalues merely correspond to the noisy and unimportant information.
Consequently, ignoring them should have little influence on the performance. To
diagnose this peculiar behavior, we propose two attribution methods whose
visualizations demonstrate that the seemingly unimportant small eigenvalues are
crucial as they are in charge of extracting the discriminative class-specific
features. Inspired by this observation, we propose a network branch dedicated
to magnifying the importance of small eigenvalues. Without introducing any
additional parameters, this branch simply amplifies the small eigenvalues and
achieves state-of-the-art performances of GCP methods on three fine-grained
benchmarks. Furthermore, the performance is also competitive against other FGVC
approaches on larger datasets. Code is available at
\href{https://github.com/KingJamesSong/DifferentiableSVD}{https://github.com/KingJamesSong/DifferentiableSVD}."
3865,Triangular Contrastive Learning on Molecular Graphs,"Recent contrastive learning methods have shown to be effective in various
tasks, learning generalizable representations invariant to data augmentation
thereby leading to state of the art performances. Regarding the multifaceted
nature of large unlabeled data used in self-supervised learning while majority
of real-word downstream tasks use single format of data, a multimodal framework
that can train single modality to learn diverse perspectives from other
modalities is an important challenge. In this paper, we propose TriCL
(Triangular Contrastive Learning), a universal framework for trimodal
contrastive learning. TriCL takes advantage of Triangular Area Loss, a novel
intermodal contrastive loss that learns the angular geometry of the embedding
space through simultaneously contrasting the area of positive and negative
triplets. Systematic observation on embedding space in terms of alignment and
uniformity showed that Triangular Area Loss can address the line-collapsing
problem by discriminating modalities by angle. Our experimental results also
demonstrate the outperformance of TriCL on downstream task of molecular
property prediction which implies that the advantages of the embedding space
indeed benefits the performance on downstream tasks."
3866,Evaluating Multimodal Interactive Agents,"Creating agents that can interact naturally with humans is a common goal in
artificial intelligence (AI) research. However, evaluating these interactions
is challenging: collecting online human-agent interactions is slow and
expensive, yet faster proxy metrics often do not correlate well with
interactive evaluation. In this paper, we assess the merits of these existing
evaluation metrics and present a novel approach to evaluation called the
Standardised Test Suite (STS). The STS uses behavioural scenarios mined from
real human interaction data. Agents see replayed scenario context, receive an
instruction, and are then given control to complete the interaction offline.
These agent continuations are recorded and sent to human annotators to mark as
success or failure, and agents are ranked according to the proportion of
continuations in which they succeed. The resulting STS is fast, controlled,
interpretable, and representative of naturalistic interactions. Altogether, the
STS consolidates much of what is desirable across many of our standard
evaluation metrics, allowing us to accelerate research progress towards
producing agents that can interact naturally with humans.
https://youtu.be/YR1TngGORGQ"
3867,Acute Lymphoblastic Leukemia Detection Using Hypercomplex-Valued Convolutional Neural Networks,"This paper features convolutional neural networks defined on hypercomplex
algebras applied to classify lymphocytes in blood smear digital microscopic
images. Such classification is helpful for the diagnosis of acute lymphoblast
leukemia (ALL), a type of blood cancer. We perform the classification task
using eight hypercomplex-valued convolutional neural networks (HvCNNs) along
with real-valued convolutional networks. Our results show that HvCNNs perform
better than the real-valued model, showcasing higher accuracy with a much
smaller number of parameters. Moreover, we found that HvCNNs based on Clifford
algebras processing HSV-encoded images attained the highest observed
accuracies. Precisely, our HvCNN yielded an average accuracy rate of 96.6%
using the ALL-IDB2 dataset with a 50% train-test split, a value extremely close
to the state-of-the-art models but using a much simpler architecture with
significantly fewer parameters."
3868,Privacy-Preserving Wavelet Neural Network with Fully Homomorphic Encryption,"The main aim of Privacy-Preserving Machine Learning (PPML) is to protect the
privacy and provide security to the data used in building Machine Learning
models. There are various techniques in PPML such as Secure Multi-Party
Computation, Differential Privacy, and Homomorphic Encryption (HE). The
techniques are combined with various Machine Learning models and even Deep
Learning Networks to protect the data privacy as well as the identity of the
user. In this paper, we propose a fully homomorphic encrypted wavelet neural
network to protect privacy and at the same time not compromise on the
efficiency of the model. We tested the effectiveness of the proposed method on
seven datasets taken from the finance and healthcare domains. The results show
that our proposed model performs similarly to the unencrypted model."
3869,Active Labeling: Streaming Stochastic Gradients,"The workhorse of machine learning is stochastic gradient descent. To access
stochastic gradients, it is common to consider iteratively input/output pairs
of a training dataset. Interestingly, it appears that one does not need full
supervision to access stochastic gradients, which is the main motivation of
this paper. After formalizing the ""active labeling"" problem, which generalizes
active learning based on partial supervision, we provide a streaming technique
that provably minimizes the ratio of generalization error over number of
samples. We illustrate our technique in depth for robust regression."
3870,Denial-of-Service Attacks on Learned Image Compression,"Deep learning techniques have shown promising results in image compression,
with competitive bitrate and image reconstruction quality from compressed
latent. However, while image compression has progressed towards higher peak
signal-to-noise ratio (PSNR) and fewer bits per pixel (bpp), their robustness
to corner-case images has never received deliberation. In this work, we, for
the first time, investigate the robustness of image compression systems where
imperceptible perturbation of input images can precipitate a significant
increase in the bitrate of their compressed latent. To characterize the
robustness of state-of-the-art learned image compression, we mount white and
black-box attacks. Our results on several image compression models with various
bitrate qualities show that they are surprisingly fragile, where the white-box
attack achieves up to 56.326x and black-box 1.947x bpp change. To improve
robustness, we propose a novel model which incorporates attention modules and a
basic factorized entropy model, resulting in a promising trade-off between the
PSNR/bpp ratio and robustness to adversarial attacks that surpasses existing
learned image compressors."
3871,DT-SV: A Transformer-based Time-domain Approach for Speaker Verification,"Speaker verification (SV) aims to determine whether the speaker's identity of
a test utterance is the same as the reference speech. In the past few years,
extracting speaker embeddings using deep neural networks for SV systems has
gone mainstream. Recently, different attention mechanisms and Transformer
networks have been explored widely in SV fields. However, utilizing the
original Transformer in SV directly may have frame-level information waste on
output features, which could lead to restrictions on capacity and
discrimination of speaker embeddings. Therefore, we propose an approach to
derive utterance-level speaker embeddings via a Transformer architecture that
uses a novel loss function named diffluence loss to integrate the feature
information of different Transformer layers. Therein, the diffluence loss aims
to aggregate frame-level features into an utterance-level representation, and
it could be integrated into the Transformer expediently. Besides, we also
introduce a learnable mel-fbank energy feature extractor named time-domain
feature extractor that computes the mel-fbank features more precisely and
efficiently than the standard mel-fbank extractor. Combining Diffluence loss
and Time-domain feature extractor, we propose a novel Transformer-based
time-domain SV model (DT-SV) with faster training speed and higher accuracy.
Experiments indicate that our proposed model can achieve better performance in
comparison with other models."
3872,Constrained Reinforcement Learning for Short Video Recommendation,"The wide popularity of short videos on social media poses new opportunities
and challenges to optimize recommender systems on the video-sharing platforms.
Users provide complex and multi-faceted responses towards recommendations,
including watch time and various types of interactions with videos. As a
result, established recommendation algorithms that concern a single objective
are not adequate to meet this new demand of optimizing comprehensive user
experiences. In this paper, we formulate the problem of short video
recommendation as a constrained Markov Decision Process (MDP), where platforms
want to optimize the main goal of user watch time in long term, with the
constraint of accommodating the auxiliary responses of user interactions such
as sharing/downloading videos.
To solve the constrained MDP, we propose a two-stage reinforcement learning
approach based on actor-critic framework. At stage one, we learn individual
policies to optimize each auxiliary response. At stage two, we learn a policy
to (i) optimize the main response and (ii) stay close to policies learned at
the first stage, which effectively guarantees the performance of this main
policy on the auxiliaries. Through extensive simulations, we demonstrate
effectiveness of our approach over alternatives in both optimizing the main
goal as well as balancing the others. We further show the advantage of our
approach in live experiments of short video recommendations, where it
significantly outperforms other baselines in terms of watch time and
interactions from video views. Our approach has been fully launched in the
production system to optimize user experiences on the platform."
3873,DT+GNN: A Fully Explainable Graph Neural Network using Decision Trees,"We propose the fully explainable Decision Tree Graph Neural Network (DT+GNN)
architecture. In contrast to existing black-box GNNs and post-hoc explanation
methods, the reasoning of DT+GNN can be inspected at every step. To achieve
this, we first construct a differentiable GNN layer, which uses a categorical
state space for nodes and messages. This allows us to convert the trained MLPs
in the GNN into decision trees. These trees are pruned using our newly proposed
method to ensure they are small and easy to interpret. We can also use the
decision trees to compute traditional explanations. We demonstrate on both
real-world datasets and synthetic GNN explainability benchmarks that this
architecture works as well as traditional GNNs. Furthermore, we leverage the
explainability of DT+GNNs to find interesting insights into many of these
datasets, with some surprising results. We also provide an interactive web tool
to inspect DT+GNN's decision making."
3874,Collaborative Distillation Meta Learning for Simulation Intensive Hardware Design,"This paper proposes a novel collaborative distillation meta learning (CDML)
framework for simulation intensive hardware design problems. Deep reinforcement
learning (DRL) has shown promising performance in various hardware design
problems. However, previous works on DRL-based hardware design only dealt with
problems with simplified objectives, which are not practical. In fact, the
objective evaluation of real-world electrical performance through simulation is
costly in terms of both time and computation, making DRL scheme involving
extensive reward calculations not suitable. In this paper, we apply the CDML
framework to decoupling capacitor placement problem (DPP), one of the
significant simulation intensive hardware design problems. The CDML framework
consists of a context-based meta learner and collaborative distillation scheme
to produce a reusable solver. The context-based meta learner captures the
location of probing port (i.e., target circuit block) and improves
generalization capability. The collaborative distillation scheme with
equivariant label transformation imposes the action-permutation
(AP)-equivariant nature of placement problems, which not only improves sample
efficiency but also improves generalization capability. Extensive experimental
results verified that our CDML outperforms both neural baselines and iterative
conventional design methods in terms of real-world objective, power integrity,
with zero-shot transfer-ability."
3875,Friends to Help: Saving Federated Learning from Client Dropout,"Federated learning (FL) is an outstanding distributed machine learning
framework due to its benefits on data privacy and communication efficiency.
Since full client participation in many cases is infeasible due to constrained
resources, partial participation FL algorithms have been investigated that
proactively select/sample a subset of clients, aiming to achieve learning
performance close to the full participation case. This paper studies a passive
partial client participation scenario that is much less well understood, where
partial participation is a result of external events, namely client dropout,
rather than a decision of the FL algorithm. We cast FL with client dropout as a
special case of a larger class of FL problems where clients can submit
substitute (possibly inaccurate) local model updates. Based on our convergence
analysis, we develop a new algorithm FL-FDMS that discovers friends of clients
(i.e., clients whose data distributions are similar) on-the-fly and uses
friends' local updates as substitutes for the dropout clients, thereby reducing
the substitution error and improving the convergence performance. A complexity
reduction mechanism is also incorporated into FL-FDMS, making it both
theoretically sound and practically useful. Experiments on MNIST and CIFAR-10
confirmed the superior performance of FL-FDMS in handling client dropout in FL."
3876,QSpeech: Low-Qubit Quantum Speech Application Toolkit,"Quantum devices with low qubits are common in the Noisy Intermediate-Scale
Quantum (NISQ) era. However, Quantum Neural Network (QNN) running on low-qubit
quantum devices would be difficult since it is based on Variational Quantum
Circuit (VQC), which requires many qubits. Therefore, it is critical to make
QNN with VQC run on low-qubit quantum devices. In this study, we propose a
novel VQC called the low-qubit VQC. VQC requires numerous qubits based on the
input dimension; however, the low-qubit VQC with linear transformation can
liberate this condition. Thus, it allows the QNN to run on low-qubit quantum
devices for speech applications. Furthermore, as compared to the VQC, our
proposed low-qubit VQC can stabilize the training process more. Based on the
low-qubit VQC, we implement QSpeech, a library for quick prototyping of hybrid
quantum-classical neural networks in the speech field. It has numerous quantum
neural layers and QNN models for speech applications. Experiments on Speech
Command Recognition and Text-to-Speech show that our proposed low-qubit VQC
outperforms VQC and is more stable."
3877,Penalizing Proposals using Classifiers for Semi-Supervised Object Detection,"Obtaining gold standard annotated data for object detection is often costly,
involving human-level effort. Semi-supervised object detection algorithms solve
the problem with a small amount of gold-standard labels and a large unlabelled
dataset used to generate silver-standard labels. But training on the silver
standard labels does not produce good results, because they are
machine-generated annotations. In this work, we design a modified loss function
to train on large silver standard annotated sets generated by a weak annotator.
We include a confidence metric associated with the annotation as an additional
term in the loss function, signifying the quality of the annotation. We test
the effectiveness of our approach on various test sets and use numerous
variations to compare the results with some of the current approaches to object
detection. In comparison with the baseline where no confidence metric is used,
we achieved a 4% gain in mAP with 25% labeled data and 10% gain in mAP with 50%
labeled data by using the proposed confidence metric."
3878,A Model or 603 Exemplars: Towards Memory-Efficient Class-Incremental Learning,"Real-world applications require the classification model to adapt to new
classes without forgetting old ones. Correspondingly, Class-Incremental
Learning (CIL) aims to train a model with limited memory size to meet this
requirement. Typical CIL methods tend to save representative exemplars from
former classes to resist forgetting, while recent works find that storing
models from history can substantially boost the performance. However, the
stored models are not counted into the memory budget, which implicitly results
in unfair comparisons. We find that when counting the model size into the total
budget and comparing methods with aligned memory size, saving models do not
consistently work, especially for the case with limited memory budgets. As a
result, we need to holistically evaluate different CIL methods at different
memory scales and simultaneously consider accuracy and memory size for
measurement. On the other hand, we dive deeply into the construction of the
memory buffer for memory efficiency. By analyzing the effect of different
layers in the network, we find that shallow and deep layers have different
characteristics in CIL. Motivated by this, we propose a simple yet effective
baseline, denoted as MEMO for Memory-efficient Expandable MOdel. MEMO extends
specialized layers based on the shared generalized representations, efficiently
extracting diverse representations with modest cost and maintaining
representative exemplars. Extensive experiments on benchmark datasets validate
MEMO's competitive performance."
3879,Aggregating Gradients in Encoded Domain for Federated Learning,"Malicious attackers and an honest-but-curious server can steal private client
data from uploaded gradients in federated learning. Although current protection
methods (e.g., additive homomorphic cryptosystem) can guarantee the security of
the federated learning system, they bring additional computation and
communication costs. To mitigate the cost, we propose the \texttt{FedAGE}
framework, which enables the server to aggregate gradients in an encoded domain
without accessing raw gradients of any single client. Thus, \texttt{FedAGE} can
prevent the curious server from gradient stealing while maintaining the same
prediction performance without additional communication costs. Furthermore, we
theoretically prove that the proposed encoding-decoding framework is a Gaussian
mechanism for differential privacy. Finally, we evaluate \texttt{FedAGE} under
several federated settings, and the results have demonstrated the efficacy of
the proposed framework."
3880,SymNMF-Net for The Symmetric NMF Problem,"Recently, many works have demonstrated that Symmetric Non-negative Matrix
Factorization~(SymNMF) enjoys a great superiority for various clustering tasks.
Although the state-of-the-art algorithms for SymNMF perform well on synthetic
data, they cannot consistently obtain satisfactory results with desirable
properties and may fail on real-world tasks like clustering. Considering the
flexibility and strong representation ability of the neural network, in this
paper, we propose a neural network called SymNMF-Net for the Symmetric NMF
problem to overcome the shortcomings of traditional optimization algorithms.
Each block of SymNMF-Net is a differentiable architecture with an inversion
layer, a linear layer and ReLU, which are inspired by a traditional update
scheme for SymNMF. We show that the inference of each block corresponds to a
single iteration of the optimization. Furthermore, we analyze the constraints
of the inversion layer to ensure the output stability of the network to a
certain extent. Empirical results on real-world datasets demonstrate the
superiority of our SymNMF-Net and confirm the sufficiency of our theoretical
analysis."
3881,Fast Vision Transformers with HiLo Attention,"Vision Transformers (ViTs) have triggered the most recent and significant
breakthroughs in computer vision. Their efficient designs are mostly guided by
the indirect metric of computational complexity, i.e., FLOPs, which however has
a clear gap with the direct metric such as throughput. Thus, we propose to use
the direct speed evaluation on the target platform as the design principle for
efficient ViTs. Particularly, we introduce LITv2, a simple and effective ViT
which performs favourably against the existing state-of-the-art methods across
a spectrum of different model sizes with faster speed. At the core of LITv2 is
a novel self-attention mechanism, which we dub HiLo. HiLo is inspired by the
insight that high frequencies in an image capture local fine details and low
frequencies focus on global structures, whereas a multi-head self-attention
layer neglects the characteristic of different frequencies. Therefore, we
propose to disentangle the high/low frequency patterns in an attention layer by
separating the heads into two groups, where one group encodes high frequencies
via self-attention within each local window, and another group performs the
attention to model the global relationship between the average-pooled
low-frequency keys from each window and each query position in the input
feature map. Benefit from the efficient design for both groups, we show that
HiLo is superior to the existing attention mechanisms by comprehensively
benchmarking on FLOPs, speed and memory consumption on GPUs. Powered by HiLo,
LITv2 serves as a strong backbone for mainstream vision tasks including image
classification, dense detection and segmentation. Code is available at
https://github.com/zip-group/LITv2."
3882,Sym-NCO: Leveraging Symmetricity for Neural Combinatorial Optimization,"Deep reinforcement learning (DRL)-based combinatorial optimization (CO)
methods (i.e., DRL-NCO) have shown significant merit over the conventional CO
solvers as DRL-NCO is capable of learning CO solvers without supervised labels
attained from the verified solver. This paper presents a novel training scheme,
Sym-NCO, that achieves significant performance increments to existing DRL-NCO
methods. Sym-NCO is a regularizer-based training scheme that leverages
universal symmetricities in various CO problems and solutions. Imposing
symmetricities such as rotational and reflectional invariance can greatly
improve generalization capability of DRL-NCO as symmetricities are invariant
features shared by certain CO tasks. Our experimental results verify that our
Sym-NCO greatly improves the performance of DRL-NCO methods in four CO tasks,
including traveling salesman problem (TSP), capacitated vehicle routing problem
(CVRP), prize collecting TSP (PCTSP), and orienteering problem (OP), without
employing problem-specific techniques. Remarkably, Sym-NCO outperformed not
only the existing DRL-NCO methods but also a competitive conventional solver,
the iterative local search (ILS), in PCTSP at 240 times faster speed."
3883,$O(N^2)$ Universal Antisymmetry in Fermionic Neural Networks,"Fermionic neural network (FermiNet) is a recently proposed wavefunction
Ansatz, which is used in variational Monte Carlo (VMC) methods to solve the
many-electron Schr\""{o}dinger equation. FermiNet proposes
permutation-equivariant architectures, on which a Slater determinant is applied
to induce antisymmetry. FermiNet is proved to have universal approximation
capability with a single determinant, namely, it suffices to represent any
antisymmetric function given sufficient parameters. However, the asymptotic
computational bottleneck comes from the Slater determinant, which scales with
$O(N^3)$ for $N$ electrons. In this paper, we substitute the Slater determinant
with a pairwise antisymmetry construction, which is easy to implement and can
reduce the computational cost to $O(N^2)$. We formally prove that the pairwise
construction built upon permutation-equivariant architectures can universally
represent any antisymmetric function. Besides, this universality can be
achieved via continuous approximators when we aim to represent ground-state
wavefunctions."
3884,More Recent Advances in (Hyper)Graph Partitioning,"In recent years, significant advances have been made in the design and
evaluation of balanced (hyper)graph partitioning algorithms. We survey trends
of the last decade in practical algorithms for balanced (hyper)graph
partitioning together with future research directions. Our work serves as an
update to a previous survey on the topic. In particular, the survey extends the
previous survey by also covering hypergraph partitioning and streaming
algorithms, and has an additional focus on parallel algorithms."
3885,Orthogonal Stochastic Configuration Networks with Adaptive Construction Parameter for Data Analytics,"As a randomized learner model, SCNs are remarkable that the random weights
and biases are assigned employing a supervisory mechanism to ensure universal
approximation and fast learning. However, the randomness makes SCNs more likely
to generate approximate linear correlative nodes that are redundant and low
quality, thereby resulting in non-compact network structure. In the light of a
fundamental principle in machine learning, that is, a model with fewer
parameters holds improved generalization. This paper proposes orthogonal SCN,
termed OSCN, to filtrate out the low-quality hidden nodes for network structure
reduction by incorporating Gram-Schmidt orthogonalization technology. The
universal approximation property of OSCN and an adaptive setting for the key
construction parameters have been presented in details. In addition, an
incremental updating scheme is developed to dynamically determine the output
weights, contributing to improved computational efficiency. Finally,
experimental results on two numerical examples and several real-world
regression and classification datasets substantiate the effectiveness and
feasibility of the proposed approach."
3886,AI for Porosity and Permeability Prediction from Geologic Core X-Ray Micro-Tomography,"Geologic cores are rock samples that are extracted from deep under the ground
during the well drilling process. They are used for petroleum reservoirs'
performance characterization. Traditionally, physical studies of cores are
carried out by the means of manual time-consuming experiments. With the
development of deep learning, scientists actively started working on developing
machine-learning-based approaches to identify physical properties without any
manual experiments. Several previous works used machine learning to determine
the porosity and permeability of the rocks, but either method was inaccurate or
computationally expensive. We are proposing to use self-supervised pretraining
of the very small CNN-transformer-based model to predict the physical
properties of the rocks with high accuracy in a time-efficient manner. We show
that this technique prevents overfitting even for extremely small datasets."
3887,Distributed Contextual Linear Bandits with Minimax Optimal Communication Cost,"We study distributed contextual linear bandits with stochastic contexts,
where $N$ agents act cooperatively to solve a linear bandit-optimization
problem with $d$-dimensional features. For this problem, we propose a
distributed batch elimination version of the LinUCB algorithm, DisBE-LUCB,
where the agents share information among each other through a central server.
We prove that over $T$ rounds ($NT$ actions in total) the communication cost of
DisBE-LUCB is only $\tilde{\mathcal{O}}(dN)$ and its regret is at most
$\tilde{\mathcal{O}}(\sqrt{dNT})$, which is of the same order as that incurred
by an optimal single-agent algorithm for $NT$ rounds. Remarkably, we derive an
information-theoretic lower bound on the communication cost of the distributed
contextual linear bandit problem with stochastic contexts, and prove that our
proposed algorithm is nearly minimax optimal in terms of \emph{both regret and
communication cost}. Finally, we propose DecBE-LUCB, a fully decentralized
version of DisBE-LUCB, which operates without a central server, where agents
share information with their \emph{immediate neighbors} through a carefully
designed consensus procedure."
3888,On Learning Mixture of Linear Regressions in the Non-Realizable Setting,"While mixture of linear regressions (MLR) is a well-studied topic, prior
works usually do not analyze such models for prediction error. In fact, {\em
prediction} and {\em loss} are not well-defined in the context of mixtures. In
this paper, first we show that MLR can be used for prediction where instead of
predicting a label, the model predicts a list of values (also known as {\em
list-decoding}). The list size is equal to the number of components in the
mixture, and the loss function is defined to be minimum among the losses
resulted by all the component models. We show that with this definition, a
solution of the empirical risk minimization (ERM) achieves small probability of
prediction error. This begs for an algorithm to minimize the empirical risk for
MLR, which is known to be computationally hard. Prior algorithmic works in MLR
focus on the {\em realizable} setting, i.e., recovery of parameters when data
is probabilistically generated by a mixed linear (noisy) model. In this paper
we show that a version of the popular alternating minimization (AM) algorithm
finds the best fit lines in a dataset even when a realizable model is not
assumed, under some regularity conditions on the dataset and the initial
points, and thereby provides a solution for the ERM. We further provide an
algorithm that runs in polynomial time in the number of datapoints, and
recovers a good approximation of the best fit lines. The two algorithms are
experimentally compared."
3889,Leveraging Dependency Grammar for Fine-Grained Offensive Language Detection using Graph Convolutional Networks,"The last few years have witnessed an exponential rise in the propagation of
offensive text on social media. Identification of this text with high precision
is crucial for the well-being of society. Most of the existing approaches tend
to give high toxicity scores to innocuous statements (e.g., ""I am a gay man"").
These false positives result from over-generalization on the training data
where specific terms in the statement may have been used in a pejorative sense
(e.g., ""gay""). Emphasis on such words alone can lead to discrimination against
the classes these systems are designed to protect. In this paper, we address
the problem of offensive language detection on Twitter, while also detecting
the type and the target of the offence. We propose a novel approach called
SyLSTM, which integrates syntactic features in the form of the dependency parse
tree of a sentence and semantic features in the form of word embeddings into a
deep learning architecture using a Graph Convolutional Network. Results show
that the proposed approach significantly outperforms the state-of-the-art BERT
model with orders of magnitude fewer number of parameters."
3890,Cost-efficient Gaussian Tensor Network Embeddings for Tensor-structured Inputs,"This work discusses tensor network embeddings, which are random matrices
($S$) with tensor network structure. These embeddings have been used to perform
dimensionality reduction of tensor network structured inputs $x$ and accelerate
applications such as tensor decomposition and kernel regression. Existing works
have designed embeddings for inputs $x$ with specific structures, such that the
computational cost for calculating $Sx$ is efficient. We provide a systematic
way to design tensor network embeddings consisting of Gaussian random tensors,
such that for inputs with more general tensor network structures, both the
sketch size (row size of $S$) and the sketching computational cost are low.
We analyze general tensor network embeddings that can be reduced to a
sequence of sketching matrices. We provide a sufficient condition to quantify
the accuracy of such embeddings and derive sketching asymptotic cost lower
bounds using embeddings that satisfy this condition and have a sketch size
lower than any input dimension. We then provide an algorithm to efficiently
sketch input data using such embeddings. The sketch size of the embedding used
in the algorithm has a linear dependence on the number of sketching dimensions
of the input. Assuming tensor contractions are performed with classical dense
matrix multiplication algorithms, this algorithm achieves asymptotic cost
within a factor of $O(\sqrt{m})$ of our cost lower bound, where $m$ is the
sketch size. Further, when each tensor in the input has a dimension that needs
to be sketched, this algorithm yields the optimal sketching asymptotic cost. We
apply our sketching analysis to inexact tensor decomposition optimization
algorithms. We provide a sketching algorithm for CP decomposition that is
asymptotically faster than existing work in multiple regimes, and show
optimality of an existing algorithm for tensor train rounding."
3891,Transferable Adversarial Attack based on Integrated Gradients,"The vulnerability of deep neural networks to adversarial examples has drawn
tremendous attention from the community. Three approaches, optimizing standard
objective functions, exploiting attention maps, and smoothing decision
surfaces, are commonly used to craft adversarial examples. By tightly
integrating the three approaches, we propose a new and simple algorithm named
Transferable Attack based on Integrated Gradients (TAIG) in this paper, which
can find highly transferable adversarial examples for black-box attacks. Unlike
previous methods using multiple computational terms or combining with other
methods, TAIG integrates the three approaches into one single term. Two
versions of TAIG that compute their integrated gradients on a straight-line
path and a random piecewise linear path are studied. Both versions offer strong
transferability and can seamlessly work together with the previous methods.
Experimental results demonstrate that TAIG outperforms the state-of-the-art
methods. The code will available at https://github.com/yihuang2016/TAIG"
3892,Grammar Detection for Sentiment Analysis through Improved Viterbi Algorithm,"Grammar Detection, also referred to as Parts of Speech Tagging of raw text,
is considered an underlying building block of the various Natural Language
Processing pipelines like named entity recognition, question answering, and
sentiment analysis. In short, forgiven a sentence, Parts of Speech tagging is
the task of specifying and tagging each word of a sentence with nouns, verbs,
adjectives, adverbs, and more. Sentiment Analysis may well be a procedure
accustomed to determining if a given sentence's emotional tone is neutral,
positive or negative. To assign polarity scores to the thesis or entities
within phrase, in-text analysis and analytics, machine learning and natural
language processing, approaches are incorporated. This Sentiment Analysis using
POS tagger helps us urge a summary of the broader public over a specific topic.
For this, we are using the Viterbi algorithm, Hidden Markov Model, Constraint
based Viterbi algorithm for POS tagging. By comparing the accuracies, we select
the foremost accurate result of the model for Sentiment Analysis for
determining the character of the sentence."
3893,Matryoshka Representations for Adaptive Deployment,"Learned representations are a central component in modern ML systems, serving
a multitude of downstream tasks. When training such representations, it is
often the case that computational and statistical constraints for each
downstream task are unknown. In this context rigid, fixed capacity
representations can be either over or under-accommodating to the task at hand.
This leads us to ask: can we design a flexible representation that can adapt to
multiple downstream tasks with varying computational resources? Our main
contribution is Matryoshka Representation Learning (MRL) which encodes
information at different granularities and allows a single embedding to adapt
to the computational constraints of downstream tasks. MRL minimally modifies
existing representation learning pipelines and imposes no additional cost
during inference and deployment. MRL learns coarse-to-fine representations that
are at least as accurate and rich as independently trained low-dimensional
representations. The flexibility within the learned Matryoshka Representations
offer: (a) up to 14x smaller embedding size for ImageNet-1K classification at
the same level of accuracy; (b) up to 14x real-world speed-ups for large-scale
retrieval on ImageNet-1K and 4K; and (c) up to 2% accuracy improvements for
long-tail few-shot classification, all while being as robust as the original
representations. Finally, we show that MRL extends seamlessly to web-scale
datasets (ImageNet, JFT) across various modalities -- vision (ViT, ResNet),
vision + language (ALIGN) and language (BERT). MRL code and pretrained models
are open-sourced at https://github.com/RAIVNLab/MRL."
3894,Unsupervised Reinforcement Adaptation for Class-Imbalanced Text Classification,"Class imbalance naturally exists when train and test models in different
domains. Unsupervised domain adaptation (UDA) augments model performance with
only accessible annotations from the source domain and unlabeled data from the
target domain. However, existing state-of-the-art UDA models learn
domain-invariant representations and evaluate primarily on class-balanced data
across domains. In this work, we propose an unsupervised domain adaptation
approach via reinforcement learning that jointly leverages feature variants and
imbalanced labels across domains. We experiment with the text classification
task for its easily accessible datasets and compare the proposed method with
five baselines. Experiments on three datasets prove that our proposed method
can effectively learn robust domain-invariant representations and successfully
adapt text classifiers on imbalanced classes over domains. The code is
available at https://github.com/woqingdoua/ImbalanceClass."
3895,Symbolic Physics Learner: Discovering governing equations via Monte Carlo tree search,"Nonlinear dynamics is ubiquitous in nature and commonly seen in various
science and engineering disciplines. Distilling analytical expressions that
govern nonlinear dynamics from limited data remains vital but challenging. To
tackle this fundamental issue, we propose a novel Symbolic Physics Learner
(SPL) machine to discover the mathematical structure of nonlinear dynamics. The
key concept is to interpret mathematical operations and system state variables
by computational rules and symbols, establish symbolic reasoning of
mathematical formulas via expression trees, and employ a Monte Carlo tree
search (MCTS) agent to explore optimal expression trees based on measurement
data. The MCTS agent obtains an optimistic selection policy through the
traversal of expression trees, featuring the one that maps to the arithmetic
expression of underlying physics. Salient features of the proposed framework
include search flexibility and enforcement of parsimony for discovered
equations. The efficacy and superiority of the PSL machine are demonstrated by
numerical examples, compared with state-of-the-art baselines."
3896,"On the Evolution of A.I. and Machine Learning: Towards Measuring and Understanding Impact, Influence, and Leadership at Premier A.I. Conferences","Artificial Intelligence is now recognized as a general-purpose technology
with ample impact on human life. In this work, we aim to understand the
evolution of AI and Machine learning over the years by analyzing researchers'
impact, influence, and leadership over the last decades. This work also intends
to shed new light on the history and evolution of AI by exploring the dynamics
involved in the field's evolution through the lenses of the papers published on
AI conferences since the first International Joint Conference on Artificial
Intelligence (IJCAI) in 1969. AI development and evolution have led to
increasing research output, reflected in the number of articles published over
the last sixty years. We construct comprehensive citation-collaboration and
paper-author datasets and compute corresponding centrality measures to carry
out our analyses. These analyses allow a better understanding of how AI has
reached its current state of affairs in research. Throughout the process, we
correlate these datasets with the work of the ACM Turing Award winners and the
so-called two AI winters the field has gone through. We also look at
self-citation trends and new authors' behaviors. Finally, we present a novel
way to infer the country of affiliation of a paper from its organization.
Therefore, this work provides a deep analysis of Artificial Intelligence
history from information gathered and analyzed from large technical venues
datasets and suggests novel insights that can contribute to understanding and
measuring AI's evolution."
3897,RACE: A Reinforcement Learning Framework for Improved Adaptive Control of NoC Channel Buffers,"Network-on-chip (NoC) architectures rely on buffers to store flits to cope
with contention for router resources during packet switching. Recently,
reversible multi-function channel (RMC) buffers have been proposed to
simultaneously reduce power and enable adaptive NoC buffering between adjacent
routers. While adaptive buffering can improve NoC performance by maximizing
buffer utilization, controlling the RMC buffer allocations requires a
congestion-aware, scalable, and proactive policy. In this work, we present
RACE, a novel reinforcement learning (RL) framework that utilizes better
awareness of network congestion and a new reward metric (""falsefulls"") to help
guide the RL agent towards better RMC buffer control decisions. We show that
RACE reduces NoC latency by up to 48.9%, and energy consumption by up to 47.1%
against state-of-the-art NoC buffer control policies."
3898,Cali3F: Calibrated Fast Fair Federated Recommendation System,"The increasingly stringent regulations on privacy protection have sparked
interest in federated learning. As a distributed machine learning framework, it
bridges isolated data islands by training a global model over devices while
keeping data localized. Specific to recommendation systems, many federated
recommendation algorithms have been proposed to realize the privacy-preserving
collaborative recommendation. However, several constraints remain largely
unexplored. One big concern is how to ensure fairness between participants of
federated learning, that is, to maintain the uniformity of recommendation
performance across devices. On the other hand, due to data heterogeneity and
limited networks, additional challenges occur in the convergence speed. To
address these problems, in this paper, we first propose a personalized
federated recommendation system training algorithm to improve the
recommendation performance fairness. Then we adopt a clustering-based
aggregation method to accelerate the training process. Combining the two
components, we proposed Cali3F, a calibrated fast and fair federated
recommendation framework. Cali3F not only addresses the convergence problem by
a within-cluster parameter sharing approach but also significantly boosts
fairness by calibrating local models with the global model. We demonstrate the
performance of Cali3F across standard benchmark datasets and explore the
efficacy in comparison to traditional aggregation approaches."
3899,Understanding Metrics for Paraphrasing,"Paraphrase generation is a difficult problem. This is not only because of the
limitations in text generation capabilities but also due that to the lack of a
proper definition of what qualifies as a paraphrase and corresponding metrics
to measure how good it is. Metrics for evaluation of paraphrasing quality is an
on going research problem. Most of the existing metrics in use having been
borrowed from other tasks do not capture the complete essence of a good
paraphrase, and often fail at borderline-cases. In this work, we propose a
novel metric $ROUGE_P$ to measure the quality of paraphrases along the
dimensions of adequacy, novelty and fluency. We also provide empirical evidence
to show that the current natural language generation metrics are insufficient
to measure these desired properties of a good paraphrase. We look at paraphrase
model fine-tuning and generation from the lens of metrics to gain a deeper
understanding of what it takes to generate and evaluate a good paraphrase."
3900,Learning black- and gray-box chemotactic PDEs/closures from agent based Monte Carlo simulation data,"We propose a machine learning framework for the data-driven discovery of
macroscopic chemotactic Partial Differential Equations (PDEs) -- and the
closures that lead to them -- from high-fidelity, individual-based stochastic
simulations of E.coli bacterial motility. The fine scale, detailed, hybrid
(continuum - Monte Carlo) simulation model embodies the underlying biophysics,
and its parameters are informed from experimental observations of individual
cells. We exploit Automatic Relevance Determination (ARD) within a Gaussian
Process framework for the identification of a parsimonious set of collective
observables that parametrize the law of the effective PDEs. Using these
observables, in a second step we learn effective, coarse-grained ""Keller-Segel
class"" chemotactic PDEs using machine learning regressors: (a) (shallow)
feedforward neural networks and (b) Gaussian Processes. The learned laws can be
black-box (when no prior knowledge about the PDE law structure is assumed) or
gray-box when parts of the equation (e.g. the pure diffusion part) is known and
""hardwired"" in the regression process. We also discuss data-driven corrections
(both additive and functional) of analytically known, approximate closures."
3901,GraphPMU: Event Clustering via Graph Representation Learning Using Locationally-Scarce Distribution-Level Fundamental and Harmonic PMU Measurements,"This paper is concerned with the complex task of identifying the type and
cause of the events that are captured by distribution-level phasor measurement
units (D-PMUs) in order to enhance situational awareness in power distribution
systems. Our goal is to address two fundamental challenges in this field: a)
scarcity in measurement locations due to the high cost of purchasing,
installing, and streaming data from D-PMUs; b) limited prior knowledge about
the event signatures due to the fact that the events are diverse, infrequent,
and inherently unscheduled. To tackle these challenges, we propose an
unsupervised graph-representation learning method, called GraphPMU, to
significantly improve the performance in event clustering under
locationally-scarce data availability by proposing the following two new
directions: 1) using the topological information about the relative location of
the few available phasor measurement units on the graph of the power
distribution network; 2) utilizing not only the commonly used fundamental
phasor measurements, bus also the less explored harmonic phasor measurements in
the process of analyzing the signatures of various events. Through a detailed
analysis of several case studies, we show that GraphPMU can highly outperform
the prevalent methods in the literature."
3902,Contextual Pandora's Box,"Pandora's Box is a fundamental stochastic optimization problem, where the
decision-maker must find a good alternative while minimizing the search cost of
exploring the value of each alternative. In the original formulation, it is
assumed that accurate priors are given for the values of all the alternatives,
while recent work studies the online variant of Pandora's Box where priors are
originally unknown. In this work, we extend Pandora's Box to the online
setting, while incorporating context. At every round, we are presented with a
number of alternatives each having a context, an exploration cost and an
unknown value drawn from an unknown prior distribution that may change at every
round. Our main result is a no-regret algorithm that performs comparably well
to the optimal algorithm which knows all prior distributions exactly. Our
algorithm works even in the bandit setting where the algorithm never learns the
values of the alternatives that were not explored. The key technique that
enables our result is novel a modification of the realizability condition in
contextual bandits that connects a context to the reservation value of the
corresponding distribution rather than its mean"
3903,Learning to segment with limited annotations: Self-supervised pretraining with regression and contrastive loss in MRI,"Obtaining manual annotations for large datasets for supervised training of
deep learning (DL) models is challenging. The availability of large unlabeled
datasets compared to labeled ones motivate the use of self-supervised
pretraining to initialize DL models for subsequent segmentation tasks. In this
work, we consider two pre-training approaches for driving a DL model to learn
different representations using: a) regression loss that exploits spatial
dependencies within an image and b) contrastive loss that exploits semantic
similarity between pairs of images. The effect of pretraining techniques is
evaluated in two downstream segmentation applications using Magnetic Resonance
(MR) images: a) liver segmentation in abdominal T2-weighted MR images and b)
prostate segmentation in T2-weighted MR images of the prostate. We observed
that DL models pretrained using self-supervision can be finetuned for
comparable performance with fewer labeled datasets. Additionally, we also
observed that initializing the DL model using contrastive loss based
pretraining performed better than the regression loss."
3904,Trainable Weight Averaging for Fast Convergence and Better Generalization,"Stochastic gradient descent (SGD) and its variants are commonly considered as
the de-facto methods to train deep neural networks (DNNs). While recent
improvements to SGD mainly focus on the descent algorithm itself, few works pay
attention to utilizing the historical solutions -- as an iterative method, SGD
has actually gone through substantial explorations before its final
convergence. Recently, an interesting attempt is stochastic weight averaging
(SWA), which significantly improves the generalization by simply averaging the
solutions at the tail stage of training. In this paper, we propose to optimize
the averaging coefficients, leading to our Trainable Weight Averaging (TWA),
essentially a novel training method in a reduced subspace spanned by historical
solutions. TWA is quite efficient and has good generalization capability as the
degree of freedom for training is small. It largely reduces the estimation
error from SWA, making it not only further improve the SWA solutions but also
take full advantage of the solutions generated in the head of training where
SWA fails. In the extensive numerical experiments, (i) TWA achieves consistent
improvements over SWA with less sensitivity to learning rate; (ii) applying TWA
in the head stage of training largely speeds up the convergence, resulting in
over 40% time saving on CIFAR and 30% on ImageNet with improved generalization
compared with regular training. The code is released at
https://github.com/nblt/TWA."
3905,Deep-XFCT: Deep learning 3D-mineral liberation analysis with micro X-ray fluorescence and computed tomography,"The rapid development of X-ray micro-computed tomography (micro-CT) opens new
opportunities for 3D analysis of particle and grain-size characterisation,
determination of particle densities and shape factors, estimation of mineral
associations and liberation and locking. Current practices in mineral
liberation analysis are based on 2D representations leading to systematic
errors in the extrapolation to volumetric properties. New quantitative methods
based on tomographic data are therefore urgently required for characterisation
of mineral deposits, mineral processing, characterisation of tailings, rock
typing, stratigraphic refinement, reservoir characterisation for applications
in the resource industry, environmental and material sciences. To date, no
simple non-destructive method exists for 3D mineral liberation analysis. We
present a new development based on combining micro-CT with micro-X-ray
fluorescence (micro-XRF) using deep learning. We demonstrate successful
semi-automated multi-modal analysis of a crystalline magmatic rock where the
new technique overcomes the difficult task of differentiating feldspar from
quartz in micro-CT data set. The approach is universal and can be extended to
any multi-modal and multi-instrument analysis for further refinement. We
conclude that the combination of micro-CT and micro-XRF already provides a new
opportunity for robust 3D mineral liberation analysis in both field and
laboratory applications."
3906,Optimal Neural Network Approximation of Wasserstein Gradient Direction via Convex Optimization,"The computation of Wasserstein gradient direction is essential for posterior
sampling problems and scientific computing. The approximation of the
Wasserstein gradient with finite samples requires solving a variational
problem. We study the variational problem in the family of two-layer networks
with squared-ReLU activations, towards which we derive a semi-definite
programming (SDP) relaxation. This SDP can be viewed as an approximation of the
Wasserstein gradient in a broader function family including two-layer networks.
By solving the convex SDP, we obtain the optimal approximation of the
Wasserstein gradient direction in this class of functions. Numerical
experiments including PDE-constrained Bayesian inference and parameter
estimation in COVID-19 modeling demonstrate the effectiveness of the proposed
method."
3907,Undersampling is a Minimax Optimal Robustness Intervention in Nonparametric Classification,"While a broad range of techniques have been proposed to tackle distribution
shift, the simple baseline of training on an $\textit{undersampled}$ dataset
often achieves close to state-of-the-art-accuracy across several popular
benchmarks. This is rather surprising, since undersampling algorithms discard
excess majority group data. To understand this phenomenon, we ask if learning
is fundamentally constrained by a lack of minority group samples. We prove that
this is indeed the case in the setting of nonparametric binary classification.
Our results show that in the worst case, an algorithm cannot outperform
undersampling unless there is a high degree of overlap between the train and
test distributions (which is unlikely to be the case in real-world datasets),
or if the algorithm leverages additional structure about the distribution
shift. In particular, in the case of label shift we show that there is always
an undersampling algorithm that is minimax optimal. While in the case of
group-covariate shift we show that there is an undersampling algorithm that is
minimax optimal when the overlap between the group distributions is small. We
also perform an experimental case study on a label shift dataset and find that
in line with our theory the test accuracy of robust neural network classifiers
is constrained by the number of minority samples."
3908,Identifying Patient-Specific Root Causes with the Heteroscedastic Noise Model,"Complex diseases are caused by a multitude of factors that may differ between
patients even within the same diagnostic category. A few underlying root causes
may nevertheless initiate the development of disease within each patient. We
therefore focus on identifying patient-specific root causes of disease, which
we equate to the sample-specific predictivity of the exogenous error terms in a
structural equation model. We generalize from the linear setting to the
heteroscedastic noise model where $Y = m(X) + \varepsilon\sigma(X)$ with
non-linear functions $m(X)$ and $\sigma(X)$ representing the conditional mean
and mean absolute deviation, respectively. This model preserves identifiability
but introduces non-trivial challenges that require a customized algorithm
called Generalized Root Causal Inference (GRCI) to extract the error terms
correctly. GRCI recovers patient-specific root causes more accurately than
existing alternatives."
3909,BRIGHT -- Graph Neural Networks in Real-Time Fraud Detection,"Detecting fraudulent transactions is an essential component to control risk
in e-commerce marketplaces. Apart from rule-based and machine learning filters
that are already deployed in production, we want to enable efficient real-time
inference with graph neural networks (GNNs), which is useful to catch multihop
risk propagation in a transaction graph. However, two challenges arise in the
implementation of GNNs in production. First, future information in a dynamic
graph should not be considered in message passing to predict the past. Second,
the latency of graph query and GNN model inference is usually up to hundreds of
milliseconds, which is costly for some critical online services. To tackle
these challenges, we propose a Batch and Real-time Inception GrapH Topology
(BRIGHT) framework to conduct an end-to-end GNN learning that allows efficient
online real-time inference. BRIGHT framework consists of a graph transformation
module (Two-Stage Directed Graph) and a corresponding GNN architecture (Lambda
Neural Network). The Two-Stage Directed Graph guarantees that the information
passed through neighbors is only from the historical payment transactions. It
consists of two subgraphs representing historical relationships and real-time
links, respectively. The Lambda Neural Network decouples inference into two
stages: batch inference of entity embeddings and real-time inference of
transaction prediction. Our experiments show that BRIGHT outperforms the
baseline models by >2\% in average w.r.t.~precision. Furthermore, BRIGHT is
computationally efficient for real-time fraud detection. Regarding end-to-end
performance (including neighbor query and inference), BRIGHT can reduce the P99
latency by >75\%. For the inference stage, our speedup is on average
7.8$\times$ compared to the traditional GNN."
3910,Factorized Structured Regression for Large-Scale Varying Coefficient Models,"Recommender Systems (RS) pervade many aspects of our everyday digital life.
Proposed to work at scale, state-of-the-art RS allow the modeling of thousands
of interactions and facilitate highly individualized recommendations.
Conceptually, many RS can be viewed as instances of statistical regression
models that incorporate complex feature effects and potentially non-Gaussian
outcomes. Such structured regression models, including time-aware varying
coefficients models, are, however, limited in their applicability to
categorical effects and inclusion of a large number of interactions. Here, we
propose Factorized Structured Regression (FaStR) for scalable varying
coefficient models. FaStR overcomes limitations of general regression models
for large-scale data by combining structured additive regression and
factorization approaches in a neural network-based model implementation. This
fusion provides a scalable framework for the estimation of statistical models
in previously infeasible data settings. Empirical results confirm that the
estimation of varying coefficients of our approach is on par with
state-of-the-art regression techniques, while scaling notably better and also
being competitive with other time-aware RS in terms of prediction performance.
We illustrate FaStR's performance and interpretability on a large-scale
behavioral study with smartphone user data."
3911,Learning to Query Internet Text for Informing Reinforcement Learning Agents,"Generalization to out of distribution tasks in reinforcement learning is a
challenging problem. One successful approach improves generalization by
conditioning policies on task or environment descriptions that provide
information about the current transition or reward functions. Previously, these
descriptions were often expressed as generated or crowd sourced text. In this
work, we begin to tackle the problem of extracting useful information from
natural language found in the wild (e.g. internet forums, documentation, and
wikis). These natural, pre-existing sources are especially challenging, noisy,
and large and present novel challenges compared to previous approaches. We
propose to address these challenges by training reinforcement learning agents
to learn to query these sources as a human would, and we experiment with how
and when an agent should query. To address the \textit{how}, we demonstrate
that pretrained QA models perform well at executing zero-shot queries in our
target domain. Using information retrieved by a QA model, we train an agent to
learn \textit{when} it should execute queries. We show that our method
correctly learns to execute queries to maximize reward in a reinforcement
learning setting."
3912,Entropy Maximization with Depth: A Variational Principle for Random Neural Networks,"To understand the essential role of depth in neural networks, we investigate
a variational principle for depth: Does increasing depth perform an implicit
optimization for the representations in neural networks? We prove that random
neural networks equipped with batch normalization maximize the differential
entropy of representations with depth up to constant factors, assuming that the
representations are contractive. Thus, representations inherently obey the
\textit{principle of maximum entropy} at initialization, in the absence of
information about the learning task. Our variational formulation for neural
representations characterizes the interplay between representation entropy and
architectural components, including depth, width, and non-linear activations,
thereby potentially inspiring the design of neural architectures."
3913,Tight Lower Bounds on Worst-Case Guarantees for Zero-Shot Learning with Attributes,"We develop a rigorous mathematical analysis of zero-shot learning with
attributes. In this setting, the goal is to label novel classes with no
training data, only detectors for attributes and a description of how those
attributes are correlated with the target classes, called the class-attribute
matrix. We develop the first non-trivial lower bound on the worst-case error of
the best map from attributes to classes for this setting, even with perfect
attribute detectors. The lower bound characterizes the theoretical intrinsic
difficulty of the zero-shot problem based on the available information -- the
class-attribute matrix -- and the bound is practically computable from it. Our
lower bound is tight, as we show that we can always find a randomized map from
attributes to classes whose expected error is upper bounded by the value of the
lower bound. We show that our analysis can be predictive of how standard
zero-shot methods behave in practice, including which classes will likely be
confused with others."
3914,Forecasting Patient Demand at Urgent Care Clinics using Machine Learning,"Urgent care clinics and emergency departments around the world periodically
suffer from extended wait times beyond patient expectations due to inadequate
staffing levels. These delays have been linked with adverse clinical outcomes.
Previous research into forecasting demand this domain has mostly used a
collection of statistical techniques, with machine learning approaches only now
beginning to emerge in recent literature. The forecasting problem for this
domain is difficult and has also been complicated by the COVID-19 pandemic
which has introduced an additional complexity to this estimation due to typical
demand patterns being disrupted. This study explores the ability of machine
learning methods to generate accurate patient presentations at two large urgent
care clinics located in Auckland, New Zealand. A number of machine learning
algorithms were explored in order to determine the most effective technique for
this problem domain, with the task of making forecasts of daily patient demand
three months in advance. The study also performed an in-depth analysis into the
model behaviour in respect to the exploration of which features are most
effective at predicting demand and which features are capable of adaptation to
the volatility caused by the COVID-19 pandemic lockdowns. The results showed
that ensemble-based methods delivered the most accurate and consistent
solutions on average, generating improvements in the range of 23%-27% over the
existing in-house methods for estimating the daily demand."
3915,Semi-supervised Drifted Stream Learning with Short Lookback,"In many scenarios, 1) data streams are generated in real time; 2) labeled
data are expensive and only limited labels are available in the beginning; 3)
real-world data is not always i.i.d. and data drift over time gradually; 4) the
storage of historical streams is limited and model updating can only be
achieved based on a very short lookback window. This learning setting limits
the applicability and availability of many Machine Learning (ML) algorithms. We
generalize the learning task under such setting as a semi-supervised drifted
stream learning with short lookback problem (SDSL). SDSL imposes two
under-addressed challenges on existing methods in semi-supervised learning,
continuous learning, and domain adaptation: 1) robust pseudo-labeling under
gradual shifts and 2) anti-forgetting adaptation with short lookback. To tackle
these challenges, we propose a principled and generic generation-replay
framework to solve SDSL. The framework is able to accomplish: 1) robust
pseudo-labeling in the generation step; 2) anti-forgetting adaption in the
replay step. To achieve robust pseudo-labeling, we develop a novel pseudo-label
classification model to leverage supervised knowledge of previously labeled
data, unsupervised knowledge of new data, and, structure knowledge of invariant
label semantics. To achieve adaptive anti-forgetting model replay, we propose
to view the anti-forgetting adaptation task as a flat region search problem. We
propose a novel minimax game-based replay objective function to solve the flat
region search problem and develop an effective optimization solver. Finally, we
present extensive experiments to demonstrate our framework can effectively
address the task of anti-forgetting learning in drifted streams with short
lookback."
3916,Urban Rhapsody: Large-scale exploration of urban soundscapes,"Noise is one of the primary quality-of-life issues in urban environments. In
addition to annoyance, noise negatively impacts public health and educational
performance. While low-cost sensors can be deployed to monitor ambient noise
levels at high temporal resolutions, the amount of data they produce and the
complexity of these data pose significant analytical challenges. One way to
address these challenges is through machine listening techniques, which are
used to extract features in attempts to classify the source of noise and
understand temporal patterns of a city's noise situation. However, the
overwhelming number of noise sources in the urban environment and the scarcity
of labeled data makes it nearly impossible to create classification models with
large enough vocabularies that capture the true dynamism of urban soundscapes
In this paper, we first identify a set of requirements in the yet unexplored
domain of urban soundscape exploration. To satisfy the requirements and tackle
the identified challenges, we propose Urban Rhapsody, a framework that combines
state-of-the-art audio representation, machine learning, and visual analytics
to allow users to interactively create classification models, understand noise
patterns of a city, and quickly retrieve and label audio excerpts in order to
create a large high-precision annotated database of urban sound recordings. We
demonstrate the tool's utility through case studies performed by domain experts
using data generated over the five-year deployment of a one-of-a-kind sensor
network in New York City."
3917,RENs: Relevance Encoding Networks,"The manifold assumption for high-dimensional data assumes that the data is
generated by varying a set of parameters obtained from a low-dimensional latent
space. Deep generative models (DGMs) are widely used to learn data
representations in an unsupervised way. DGMs parameterize the underlying
low-dimensional manifold in the data space using bottleneck architectures such
as variational autoencoders (VAEs). The bottleneck dimension for VAEs is
treated as a hyperparameter that depends on the dataset and is fixed at design
time after extensive tuning. As the intrinsic dimensionality of most real-world
datasets is unknown, often, there is a mismatch between the intrinsic
dimensionality and the latent dimensionality chosen as a hyperparameter. This
mismatch can negatively contribute to the model performance for representation
learning and sample generation tasks. This paper proposes relevance encoding
networks (RENs): a novel probabilistic VAE-based framework that uses the
automatic relevance determination (ARD) prior in the latent space to learn the
data-specific bottleneck dimensionality. The relevance of each latent dimension
is directly learned from the data along with the other model parameters using
stochastic gradient descent and a reparameterization trick adapted to
non-Gaussian priors. We leverage the concept of DeepSets to capture permutation
invariant statistical properties in both data and latent spaces for relevance
determination. The proposed framework is general and flexible and can be used
for the state-of-the-art VAE models that leverage regularizers to impose
specific characteristics in the latent space (e.g., disentanglement). With
extensive experimentation on synthetic and public image datasets, we show that
the proposed model learns the relevant latent bottleneck dimensionality without
compromising the representation and generation quality of the samples."
3918,Designing an Efficient End-to-end Machine Learning Pipeline for Real-time Empty-shelf Detection,"On-Shelf Availability (OSA) of products in retail stores is a critical
business criterion in the fast moving consumer goods and retails sector. When a
product is out-of-stock (OOS) and a customer cannot find it on its designed
shelf, this motivates the customer to store-switching or buying nothing, which
causes fall in future sales and demands. Retailers are employing several
approaches to detect empty shelves and ensure high OSA of products; however,
such methods are generally ineffective and infeasible since they are either
manual, expensive or less accurate. Recently machine learning based solutions
have been proposed, but they suffer from high computational cost and low
accuracy problem due to lack of large annotated datasets of on-shelf products.
Here, we present an elegant approach for designing an end-to-end machine
learning (ML) pipeline for real-time empty shelf detection. Considering the
strong dependency between the quality of ML models and the quality of data, we
focus on the importance of proper data collection, cleaning and correct data
annotation before delving into modeling. Since an empty-shelf detection
solution should be computationally-efficient for real-time predictions, we
explore different run-time optimizations to improve the model performance. Our
dataset contains 1000 images, collected and annotated by following well-defined
guidelines. Our low-latency model achieves a mean average F1-score of 68.5%,
and can process up to 67 images/s on Intel Xeon Gold and up to 860 images/s on
an A100 GPU."
3919,Efficient and Near-Optimal Smoothed Online Learning for Generalized Linear Functions,"Due to the drastic gap in complexity between sequential and batch statistical
learning, recent work has studied a smoothed sequential learning setting, where
Nature is constrained to select contexts with density bounded by 1/{\sigma}
with respect to a known measure {\mu}. Unfortunately, for some function
classes, there is an exponential gap between the statistically optimal regret
and that which can be achieved efficiently. In this paper, we give a
computationally efficient algorithm that is the first to enjoy the
statistically optimal log(T/{\sigma}) regret for realizable K-wise linear
classification. We extend our results to settings where the true classifier is
linear in an over-parameterized polynomial featurization of the contexts, as
well as to a realizable piecewise-regression setting assuming access to an
appropriate ERM oracle. Somewhat surprisingly, standard disagreement-based
analyses are insufficient to achieve regret logarithmic in 1/{\sigma}. Instead,
we develop a novel characterization of the geometry of the disagreement region
induced by generalized linear classifiers. Along the way, we develop numerous
technical tools of independent interest, including a general anti-concentration
bound for the determinant of certain matrix averages."
3920,Scalable and Low-Latency Federated Learning with Cooperative Mobile Edge Networking,"Federated learning (FL) enables collaborative model training without
centralizing data. However, the traditional FL framework is cloud-based and
suffers from high communication latency. On the other hand, the edge-based FL
framework that relies on an edge server co-located with access point for model
aggregation has low communication latency but suffers from degraded model
accuracy due to the limited coverage of edge server. In light of high-accuracy
but high-latency cloud-based FL and low-latency but low-accuracy edge-based FL,
this paper proposes a new FL framework based on cooperative mobile edge
networking called cooperative federated edge learning (CFEL) to enable both
high-accuracy and low-latency distributed intelligence at mobile edge networks.
Considering the unique two-tier network architecture of CFEL, a novel federated
optimization method dubbed cooperative edge-based federated averaging
(CE-FedAvg) is further developed, wherein each edge server both coordinates
collaborative model training among the devices within its own coverage and
cooperates with other edge servers to learn a shared global model through
decentralized consensus. Experimental results based on benchmark datasets show
that CFEL can largely speed up the convergence speed and reduce the training
time to achieve a target model accuracy compared with prior FL frameworks."
3921,Online Deep Equilibrium Learning for Regularization by Denoising,"Plug-and-Play Priors (PnP) and Regularization by Denoising (RED) are
widely-used frameworks for solving imaging inverse problems by computing
fixed-points of operators combining physical measurement models and learned
image priors. While traditional PnP/RED formulations have focused on priors
specified using image denoisers, there is a growing interest in learning
PnP/RED priors that are end-to-end optimal. The recent Deep Equilibrium Models
(DEQ) framework has enabled memory-efficient end-to-end learning of PnP/RED
priors by implicitly differentiating through the fixed-point equations without
storing intermediate activation values. However, the dependence of the
computational/memory complexity of the measurement models in PnP/RED on the
total number of measurements leaves DEQ impractical for many imaging
applications. We propose ODER as a new strategy for improving the efficiency of
DEQ through stochastic approximations of the measurement models. We
theoretically analyze ODER giving insights into its convergence and ability to
approximate the traditional DEQ approach. Our numerical results suggest the
potential improvements in training/testing complexity due to ODER on three
distinct imaging applications."
3922,Near-Optimal Goal-Oriented Reinforcement Learning in Non-Stationary Environments,"We initiate the study of dynamic regret minimization for goal-oriented
reinforcement learning modeled by a non-stationary stochastic shortest path
problem with changing cost and transition functions. We start by establishing a
lower bound $\Omega((B_{\star} SAT_{\star}(\Delta_c +
B_{\star}^2\Delta_P))^{1/3}K^{2/3})$, where $B_{\star}$ is the maximum expected
cost of the optimal policy of any episode starting from any state, $T_{\star}$
is the maximum hitting time of the optimal policy of any episode starting from
the initial state, $SA$ is the number of state-action pairs, $\Delta_c$ and
$\Delta_P$ are the amount of changes of the cost and transition functions
respectively, and $K$ is the number of episodes. The different roles of
$\Delta_c$ and $\Delta_P$ in this lower bound inspire us to design algorithms
that estimate costs and transitions separately. Specifically, assuming the
knowledge of $\Delta_c$ and $\Delta_P$, we develop a simple but sub-optimal
algorithm and another more involved minimax optimal algorithm (up to
logarithmic terms). These algorithms combine the ideas of finite-horizon
approximation [Chen et al., 2022a], special Bernstein-style bonuses of the MVP
algorithm [Zhang et al., 2020], adaptive confidence widening [Wei and Luo,
2021], as well as some new techniques such as properly penalizing long-horizon
policies. Finally, when $\Delta_c$ and $\Delta_P$ are unknown, we develop a
variant of the MASTER algorithm [Wei and Luo, 2021] and integrate the
aforementioned ideas into it to achieve $\widetilde{O}(\min\{B_{\star}
S\sqrt{ALK},
(B_{\star}^2S^2AT_{\star}(\Delta_c+B_{\star}\Delta_P))^{1/3}K^{2/3}\})$ regret,
where $L$ is the unknown number of changes of the environment."
3923,Improving Subgraph Representation Learning via Multi-View Augmentation,"Subgraph representation learning based on Graph Neural Network (GNN) has
broad applications in chemistry and biology, such as molecule property
prediction and gene collaborative function prediction. On the other hand, graph
augmentation techniques have shown promising results in improving graph-based
and node-based classification tasks but are rarely explored in the GNN-based
subgraph representation learning literature. In this work, we developed a novel
multiview augmentation mechanism to improve subgraph representation learning
and thus the accuracy of downstream prediction tasks. The augmentation
technique creates multiple variants of subgraphs and embeds these variants into
the original graph to achieve both high training efficiency, scalability, and
improved accuracy. Experiments on several real-world subgraph benchmarks
demonstrate the superiority of our proposed multi-view augmentation techniques."
3924,EvoVGM: a Deep Variational Generative Model for Evolutionary Parameter Estimation,"Most evolutionary-oriented deep generative models do not explicitly consider
the underlying evolutionary dynamics of biological sequences as it is performed
within the Bayesian phylogenetic inference framework. In this study, we propose
a method for a deep variational Bayesian generative model (EvoVGM) that jointly
approximates the true posterior of local evolutionary parameters and generates
sequence alignments. Moreover, it is instantiated and tuned for continuous-time
Markov chain substitution models such as JC69, K80 and GTR. We train the model
via a low-variance stochastic estimator and a gradient ascent algorithm. Here,
we analyze the consistency and effectiveness of EvoVGM on synthetic sequence
alignments simulated with several evolutionary scenarios and different sizes.
Finally, we highlight the robustness of a fine-tuned EvoVGM model using a
sequence alignment of gene S of coronaviruses."
3925,Topological Simplification of Signals for Inference and Approximate Reconstruction,"As Internet of Things (IoT) devices become both cheaper and more powerful,
researchers are increasingly finding solutions to their scientific curiosities
both financially and computationally feasible. When operating with restricted
power or communications budgets, however, devices can only send
highly-compressed data. Such circumstances are common for devices placed away
from electric grids that can only communicate via satellite, a situation
particularly plausible for environmental sensor networks. These restrictions
can be further complicated by potential variability in the communications
budget, for example a solar-powered device needing to expend less energy when
transmitting data on a cloudy day. We propose a novel, topology-based, lossy
compression method well-equipped for these restrictive yet variable
circumstances. This technique, Topological Signal Compression, allows sending
compressed signals that utilize the entirety of a variable communications
budget. To demonstrate our algorithm's capabilities, we perform entropy
calculations as well as a classification exercise on increasingly topologically
simplified signals from the Free-Spoken Digit Dataset and explore the stability
of the resulting performance against common baselines."
3926,Concurrent Neural Tree and Data Preprocessing AutoML for Image Classification,"Deep Neural Networks (DNN's) are a widely-used solution for a variety of
machine learning problems. However, it is often necessary to invest a
significant amount of a data scientist's time to pre-process input data, test
different neural network architectures, and tune hyper-parameters for optimal
performance. Automated machine learning (autoML) methods automatically search
the architecture and hyper-parameter space for optimal neural networks.
However, current state-of-the-art (SOTA) methods do not include traditional
methods for manipulating input data as part of the algorithmic search space. We
adapt the Evolutionary Multi-objective Algorithm Design Engine (EMADE), a
multi-objective evolutionary search framework for traditional machine learning
methods, to perform neural architecture search. We also integrate EMADE's
signal processing and image processing primitives. These primitives allow EMADE
to manipulate input data before ingestion into the simultaneously evolved DNN.
We show that including these methods as part of the search space shows
potential to provide benefits to performance on the CIFAR-10 image
classification benchmark dataset."
3927,Formalizing Preferences Over Runtime Distributions,"When trying to solve a computational problem we are often faced with a choice
among algorithms that are all guaranteed to return the right answer but that
differ in their runtime distributions (e.g., SAT solvers, sorting algorithms).
This paper aims to lay theoretical foundations for such choices by formalizing
preferences over runtime distributions. It might seem that we should simply
prefer the algorithm that minimizes expected runtime. However, such preferences
would be driven by exactly how slow our algorithm is on bad inputs, whereas in
practice we are typically willing to cut off occasional, sufficiently long runs
before they finish. We propose a principled alternative, taking a
utility-theoretic approach to characterize the scoring functions that describe
preferences over algorithms. These functions depend on the way our value for
solving our problem decreases with time and on the distribution from which
captimes are drawn. We describe examples of realistic utility functions and
show how to leverage a maximum-entropy approach for modeling underspecified
captime distributions. Finally, we show how to efficiently estimate an
algorithm's expected utility from runtime samples."
3928,Preference Dynamics Under Personalized Recommendations,"Many projects (both practical and academic) have designed algorithms to match
users to content they will enjoy under the assumption that user's preferences
and opinions do not change with the content they see. Evidence suggests that
individuals' preferences are directly shaped by what content they see --
radicalization, rabbit holes, polarization, and boredom are all example
phenomena of preferences affected by content. Polarization in particular can
occur even in ecosystems with ""mass media,"" where no personalization takes
place, as recently explored in a natural model of preference dynamics
by~\citet{hkazla2019geometric} and~\citet{gaitonde2021polarization}. If all
users' preferences are drawn towards content they already like, or are repelled
from content they already dislike, uniform consumption of media leads to a
population of heterogeneous preferences converging towards only two poles.
In this work, we explore whether some phenomenon akin to polarization occurs
when users receive \emph{personalized} content recommendations. We use a
similar model of preference dynamics, where an individual's preferences move
towards content the consume and enjoy, and away from content they consume and
dislike. We show that standard user reward maximization is an almost trivial
goal in such an environment (a large class of simple algorithms will achieve
only constant regret). A more interesting objective, then, is to understand
under what conditions a recommendation algorithm can ensure stationarity of
user's preferences. We show how to design a content recommendations which can
achieve approximate stationarity, under mild conditions on the set of available
content, when a user's preferences are known, and how one can learn enough
about a user's preferences to implement such a strategy even when user
preferences are initially unknown."
3929,People counting system for retail analytics using edge AI,"Developments in IoT applications are playing an important role in our
day-to-day life, starting from business predictions to self driving cars. One
of the area, most influenced by the field of AI and IoT is retail analytics. In
Retail Analytics, Conversion Rates - a metric which is most often used by
retail stores to measure how many people have visited the store and how many
purchases has happened. This retail conversion rate assess the marketing
operations, increasing stock, store outlet and running promotions ..etc. Our
project intends to build a cost-effective people counting system with AI at
Edge, where it calculates Conversion rates using total number of people counted
by the system and number of transactions for the day, which helps in providing
analytical insights for retail store optimization with a very minimum hardware
requirements."
3930,BiT: Robustly Binarized Multi-distilled Transformer,"Modern pre-trained transformers have rapidly advanced the state-of-the-art in
machine learning, but have also grown in parameters and computational
complexity, making them increasingly difficult to deploy in
resource-constrained environments. Binarization of the weights and activations
of the network can significantly alleviate these issues, however is technically
challenging from an optimization perspective. In this work, we identify a
series of improvements which enables binary transformers at a much higher
accuracy than what was possible previously. These include a two-set
binarization scheme, a novel elastic binary activation function with learned
parameters, and a method to quantize a network to its limit by successively
distilling higher precision models into lower precision students. These
approaches allow for the first time, fully binarized transformer models that
are at a practical level of accuracy, approaching a full-precision BERT
baseline on the GLUE language understanding benchmark within as little as 5.9%."
3931,TSEM: Temporally Weighted Spatiotemporal Explainable Neural Network for Multivariate Time Series,"Deep learning has become a one-size-fits-all solution for technical and
business domains thanks to its flexibility and adaptability. It is implemented
using opaque models, which unfortunately undermines the outcome
trustworthiness. In order to have a better understanding of the behavior of a
system, particularly one driven by time series, a look inside a deep learning
model so-called posthoc eXplainable Artificial Intelligence (XAI) approaches,
is important. There are two major types of XAI for time series data, namely
model-agnostic and model-specific. Model-specific approach is considered in
this work. While other approaches employ either Class Activation Mapping (CAM)
or Attention Mechanism, we merge the two strategies into a single system,
simply called the Temporally Weighted Spatiotemporal Explainable Neural Network
for Multivariate Time Series (TSEM). TSEM combines the capabilities of RNN and
CNN models in such a way that RNN hidden units are employed as attention
weights for the CNN feature maps temporal axis. The result shows that TSEM
outperforms XCM. It is similar to STAM in terms of accuracy, while also
satisfying a number of interpretability criteria, including causality,
fidelity, and spatiotemporality."
3932,QGNN: Value Function Factorisation with Graph Neural Networks,"In multi-agent reinforcement learning, the use of a global objective is a
powerful tool for incentivising cooperation. Unfortunately, it is not
sample-efficient to train individual agents with a global reward, because it
does not necessarily correlate with an agent's individual actions. This problem
can be solved by factorising the global value function into local value
functions. Early work in this domain performed factorisation by conditioning
local value functions purely on local information. Recently, it has been shown
that providing both local information and an encoding of the global state can
promote cooperative behaviour. In this paper we propose QGNN, the first value
factorisation method to use a graph neural network (GNN) based model. The
multi-layer message passing architecture of QGNN provides more representational
complexity than models in prior work, allowing it to produce a more effective
factorisation. QGNN also introduces a permutation invariant mixer which is able
to match the performance of other methods, even with significantly fewer
parameters. We evaluate our method against several baselines, including
QMIX-Att, GraphMIX, QMIX, VDN, and hybrid architectures. Our experiments
include Starcraft, the standard benchmark for credit assignment; Estimate Game,
a custom environment that explicitly models inter-agent dependencies; and
Coalition Structure Generation, a foundational problem with real-world
applications. The results show that QGNN outperforms state-of-the-art value
factorisation baselines consistently."
3933,Inception Transformer,"Recent studies show that Transformer has strong capability of building
long-range dependencies, yet is incompetent in capturing high frequencies that
predominantly convey local information. To tackle this issue, we present a
novel and general-purpose Inception Transformer, or iFormer for short, that
effectively learns comprehensive features with both high- and low-frequency
information in visual data. Specifically, we design an Inception mixer to
explicitly graft the advantages of convolution and max-pooling for capturing
the high-frequency information to Transformers. Different from recent hybrid
frameworks, the Inception mixer brings greater efficiency through a channel
splitting mechanism to adopt parallel convolution/max-pooling path and
self-attention path as high- and low-frequency mixers, while having the
flexibility to model discriminative information scattered within a wide
frequency range. Considering that bottom layers play more roles in capturing
high-frequency details while top layers more in modeling low-frequency global
information, we further introduce a frequency ramp structure, i.e. gradually
decreasing the dimensions fed to the high-frequency mixer and increasing those
to the low-frequency mixer, which can effectively trade-off high- and
low-frequency components across different layers. We benchmark the iFormer on a
series of vision tasks, and showcase that it achieves impressive performance on
image classification, COCO detection and ADE20K segmentation. For example, our
iFormer-S hits the top-1 accuracy of 83.4% on ImageNet-1K, much higher than
DeiT-S by 3.6%, and even slightly better than much bigger model Swin-B (83.3%)
with only 1/4 parameters and 1/3 FLOPs. Code and models will be released at
https://github.com/sail-sg/iFormer."
3934,Federated Adaptation of Reservoirs via Intrinsic Plasticity,"We propose a novel algorithm for performing federated learning with Echo
State Networks (ESNs) in a client-server scenario. In particular, our proposal
focuses on the adaptation of reservoirs by combining Intrinsic Plasticity with
Federated Averaging. The former is a gradient-based method for adapting the
reservoir's non-linearity in a local and unsupervised manner, while the latter
provides the framework for learning in the federated scenario. We evaluate our
approach on real-world datasets from human monitoring, in comparison with the
previous approach for federated ESNs existing in literature. Results show that
adapting the reservoir with our algorithm provides a significant improvement on
the performance of the global model."
3935,Learning Mean Field Games: A Survey,"Non-cooperative and cooperative games with a very large number of players
have many applications but remain generally intractable when the number of
players increases. Introduced by Lasry and Lions, and Huang, Caines and
Malham\'e, Mean Field Games (MFGs) rely on a mean-field approximation to allow
the number of players to grow to infinity. Traditional methods for solving
these games generally rely on solving partial or stochastic differential
equations with a full knowledge of the model. Recently, Reinforcement Learning
(RL) has appeared promising to solve complex problems. By combining MFGs and
RL, we hope to solve games at a very large scale both in terms of population
size and environment complexity. In this survey, we review the quickly growing
recent literature on RL methods to learn Nash equilibria in MFGs. We first
identify the most common settings (static, stationary, and evolutive). We then
present a general framework for classical iterative methods (based on
best-response computation or policy evaluation) to solve MFGs in an exact way.
Building on these algorithms and the connection with Markov Decision Processes,
we explain how RL can be used to learn MFG solutions in a model-free way. Last,
we present numerical illustrations on a benchmark problem, and conclude with
some perspectives."
3936,Conformal Prediction Intervals with Temporal Dependence,"Cross-sectional prediction is common in many domains such as healthcare,
including forecasting tasks using electronic health records, where different
patients form a cross-section. We focus on the task of constructing valid
prediction intervals (PIs) in time-series regression with a cross-section. A
prediction interval is considered valid if it covers the true response with (a
pre-specified) high probability. We first distinguish between two notions of
validity in such a setting: cross-sectional and longitudinal. Cross-sectional
validity is concerned with validity across the cross-section of the time series
data, while longitudinal validity accounts for the temporal dimension. Coverage
guarantees along both these dimensions are ideally desirable; however, we show
that distribution-free longitudinal validity is theoretically impossible.
Despite this limitation, we propose Conformal Prediction with Temporal
Dependence (CPTD), a procedure which is able to maintain strict cross-sectional
validity while improving longitudinal coverage. CPTD is post-hoc and
light-weight, and can easily be used in conjunction with any prediction model
as long as a calibration set is available. We focus on neural networks due to
their ability to model complicated data such as diagnosis codes for time-series
regression, and perform extensive experimental validation to verify the
efficacy of our approach. We find that CPTD outperforms baselines on a variety
of datasets by improving longitudinal coverage and often providing more
efficient (narrower) PIs."
3937,Predicting Corporate Risk by Jointly Modeling Company Networks and Dialogues in Earnings Conference Calls,"Earnings conference calls are attracting an increasing number of researchers
due to their free form and rich information. Existing studies, however, do not
take speaker role information into account. Furthermore, current research does
not fully account for the impact of inter-company relationships on company
risk. The only study that integrates company networks and earnings conference
calls constructs an undirected graph for companies holding earnings conference
calls at different dates, failing to meet the requirement of no temporal
information leakage for prediction tasks. To address the aforementioned issues,
we propose a new model called Temporal Virtual Graph Neural Network (TVGNN),
which incorporates earnings conference calls and company networks to predict
company risk. For the first time, our model incorporates participant role
information in dialogue modeling. Moreover, we develop a new approach to
construct company networks that ensures no temporal information leakage in the
graph. In experiments, our proposed model outperforms all baselines. The
supplementary analyses demonstrate the model's effectiveness and
interpretability."
3938,Mitigating multiple descents: A model-agnostic framework for risk monotonization,"Recent empirical and theoretical analyses of several commonly used prediction
procedures reveal a peculiar risk behavior in high dimensions, referred to as
double/multiple descent, in which the asymptotic risk is a non-monotonic
function of the limiting aspect ratio of the number of features or parameters
to the sample size. To mitigate this undesirable behavior, we develop a general
framework for risk monotonization based on cross-validation that takes as input
a generic prediction procedure and returns a modified procedure whose
out-of-sample prediction risk is, asymptotically, monotonic in the limiting
aspect ratio. As part of our framework, we propose two data-driven
methodologies, namely zero- and one-step, that are akin to bagging and
boosting, respectively, and show that, under very mild assumptions, they
provably achieve monotonic asymptotic risk behavior. Our results are applicable
to a broad variety of prediction procedures and loss functions, and do not
require a well-specified (parametric) model. We exemplify our framework with
concrete analyses of the minimum $\ell_2$, $\ell_1$-norm least squares
prediction procedures. As one of the ingredients in our analysis, we also
derive novel additive and multiplicative forms of oracle risk inequalities for
split cross-validation that are of independent interest."
3939,Amortized Inference for Causal Structure Learning,"Learning causal structure poses a combinatorial search problem that typically
involves evaluating structures using a score or independence test. The
resulting search is costly, and designing suitable scores or tests that capture
prior knowledge is difficult. In this work, we propose to amortize the process
of causal structure learning. Rather than searching over causal structures
directly, we train a variational inference model to predict the causal
structure from observational/interventional data. Our inference model acquires
domain-specific inductive bias for causal discovery solely from data generated
by a simulator. This allows us to bypass both the search over graphs and the
hand-engineering of suitable score functions. Moreover, the architecture of our
inference model is permutation invariant w.r.t. the data points and permutation
equivariant w.r.t. the variables, facilitating generalization to significantly
larger problem instances than seen during training. On synthetic data and
semi-synthetic gene expression data, our models exhibit robust generalization
capabilities under substantial distribution shift and significantly outperform
existing algorithms, especially in the challenging genomics domain."
3940,Analytics of Business Time Series Using Machine Learning and Bayesian Inference,"In the survey we consider the case studies on sales time series forecasting,
the deep learning approach for forecasting non-stationary time series using
time trend correction, dynamic price and supply optimization using Q-learning,
Bitcoin price modeling, COVID-19 spread impact on stock market, using social
networks signals in analytics. The use of machine learning and Bayesian
inference in predictive analytics has been analyzed."
3941,A Neural Tangent Kernel Formula for Ensembles of Soft Trees with Arbitrary Architectures,"A soft tree is an actively studied variant of a decision tree that updates
splitting rules using the gradient method. Although it can have various tree
architectures, the theoretical properties of their impact are not well known.
In this paper, we formulate and analyze the Neural Tangent Kernel (NTK) induced
by soft tree ensembles for arbitrary tree architectures. This kernel leads to
the remarkable finding that only the number of leaves at each depth is relevant
for the tree architecture in ensemble learning with infinitely many trees. In
other words, if the number of leaves at each depth is fixed, the training
behavior in function space and the generalization performance are exactly the
same across different tree architectures, even if they are not isomorphic. We
also show that the NTK of asymmetric trees like decision lists does not
degenerate when they get infinitely deep. This is in contrast to the perfect
binary trees, whose NTK is known to degenerate and leads to worse
generalization performance for deeper trees."
3942,RADNet: Ensemble Model for Robust Glaucoma Classification in Color Fundus Images,"Glaucoma is one of the most severe eye diseases, characterized by rapid
progression and leading to irreversible blindness. It is often the case that
pathology diagnostics is carried out when the one's sight has already
significantly degraded due to the lack of noticeable symptoms at early stage of
the disease. Regular glaucoma screenings of the population shall improve
early-stage detection, however the desirable frequency of etymological checkups
is often not feasible due to excessive load imposed by manual diagnostics on
limited number of specialists. Considering the basic methodology to detect
glaucoma is to analyze fundus images for the \textit{optic-disc-to-optic-cup
ratio}, Machine Learning domain can offer sophisticated tooling for image
processing and classification. In our work, we propose an advanced image
pre-processing technique combined with an ensemble of deep classification
networks. Our \textit{Retinal Auto Detection (RADNet)} model has been
successfully tested on Rotterdam EyePACS AIROGS train dataset with AUC of 0.92,
and then additionally finetuned and tested on a fraction of RIM-ONE DL dataset
with AUC of 0.91."
3943,Differentially Private Data Generation Needs Better Features,"Training even moderately-sized generative models with differentially-private
stochastic gradient descent (DP-SGD) is difficult: the required level of noise
for reasonable levels of privacy is simply too large. We advocate instead
building off a good, relevant representation on public data, then using private
data only for ""transfer learning."" In particular, we minimize the maximum mean
discrepancy (MMD) between private target data and the generated distribution,
using a kernel based on perceptual features from a public dataset. With the
MMD, we can simply privatize the data-dependent term once and for all, rather
than introducing noise at each step of optimization as in DP-SGD. Our algorithm
allows us to generate CIFAR10-level images faithfully with $\varepsilon \approx
2$, far surpassing the current state of the art, which only models MNIST and
FashionMNIST at $\varepsilon \approx 10$. Our work introduces simple yet
powerful foundations for reducing the gap between private and non-private deep
generative models."
3944,Robust Reinforcement Learning on Graphs for Logistics optimization,"Logistics optimization nowadays is becoming one of the hottest areas in the
AI community. In the past year, significant advancements in the domain were
achieved by representing the problem in a form of graph. Another promising area
of research was to apply reinforcement learning algorithms to the above task.
In our work, we made advantage of using both approaches and apply reinforcement
learning on a graph. To do that, we have analyzed the most recent results in
both fields and selected SOTA algorithms both from graph neural networks and
reinforcement learning. Then, we combined selected models on the problem of
AMOD systems optimization for the transportation network of New York city. Our
team compared three algorithms - GAT, Pro-CNN and PTDNet - to bring to the fore
the important nodes on a graph representation. Finally, we achieved SOTA
results on AMOD systems optimization problem employing PTDNet with GNN and
training them in reinforcement fashion.
Keywords: Graph Neural Network (GNN), Logistics optimization, Reinforcement
Learning"
3945,Trust-based Consensus in Multi-Agent Reinforcement Learning Systems,"An often neglected issue in multi-agent reinforcement learning (MARL) is the
potential presence of unreliable agents in the environment whose deviations
from expected behavior can prevent a system from accomplishing its intended
tasks. In particular, consensus is a fundamental underpinning problem of
cooperative distributed multi-agent systems. Consensus requires different
agents, situated in a decentralized communication network, to reach an
agreement out of a set of initial proposals that they put forward.
Learning-based agents should adopt a protocol that allows them to reach
consensus despite having one or more unreliable agents in the system. This
paper investigates the problem of unreliable agents in MARL, considering
consensus as case study. Echoing established results in the distributed systems
literature, our experiments show that even a moderate fraction of such agents
can greatly impact the ability of reaching consensus in a networked
environment. We propose Reinforcement Learning-based Trusted Consensus (RLTC),
a decentralized trust mechanism, in which agents can independently decide which
neighbors to communicate with. We empirically demonstrate that our trust
mechanism is able to deal with unreliable agents effectively, as evidenced by
higher consensus success rates."
3946,Understanding Programmatic Weak Supervision via Source-aware Influence Function,"Programmatic Weak Supervision (PWS) aggregates the source votes of multiple
weak supervision sources into probabilistic training labels, which are in turn
used to train an end model. With its increasing popularity, it is critical to
have some tool for users to understand the influence of each component (e.g.,
the source vote or training data) in the pipeline and interpret the end model
behavior. To achieve this, we build on Influence Function (IF) and propose
source-aware IF, which leverages the generation process of the probabilistic
labels to decompose the end model's training objective and then calculate the
influence associated with each (data, source, class) tuple. These primitive
influence score can then be used to estimate the influence of individual
component of PWS, such as source vote, supervision source, and training data.
On datasets of diverse domains, we demonstrate multiple use cases: (1)
interpreting incorrect predictions from multiple angles that reveals insights
for debugging the PWS pipeline, (2) identifying mislabeling of sources with a
gain of 9%-37% over baselines, and (3) improving the end model's generalization
performance by removing harmful components in the training objective (13%-24%
better than ordinary IF)."
3947,Image Colorization using U-Net with Skip Connections and Fusion Layer on Landscape Images,"We present a novel technique to automatically colorize grayscale images that
combine the U-Net model and Fusion Layer features. This approach allows the
model to learn the colorization of images from pre-trained U-Net. Moreover, the
Fusion layer is applied to merge local information results dependent on small
image patches with global priors of an entire image on each class, forming
visually more compelling colorization results. Finally, we validate our
approach with a user study evaluation and compare it against state-of-the-art,
resulting in improvements."
3948,Stochastic Second-Order Methods Provably Beat SGD For Gradient-Dominated Functions,"We study the performance of Stochastic Cubic Regularized Newton (SCRN) on a
class of functions satisfying gradient dominance property which holds in a wide
range of applications in machine learning and signal processing. This condition
ensures that any first-order stationary point is a global optimum. We prove
that SCRN improves the best-known sample complexity of stochastic gradient
descent in achieving $\epsilon$-global optimum by a factor of
$\mathcal{O}(\epsilon^{-1/2})$. Even under a weak version of gradient dominance
property, which is applicable to policy-based reinforcement learning (RL), SCRN
achieves the same improvement over stochastic policy gradient methods.
Additionally, we show that the sample complexity of SCRN can be improved by a
factor of ${\mathcal{O}}(\epsilon^{-1/2})$ using a variance reduction method
with time-varying batch sizes. Experimental results in various RL settings
showcase the remarkable performance of SCRN compared to first-order methods."
3949,A Universal Error Measure for Input Predictions Applied to Online Graph Problems,"We introduce a novel measure for quantifying the error in input predictions.
The error is based on a minimum-cost hyperedge cover in a suitably defined
hypergraph and provides a general template which we apply to online graph
problems. The measure captures errors due to absent predicted requests as well
as unpredicted actual requests; hence, predicted and actual inputs can be of
arbitrary size. We achieve refined performance guarantees for previously
studied network design problems in the online-list model, such as Steiner tree
and facility location. Further, we initiate the study of learning-augmented
algorithms for online routing problems, such as the traveling salesperson
problem and dial-a-ride problem, where (transportation) requests arrive over
time (online-time model). We provide a general algorithmic framework and we
give error-dependent performance bounds that improve upon known worst-case
barriers, when given accurate predictions, at the cost of slightly increased
worst-case bounds when given predictions of arbitrary quality."
3950,Removing the fat from your posterior samples with margarine,"Bayesian workflows often require the introduction of nuisance parameters, yet
for core science modelling one needs access to a marginal posterior density. In
this work we use masked autoregressive flows and kernel density estimators to
encapsulate the marginal posterior, allowing us to compute marginal
Kullback-Leibler divergences and marginal Bayesian model dimensionalities in
addition to generating samples and computing marginal log probabilities. We
demonstrate this in application to topical cosmological examples of the Dark
Energy Survey, and global 21cm signal experiments. In addition to the
computation of marginal Bayesian statistics, this work is important for further
applications in Bayesian experimental design, complex prior modelling and
likelihood emulation. This technique is made publicly available in the
pip-installable code margarine."
3951,Mirror Descent Maximizes Generalized Margin and Can Be Implemented Efficiently,"Driven by the empirical success and wide use of deep neural networks,
understanding the generalization performance of overparameterized models has
become an increasingly popular question. To this end, there has been
substantial effort to characterize the implicit bias of the optimization
algorithms used, such as gradient descent (GD), and the structural properties
of their preferred solutions. This paper answers an open question in this
literature: For the classification setting, what solution does mirror descent
(MD) converge to? Specifically, motivated by its efficient implementation, we
consider the family of mirror descent algorithms with potential function chosen
as the $p$-th power of the $\ell_p$-norm, which is an important generalization
of GD. We call this algorithm $p$-$\textsf{GD}$. For this family, we
characterize the solutions it obtains and show that it converges in direction
to a generalized maximum-margin solution with respect to the $\ell_p$-norm for
linearly separable classification. While the MD update rule is in general
expensive to compute and perhaps not suitable for deep learning,
$p$-$\textsf{GD}$ is fully parallelizable in the same manner as SGD and can be
used to train deep neural networks with virtually no additional computational
overhead. Using comprehensive experiments with both linear and deep neural
network models, we demonstrate that $p$-$\textsf{GD}$ can noticeably affect the
structure and the generalization performance of the learned models."
3952,Gradient-based explanations for Gaussian Process regression and classification models,"Gaussian Processes (GPs) have proven themselves as a reliable and effective
method in probabilistic Machine Learning. Thanks to recent and current
advances, modeling complex data with GPs is becoming more and more feasible.
Thus, these types of models are, nowadays, an interesting alternative to Neural
and Deep Learning methods, which are arguably the current state-of-the-art in
Machine Learning. For the latter, we see an increasing interest in so-called
explainable approaches - in essence methods that aim to make a Machine Learning
model's decision process transparent to humans. Such methods are particularly
needed when illogical or biased reasoning can lead to actual disadvantageous
consequences for humans. Ideally, explainable Machine Learning should help
detect such flaws in a model and aid a subsequent debugging process. One active
line of research in Machine Learning explainability are gradient-based methods,
which have been successfully applied to complex neural networks. Given that GPs
are closed under differentiation, gradient-based explainability for GPs appears
as a promising field of research. This paper is primarily focused on explaining
GP classifiers via gradients where, contrary to GP regression, derivative GPs
are not straightforward to obtain."
3953,Towards Green AI with tensor networks -- Sustainability and innovation enabled by efficient algorithms,"The current standard to compare the performance of AI algorithms is mainly
based on one criterion: the model's accuracy. In this context, algorithms with
a higher accuracy (or similar measures) are considered as better. To achieve
new state-of-the-art results, algorithmic development is accompanied by an
exponentially increasing amount of compute. While this has enabled AI research
to achieve remarkable results, AI progress comes at a cost: it is
unsustainable. In this paper, we present a promising tool for sustainable and
thus Green AI: tensor networks (TNs). Being an established tool from
multilinear algebra, TNs have the capability to improve efficiency without
compromising accuracy. Since they can reduce compute significantly, we would
like to highlight their potential for Green AI. We elaborate in both a kernel
machine and deep learning setting how efficiency gains can be achieved with
TNs. Furthermore, we argue that better algorithms should be evaluated in terms
of both accuracy and efficiency. To that end, we discuss different efficiency
criteria and analyze efficiency in an exemplifying experimental setting for
kernel ridge regression. With this paper, we want to raise awareness about
Green AI and showcase its positive impact on sustainability and AI research.
Our key contribution is to demonstrate that TNs enable efficient algorithms and
therefore contribute towards Green AI. In this sense, TNs pave the way for
better algorithms in AI."
3954,Impartial Games: A Challenge for Reinforcement Learning,"The AlphaZero algorithm and its successor MuZero have revolutionised several
competitive strategy games, including chess, Go, and shogi and video games like
Atari, by learning to play these games better than any human and any
specialised computer program. Aside from knowing the rules, AlphaZero had no
prior knowledge of each game. This dramatically advanced progress on a
long-standing AI challenge to create programs that can learn for themselves
from first principles.
Theoretically, there are well-known limits to the power of deep learning for
strategy games like chess, Go, and shogi, as they are known to be NEXPTIME
hard. Some papers have argued that the AlphaZero methodology has limitations
and is unsuitable for general AI. However, none of these works has suggested
any specific limits for any particular game.
In this paper, we provide more powerful bottlenecks than previously
suggested. We present the first concrete example of a game - namely the
(children) game of nim - and other impartial games that seem to be a stumbling
block for AlphaZero and similar reinforcement learning algorithms. We show
experimentally that the bottlenecks apply to both the policy and value
networks. Since solving nim can be done in linear time using logarithmic space
i.e. has very low-complexity, our experimental results supersede known
theoretical limits based on many games' PSPACE (and NEXPTIME) completeness.
We show that nim can be learned on small boards, but when the board size
increases, AlphaZero style algorithms rapidly fail to improve.
We quantify the difficulties for various setups, parameter settings and
computational resources. Our results might help expand the AlphaZero self-play
paradigm by allowing it to use meta-actions during training and/or actual game
play like applying abstract transformations, or reading and writing to an
external memory."
3955,TrustGNN: Graph Neural Network based Trust Evaluation via Learnable Propagative and Composable Nature,"Trust evaluation is critical for many applications such as cyber security,
social communication and recommender systems. Users and trust relationships
among them can be seen as a graph. Graph neural networks (GNNs) show their
powerful ability for analyzing graph-structural data. Very recently, existing
work attempted to introduce the attributes and asymmetry of edges into GNNs for
trust evaluation, while failed to capture some essential properties (e.g., the
propagative and composable nature) of trust graphs. In this work, we propose a
new GNN based trust evaluation method named TrustGNN, which integrates smartly
the propagative and composable nature of trust graphs into a GNN framework for
better trust evaluation. Specifically, TrustGNN designs specific propagative
patterns for different propagative processes of trust, and distinguishes the
contribution of different propagative processes to create new trust. Thus,
TrustGNN can learn comprehensive node embeddings and predict trust
relationships based on these embeddings. Experiments on some widely-used
real-world datasets indicate that TrustGNN significantly outperforms the
state-of-the-art methods. We further perform analytical experiments to
demonstrate the effectiveness of the key designs in TrustGNN."
3956,Ultra-compact Binary Neural Networks for Human Activity Recognition on RISC-V Processors,"Human Activity Recognition (HAR) is a relevant inference task in many mobile
applications. State-of-the-art HAR at the edge is typically achieved with
lightweight machine learning models such as decision trees and Random Forests
(RFs), whereas deep learning is less common due to its high computational
complexity. In this work, we propose a novel implementation of HAR based on
deep neural networks, and precisely on Binary Neural Networks (BNNs), targeting
low-power general purpose processors with a RISC-V instruction set. BNNs yield
very small memory footprints and low inference complexity, thanks to the
replacement of arithmetic operations with bit-wise ones. However, existing BNN
implementations on general purpose processors impose constraints tailored to
complex computer vision tasks, which result in over-parametrized models for
simpler problems like HAR. Therefore, we also introduce a new BNN inference
library, which targets ultra-compact models explicitly. With experiments on a
single-core RISC-V processor, we show that BNNs trained on two HAR datasets
obtain higher classification accuracy compared to a state-of-the-art baseline
based on RFs. Furthermore, our BNN reaches the same accuracy of a RF with
either less memory (up to 91%) or more energy-efficiency (up to 70%), depending
on the complexity of the features extracted by the RF."
3957,Residual-Concatenate Neural Network with Deep Regularization Layers for Binary Classification,"Many complex Deep Learning models are used with different variations for
various prognostication tasks. The higher learning parameters not necessarily
ensure great accuracy. This can be solved by considering changes in very deep
models with many regularization based techniques. In this paper we train a deep
neural network that uses many regularization layers with residual and
concatenation process for best fit with Polycystic Ovary Syndrome Diagnosis
prognostication. The network was built with improvements from every step of
failure to meet the needs of the data and achieves an accuracy of 99.3%
seamlessly."
3958,An Experimental Comparison Between Temporal Difference and Residual Gradient with Neural Network Approximation,"Gradient descent or its variants are popular in training neural networks.
However, in deep Q-learning with neural network approximation, a type of
reinforcement learning, gradient descent (also known as Residual Gradient (RG))
is barely used to solve Bellman residual minimization problem. On the contrary,
Temporal Difference (TD), an incomplete gradient descent method prevails. In
this work, we perform extensive experiments to show that TD outperforms RG,
that is, when the training leads to a small Bellman residual error, the
solution found by TD has a better policy and is more robust against the
perturbation of neural network parameters. We further use experiments to reveal
a key difference between reinforcement learning and supervised learning, that
is, a small Bellman residual error can correspond to a bad policy in
reinforcement learning while the test loss function in supervised learning is a
standard index to indicate the performance. We also empirically examine that
the missing term in TD is a key reason why RG performs badly. Our work shows
that the performance of a deep Q-learning solution is closely related to the
training dynamics and how an incomplete gradient descent method can find a good
policy is interesting for future study."
3959,Towards Symbolic Time Series Representation Improved by Kernel Density Estimators,"This paper deals with symbolic time series representation. It builds up on
the popular mapping technique Symbolic Aggregate approXimation algorithm (SAX),
which is extensively utilized in sequence classification, pattern mining,
anomaly detection, time series indexing and other data mining tasks. However,
the disadvantage of this method is, that it works reliably only for time series
with Gaussian-like distribution. In our previous work we have proposed an
improvement of SAX, called dwSAX, which can deal with Gaussian as well as
non-Gaussian data distribution. Recently we have made further progress in our
solution - edwSAX. Our goal was to optimally cover the information space by
means of sufficient alphabet utilization; and to satisfy lower bounding
criterion as tight as possible. We describe here our approach, including
evaluation on commonly employed tasks such as time series reconstruction error
and Euclidean distance lower bounding with promising improvements over SAX."
3960,An Evolutionary Approach to Dynamic Introduction of Tasks in Large-scale Multitask Learning Systems,"Multitask learning assumes that models capable of learning from multiple
tasks can achieve better quality and efficiency via knowledge transfer, a key
feature of human learning. Though, state of the art ML models rely on high
customization for each task and leverage size and data scale rather than
scaling the number of tasks. Also, continual learning, that adds the temporal
aspect to multitask, is often focused to the study of common pitfalls such as
catastrophic forgetting instead of being studied at a large scale as a critical
component to build the next generation artificial intelligence. We propose an
evolutionary method that can generate a large scale multitask model, and can
support the dynamic and continuous addition of new tasks. The generated
multitask model is sparsely activated and integrates a task-based routing that
guarantees bounded compute cost and fewer added parameters per task as the
model expands. The proposed method relies on a knowledge compartmentalization
technique to achieve immunity against catastrophic forgetting and other common
pitfalls such as gradient interference and negative transfer. We empirically
show that the proposed method can jointly solve and achieve competitive results
on 69image classification tasks, for example achieving the best test accuracy
reported fora model trained only on public data for competitive tasks such as
cifar10: 99.43%."
3961,An Empirical Study on Distribution Shift Robustness From the Perspective of Pre-Training and Data Augmentation,"The performance of machine learning models under distribution shift has been
the focus of the community in recent years. Most of current methods have been
proposed to improve the robustness to distribution shift from the algorithmic
perspective, i.e., designing better training algorithms to help the
generalization in shifted test distributions. This paper studies the
distribution shift problem from the perspective of pre-training and data
augmentation, two important factors in the practice of deep learning that have
not been systematically investigated by existing work. By evaluating seven
pre-trained models, including ResNets and ViT's with self-supervision and
supervision mode, on five important distribution-shift datasets, from WILDS and
DomainBed benchmarks, with five different learning algorithms, we provide the
first comprehensive empirical study focusing on pre-training and data
augmentation. With our empirical result obtained from 1,330 models, we provide
the following main observations: 1) ERM combined with data augmentation can
achieve state-of-the-art performance if we choose a proper pre-trained model
respecting the data property; 2) specialized algorithms further improve the
robustness on top of ERM when handling a specific type of distribution shift,
e.g., GroupDRO for spurious correlation and CORAL for large-scale
out-of-distribution data; 3) Comparing different pre-training modes,
architectures and data sizes, we provide novel observations about pre-training
on distribution shift, which sheds light on designing or selecting pre-training
strategy for different kinds of distribution shifts. In summary, our empirical
study provides a comprehensive baseline for a wide range of pre-training models
fine-tuned with data augmentation, which potentially inspires research
exploiting the power of pre-training and data augmentation in the future of
distribution shift study."
3962,NECA: Network-Embedded Deep Representation Learning for Categorical Data,"We propose NECA, a deep representation learning method for categorical data.
Built upon the foundations of network embedding and deep unsupervised
representation learning, NECA deeply embeds the intrinsic relationship among
attribute values and explicitly expresses data objects with numeric vector
representations. Designed specifically for categorical data, NECA can support
important downstream data mining tasks, such as clustering. Extensive
experimental analysis demonstrated the effectiveness of NECA."
3963,Fast Stochastic Composite Minimization and an Accelerated Frank-Wolfe Algorithm under Parallelization,"We consider the problem of minimizing the sum of two convex functions. One of
those functions has Lipschitz-continuous gradients, and can be accessed via
stochastic oracles, whereas the other is ""simple"". We provide a Bregman-type
algorithm with accelerated convergence in function values to a ball containing
the minimum. The radius of this ball depends on problem-dependent constants,
including the variance of the stochastic oracle. We further show that this
algorithmic setup naturally leads to a variant of Frank-Wolfe achieving
acceleration under parallelization. More precisely, when minimizing a smooth
convex function on a bounded domain, we show that one can achieve an $\epsilon$
primal-dual gap (in expectation) in $\tilde{O}(1/ \sqrt{\epsilon})$ iterations,
by only accessing gradients of the original function and a linear maximization
oracle with $O(1/\sqrt{\epsilon})$ computing units in parallel. We illustrate
this fast convergence on synthetic numerical experiments."
3964,Machine learning method for return direction forecasting of Exchange Traded Funds using classification and regression models,"This article aims to propose and apply a machine learning method to analyze
the direction of returns from Exchange Traded Funds (ETFs) using the historical
return data of its components, helping to make investment strategy decisions
through a trading algorithm. In methodological terms, regression and
classification models were applied, using standard datasets from Brazilian and
American markets, in addition to algorithmic error metrics. In terms of
research results, they were analyzed and compared to those of the Na\""ive
forecast and the returns obtained by the buy & hold technique in the same
period of time. In terms of risk and return, the models mostly performed better
than the control metrics, with emphasis on the linear regression model and the
classification models by logistic regression, support vector machine (using the
LinearSVC model), Gaussian Naive Bayes and K-Nearest Neighbors, where in
certain datasets the returns exceeded by two times and the Sharpe ratio by up
to four times those of the buy & hold control model."
3965,Deep interpretable ensembles,"Ensembles improve prediction performance and allow uncertainty quantification
by aggregating predictions from multiple models. In deep ensembling, the
individual models are usually black box neural networks, or recently, partially
interpretable semi-structured deep transformation models. However,
interpretability of the ensemble members is generally lost upon aggregation.
This is a crucial drawback of deep ensembles in high-stake decision fields, in
which interpretable models are desired. We propose a novel transformation
ensemble which aggregates probabilistic predictions with the guarantee to
preserve interpretability and yield uniformly better predictions than the
ensemble members on average. Transformation ensembles are tailored towards
interpretable deep transformation models but are applicable to a wider range of
probabilistic neural networks. In experiments on several publicly available
data sets, we demonstrate that transformation ensembles perform on par with
classical deep ensembles in terms of prediction performance, discrimination,
and calibration. In addition, we demonstrate how transformation ensembles
quantify both aleatoric and epistemic uncertainty, and produce minimax optimal
predictions under certain conditions."
3966,Service Discovery in Social Internet of Things using Graph Neural Networks,"Internet-of-Things (IoT) networks intelligently connect thousands of physical
entities to provide various services for the community. It is witnessing an
exponential expansion, which is complicating the process of discovering IoT
devices existing in the network and requesting corresponding services from
them. As the highly dynamic nature of the IoT environment hinders the use of
traditional solutions of service discovery, we aim, in this paper, to address
this issue by proposing a scalable resource allocation neural model adequate
for heterogeneous large-scale IoT networks. We devise a Graph Neural Network
(GNN) approach that utilizes the social relationships formed between the
devices in the IoT network to reduce the search space of any entity lookup and
acquire a service from another device in the network. This proposed resource
allocation approach surpasses standardization issues and embeds the structure
and characteristics of the social IoT graph, by the means of GNNs, for eventual
clustering analysis process. Simulation results applied on a real-world dataset
illustrate the performance of this solution and its significant efficiency to
operate on large-scale IoT networks."
3967,VeriFi: Towards Verifiable Federated Unlearning,"Federated learning (FL) is a collaborative learning paradigm where
participants jointly train a powerful model without sharing their private data.
One desirable property for FL is the implementation of the right to be
forgotten (RTBF), i.e., a leaving participant has the right to request to
delete its private data from the global model. However, unlearning itself may
not be enough to implement RTBF unless the unlearning effect can be
independently verified, an important aspect that has been overlooked in the
current literature. In this paper, we prompt the concept of verifiable
federated unlearning, and propose VeriFi, a unified framework integrating
federated unlearning and verification that allows systematic analysis of the
unlearning and quantification of its effect, with different combinations of
multiple unlearning and verification methods. In VeriFi, the leaving
participant is granted the right to verify (RTV), that is, the participant
notifies the server before leaving, then actively verifies the unlearning
effect in the next few communication rounds. The unlearning is done at the
server side immediately after receiving the leaving notification, while the
verification is done locally by the leaving participant via two steps: marking
(injecting carefully-designed markers to fingerprint the leaver) and checking
(examining the change of the global model's performance on the markers). Based
on VeriFi, we conduct the first systematic and large-scale study for verifiable
federated unlearning, considering 7 unlearning methods and 5 verification
methods. Particularly, we propose a more efficient and FL-friendly unlearning
method, and two more effective and robust non-invasive-verification methods. We
extensively evaluate VeriFi on 7 datasets and 4 types of deep learning models.
Our analysis establishes important empirical understandings for more
trustworthy federated unlearning."
3968,Scalable Online Change Detection for High-dimensional Data Streams,"Detecting changes in data streams is a core objective in their analysis and
has applications in, say, predictive maintenance, fraud detection, and
medicine. A principled approach to detect changes is to compare distributions
observed within the stream to each other. However, data streams often are
high-dimensional, and changes can be complex, e.g., only manifest themselves in
higher moments. The streaming setting also imposes heavy memory and computation
restrictions. We propose an algorithm, Maximum Mean Discrepancy Adaptive
Windowing (MMDAW), which leverages the well-known Maximum Mean Discrepancy
(MMD) two-sample test, and facilitates its efficient online computation on
windows whose size it flexibly adapts. As MMD is sensitive to any change in the
underlying distribution, our algorithm is a general-purpose non-parametric
change detector that fulfills the requirements imposed by the streaming
setting. Our experiments show that MMDAW achieves better detection quality than
state-of-the-art competitors."
3969,Eliciting Transferability in Multi-task Learning with Task-level Mixture-of-Experts,"Recent work suggests that transformer models are capable of multi-task
learning on diverse NLP tasks. However, the potential of these models may be
limited as they use the same set of parameters for all tasks. In contrast,
humans tackle tasks in a more flexible way, by making proper presumptions on
what skills and knowledge are relevant and executing only the necessary
computations. Inspired by this, we propose to use task-level mixture-of-expert
models, which has a collection of transformer layers (i.e., experts) and a
router component to choose among these experts dynamically and flexibly. We
show that the learned routing decisions and experts partially rediscover human
categorization of NLP tasks -- certain experts are strongly associated with
extractive tasks, some with classification tasks, and some with tasks requiring
world knowledge."
3970,Surprises in adversarially-trained linear regression,"State-of-the-art machine learning models can be vulnerable to very small
input perturbations that are adversarially constructed. Adversarial training is
one of the most effective approaches to defend against such examples. We show
that for linear regression problems, adversarial training can be formulated as
a convex problem. This fact is then used to show that $\ell_\infty$-adversarial
training produces sparse solutions and has many similarities to the lasso
method. Similarly, $\ell_2$-adversarial training has similarities with ridge
regression. We use a robust regression framework to analyze and understand
these similarities and also point to some differences. Finally, we show how
adversarial training behaves differently from other regularization methods when
estimating overparameterized models (i.e., models with more parameters than
datapoints). It minimizes a sum of three terms which regularizes the solution,
but unlike lasso and ridge regression, it can sharply transition into an
interpolation mode. We show that for sufficiently many features or sufficiently
small regularization parameters, the learned model perfectly interpolates the
training data while still exhibiting good out-of-sample performance."
3971,"Train Flat, Then Compress: Sharpness-Aware Minimization Learns More Compressible Models","Model compression by way of parameter pruning, quantization, or distillation
has recently gained popularity as an approach for reducing the computational
requirements of modern deep neural network models for NLP. Pruning unnecessary
parameters has emerged as a simple and effective method for compressing large
models that is compatible with a wide variety of contemporary off-the-shelf
hardware (unlike quantization), and that requires little additional training
(unlike distillation). Pruning approaches typically take a large, accurate
model as input, then attempt to discover a smaller subnetwork of that model
capable of achieving end-task accuracy comparable to the full model. Inspired
by previous work suggesting a connection between simpler, more generalizable
models and those that lie within flat basins in the loss landscape, we propose
to directly optimize for flat minima while performing task-specific pruning,
which we hypothesize should lead to simpler parameterizations and thus more
compressible models. In experiments combining sharpness-aware minimization with
both iterative magnitude pruning and structured pruning approaches, we show
that optimizing for flat minima consistently leads to greater compressibility
of parameters compared to standard Adam optimization when fine-tuning BERT
models, leading to higher rates of compression with little to no loss in
accuracy on the GLUE classification benchmark."
3972,Ground-Truth Labels Matter: A Deeper Look into Input-Label Demonstrations,"Despite recent explosion in research interests, in-context learning and the
precise impact of the quality of demonstrations remain elusive. While, based on
current literature, it is expected that in-context learning shares a similar
mechanism to supervised learning, Min et al. (2022) recently reported that,
surprisingly, input-label correspondence is less important than other aspects
of prompt demonstrations. Inspired by this counter-intuitive observation, we
re-examine the importance of ground truth labels on in-context learning from
diverse and statistical points of view. With the aid of the newly introduced
metrics, i.e., Ground-truth Label Effect Ratio (GLER), demo-gain, and label
sensitivity, we find that the impact of the correct input-label matching can
vary according to different configurations. Expanding upon the previous key
finding on the role of demonstrations, the complementary and contrastive
results suggest that one might need to take more care when estimating the
impact of each component in in-context learning demonstrations."
3973,Rethinking Fano's Inequality in Ensemble Learning,"We propose a fundamental theory on ensemble learning that evaluates a given
ensemble system by a well-grounded set of metrics. Previous studies used a
variant of Fano's inequality of information theory and derived a lower bound of
the classification error rate on the basis of the accuracy and diversity of
models. We revisit the original Fano's inequality and argue that the studies
did not take into account the information lost when multiple model predictions
are combined into a final prediction. To address this issue, we generalize the
previous theory to incorporate the information loss. Further, we empirically
validate and demonstrate the proposed theory through extensive experiments on
actual systems. The theory reveals the strengths and weaknesses of systems on
each metric, which will push the theoretical understanding of ensemble learning
and give us insights into designing systems."
3974,Training Language Models with Memory Augmentation,"Recent work has improved language models remarkably by equipping them with a
non-parametric memory component. However, most existing approaches only
introduce memories at testing time, or represent them using a separately
trained encoder -- resulting in sub-optimal training of the language model. In
this work, we present TRIME, a novel yet simple training approach designed for
training language models with memory augmentation. Our approach uses a training
objective that directly takes in-batch examples as accessible memory. We also
present new methods for memory construction and data batching, which are used
for adapting to different sets of memories -- local, long-term, and external
memory -- at testing time. We evaluate our approach on multiple language
modeling and machine translation benchmarks. We find that simply replacing the
vanilla language modeling objective by ours greatly reduces the perplexity,
without modifying the model architecture or incorporating extra context (e.g.,
18.70 $\to$ 17.76 on WikiText-103). We further augment language models with
long-range contexts and external knowledge and demonstrate significant gains
over previous memory-augmented approaches."
3975,MAPLE-X: Latency Prediction with Explicit Microprocessor Prior Knowledge,"Deep neural network (DNN) latency characterization is a time-consuming
process and adds significant cost to Neural Architecture Search (NAS) processes
when searching for efficient convolutional neural networks for embedded vision
applications. DNN Latency is a hardware dependent metric and requires direct
measurement or inference on target hardware. A recently introduced latency
estimation technique known as MAPLE predicts DNN execution time on previously
unseen hardware devices by using hardware performance counters. Leveraging
these hardware counters in the form of an implicit prior, MAPLE achieves
state-of-the-art performance in latency prediction. Here, we propose MAPLE-X
which extends MAPLE by incorporating explicit prior knowledge of hardware
devices and DNN architecture latency to better account for model stability and
robustness. First, by identifying DNN architectures that exhibit a similar
latency to each other, we can generate multiple virtual examples to
significantly improve the accuracy over MAPLE. Secondly, the hardware
specifications are used to determine the similarity between training and test
hardware to emphasize training samples captured from comparable devices
(domains) and encourages improved domain alignment. Experimental results using
a convolution neural network NAS benchmark across different types of devices,
including an Intel processor that is now used for embedded vision applications,
demonstrate a 5% improvement over MAPLE and 9% over HELP. Furthermore, we
include ablation studies to independently assess the benefits of virtual
examples and hardware-based sample importance."
3976,Fast Inference and Transfer of Compositional Task Structures for Few-shot Task Generalization,"We tackle real-world problems with complex structures beyond the pixel-based
game or simulator. We formulate it as a few-shot reinforcement learning problem
where a task is characterized by a subtask graph that defines a set of subtasks
and their dependencies that are unknown to the agent. Different from the
previous meta-rl methods trying to directly infer the unstructured task
embedding, our multi-task subtask graph inferencer (MTSGI) first infers the
common high-level task structure in terms of the subtask graph from the
training tasks, and use it as a prior to improve the task inference in testing.
Our experiment results on 2D grid-world and complex web navigation domains show
that the proposed method can learn and leverage the common underlying structure
of the tasks for faster adaptation to the unseen tasks than various existing
algorithms such as meta reinforcement learning, hierarchical reinforcement
learning, and other heuristic agents."
3977,On the Interpretability of Regularisation for Neural Networks Through Model Gradient Similarity,"Most complex machine learning and modelling techniques are prone to
over-fitting and may subsequently generalise poorly to future data. Artificial
neural networks are no different in this regard and, despite having a level of
implicit regularisation when trained with gradient descent, often require the
aid of explicit regularisers. We introduce a new framework, Model Gradient
Similarity (MGS), that (1) serves as a metric of regularisation, which can be
used to monitor neural network training, (2) adds insight into how explicit
regularisers, while derived from widely different principles, operate via the
same mechanism underneath by increasing MGS, and (3) provides the basis for a
new regularisation scheme which exhibits excellent performance, especially in
challenging settings such as high levels of label noise or limited sample
sizes."
3978,Lifelong Learning Natural Language Processing Approach for Multilingual Data Classification,"The abundance of information in digital media, which in today's world is the
main source of knowledge about current events for the masses, makes it possible
to spread disinformation on a larger scale than ever before. Consequently,
there is a need to develop novel fake news detection approaches capable of
adapting to changing factual contexts and generalizing previously or
concurrently acquired knowledge. To deal with this problem, we propose a
lifelong learning-inspired approach, which allows for fake news detection in
multiple languages and the mutual transfer of knowledge acquired in each of
them. Both classical feature extractors, such as Term frequency-inverse
document frequency or Latent Dirichlet Allocation, and integrated deep NLP
(Natural Language Processing) BERT (Bidirectional Encoder Representations from
Transformers) models paired with MLP (Multilayer Perceptron) classifier, were
employed. The results of experiments conducted on two datasets dedicated to the
fake news classification task (in English and Spanish, respectively), supported
by statistical analysis, confirmed that utilization of additional languages
could improve performance for traditional methods. Also, in some cases
supplementing the deep learning method with classical ones can positively
impact obtained results. The ability of models to generalize the knowledge
acquired between the analyzed languages was also observed."
3979,Autoformalization with Large Language Models,"Autoformalization is the process of automatically translating from natural
language mathematics to formal specifications and proofs. A successful
autoformalization system could advance the fields of formal verification,
program synthesis, and artificial intelligence. While the long-term goal of
autoformalization seemed elusive for a long time, we show large language models
provide new prospects towards this goal. We make the surprising observation
that LLMs can correctly translate a significant portion ($25.3\%$) of
mathematical competition problems perfectly to formal specifications in
Isabelle/HOL. We demonstrate the usefulness of this process by improving a
previously introduced neural theorem prover via training on these
autoformalized theorems. Our methodology results in a new state-of-the-art
result on the MiniF2F theorem proving benchmark, improving the proof rate from
$29.6\%$ to $35.2\%$."
3980,Deep Aesthetic Assessment and Retrieval of Breast Cancer Treatment Outcomes,"Treatments for breast cancer have continued to evolve and improve in recent
years, resulting in a substantial increase in survival rates, with
approximately 80\% of patients having a 10-year survival period. Given the
serious impact that breast cancer treatments can have on a patient's body
image, consequently affecting her self-confidence and sexual and intimate
relationships, it is paramount to ensure that women receive the treatment that
optimizes both survival and aesthetic outcomes. Currently, there is no gold
standard for evaluating the aesthetic outcome of breast cancer treatment. In
addition, there is no standard way to show patients the potential outcome of
surgery. The presentation of similar cases from the past would be extremely
important to manage women's expectations of the possible outcome. In this work,
we propose a deep neural network to perform the aesthetic evaluation. As a
proof-of-concept, we focus on a binary aesthetic evaluation. Besides its use
for classification, this deep neural network can also be used to find the most
similar past cases by searching for nearest neighbours in the highly semantic
space before classification. We performed the experiments on a dataset
consisting of 143 photos of women after conservative treatment for breast
cancer. The results for accuracy and balanced accuracy showed the superior
performance of our proposed model compared to the state of the art in aesthetic
evaluation of breast cancer treatments. In addition, the model showed a good
ability to retrieve similar previous cases, with the retrieved cases having the
same or adjacent class (in the 4-class setting) and having similar types of
asymmetry. Finally, a qualitative interpretability assessment was also
performed to analyse the robustness and trustworthiness of the model."
3981,Mutual Information Divergence: A Unified Metric for Multimodal Generative Models,"Text-to-image generation and image captioning are recently emerged as a new
experimental paradigm to assess machine intelligence. They predict continuous
quantity accompanied by their sampling techniques in the generation, making
evaluation complicated and intractable to get marginal distributions. Based on
a recent trend that multimodal generative evaluations exploit a
vison-and-language pre-trained model, we propose the negative Gaussian
cross-mutual information using the CLIP features as a unified metric, coined by
Mutual Information Divergence (MID). To validate, we extensively compare it
with competing metrics using carefully-generated or human-annotated judgments
in text-to-image generation and image captioning tasks. The proposed MID
significantly outperforms the competitive methods by having consistency across
benchmarks, sample parsimony, and robustness toward the exploited CLIP model.
We look forward to seeing the underrepresented implications of the Gaussian
cross-mutual information in multimodal representation learning and the future
works based on this novel proposition."
3982,Learning Distributions by Generative Adversarial Networks: Approximation and Generalization,"We study how well generative adversarial networks (GAN) learn probability
distributions from finite samples by analyzing the convergence rates of these
models. Our analysis is based on a new oracle inequality that decomposes the
estimation error of GAN into the discriminator and generator approximation
errors, generalization error and optimization error. To estimate the
discriminator approximation error, we establish error bounds on approximating
H\""older functions by ReLU neural networks, with explicit upper bounds on the
Lipschitz constant of the network or norm constraint on the weights. For
generator approximation error, we show that neural network can approximately
transform a low-dimensional source distribution to a high-dimensional target
distribution and bound such approximation error by the width and depth of
neural network. Combining the approximation results with generalization bounds
of neural networks from statistical learning theory, we establish the
convergence rates of GANs in various settings, when the error is measured by a
collection of integral probability metrics defined through H\""older classes,
including the Wasserstein distance as a special case. In particular, for
distributions concentrated around a low-dimensional set, we show that the
convergence rates of GANs do not depend on the high ambient dimension, but on
the lower intrinsic dimension."
3983,ORCA: Interpreting Prompted Language Models via Locating Supporting Data Evidence in the Ocean of Pretraining Data,"Large pretrained language models have been performing increasingly well in a
variety of downstream tasks via prompting. However, it remains unclear from
where the model learns the task-specific knowledge, especially in a zero-shot
setup. In this work, we want to find evidence of the model's task-specific
competence from pretraining and are specifically interested in locating a very
small subset of pretraining data that directly supports the model in the task.
We call such a subset supporting data evidence and propose a novel method ORCA
to effectively identify it, by iteratively using gradient information related
to the downstream task. This supporting data evidence offers interesting
insights about the prompted language models: in the tasks of sentiment analysis
and textual entailment, BERT shows a substantial reliance on BookCorpus, the
smaller corpus of BERT's two pretraining corpora, as well as on pretraining
examples that mask out synonyms to the task verbalizers."
3984,RobustLR: Evaluating Robustness to Logical Perturbation in Deductive Reasoning,"Transformers have been shown to be able to perform deductive reasoning on a
logical rulebase containing rules and statements written in English natural
language. While the progress is promising, it is currently unclear if these
models indeed perform logical reasoning by understanding the underlying logical
semantics in the language. To this end, we propose RobustLR, a suite of
evaluation datasets that evaluate the robustness of these models to minimal
logical edits in rulebases and some standard logical equivalence conditions. In
our experiments with RoBERTa and T5, we find that the models trained in prior
works do not perform consistently on the different perturbations in RobustLR,
thus showing that the models are not robust to the proposed logical
perturbations. Further, we find that the models find it especially hard to
learn logical negation and disjunction operators. Overall, using our evaluation
sets, we demonstrate some shortcomings of the deductive reasoning-based
language models, which can eventually help towards designing better models for
logical reasoning over natural language."
3985,Heterogeneous Reservoir Computing Models for Persian Speech Recognition,"Over the last decade, deep-learning methods have been gradually incorporated
into conventional automatic speech recognition (ASR) frameworks to create
acoustic, pronunciation, and language models. Although it led to significant
improvements in ASRs' recognition accuracy, due to their hard constraints
related to hardware requirements (e.g., computing power and memory usage), it
is unclear if such approaches are the most computationally- and
energy-efficient options for embedded ASR applications. Reservoir computing
(RC) models (e.g., echo state networks (ESNs) and liquid state machines
(LSMs)), on the other hand, have been proven inexpensive to train, have vastly
fewer parameters, and are compatible with emergent hardware technologies.
However, their performance in speech processing tasks is relatively inferior to
that of the deep-learning-based models. To enhance the accuracy of the RC in
ASR applications, we propose heterogeneous single and multi-layer ESNs to
create non-linear transformations of the inputs that capture temporal context
at different scales. To test our models, we performed a speech recognition task
on the Farsdat Persian dataset. Since, to the best of our knowledge, standard
RC has not yet been employed to conduct any Persian ASR tasks, we also trained
conventional single-layer and deep ESNs to provide baselines for comparison.
Besides, we compared the RC performance with a standard long-short-term memory
(LSTM) model. Heterogeneous RC models (1) show improved performance to the
standard RC models; (2) perform on par in terms of recognition accuracy with
the LSTM, and (3) reduce the training time considerably."
3986,Scalable Multi-Agent Model-Based Reinforcement Learning,"Recent Multi-Agent Reinforcement Learning (MARL) literature has been largely
focused on Centralized Training with Decentralized Execution (CTDE) paradigm.
CTDE has been a dominant approach for both cooperative and mixed environments
due to its capability to efficiently train decentralized policies. While in
mixed environments full autonomy of the agents can be a desirable outcome,
cooperative environments allow agents to share information to facilitate
coordination. Approaches that leverage this technique are usually referred as
communication methods, as full autonomy of agents is compromised for better
performance. Although communication approaches have shown impressive results,
they do not fully leverage this additional information during training phase.
In this paper, we propose a new method called MAMBA which utilizes Model-Based
Reinforcement Learning (MBRL) to further leverage centralized training in
cooperative environments. We argue that communication between agents is enough
to sustain a world model for each agent during execution phase while imaginary
rollouts can be used for training, removing the necessity to interact with the
environment. These properties yield sample efficient algorithm that can scale
gracefully with the number of agents. We empirically confirm that MAMBA
achieves good performance while reducing the number of interactions with the
environment up to an orders of magnitude compared to Model-Free
state-of-the-art approaches in challenging domains of SMAC and Flatland."
3987,Towards a Fair Comparison and Realistic Design and Evaluation Framework of Android Malware Detectors,"As in other cybersecurity areas, machine learning (ML) techniques have
emerged as a promising solution to detect Android malware. In this sense, many
proposals employing a variety of algorithms and feature sets have been
presented to date, often reporting impresive detection performances. However,
the lack of reproducibility and the absence of a standard evaluation framework
make these proposals difficult to compare. In this paper, we perform an
analysis of 10 influential research works on Android malware detection using a
common evaluation framework. We have identified five factors that, if not taken
into account when creating datasets and designing detectors, significantly
affect the trained ML models and their performances. In particular, we analyze
the effect of (1) the presence of duplicated samples, (2) label
(goodware/greyware/malware) attribution, (3) class imbalance, (4) the presence
of apps that use evasion techniques and, (5) the evolution of apps. Based on
this extensive experimentation, we conclude that the studied ML-based detectors
have been evaluated optimistically, which justifies the good published results.
Our findings also highlight that it is imperative to generate realistic
datasets, taking into account the factors mentioned above, to enable the design
and evaluation of better solutions for Android malware detection."
3988,Learning dynamics from partial observations with structured neural ODEs,"Identifying dynamical systems from experimental data is a notably difficult
task. Prior knowledge generally helps, but the extent of this knowledge varies
with the application, and customized models are often needed. We propose a
flexible framework to incorporate a broad spectrum of physical insight into
neural ODE-based system identification, giving physical interpretability to the
resulting latent space. This insight is either enforced through hard
constraints in the optimization problem or added in its cost function. In order
to link the partial and possibly noisy observations to the latent state, we
rely on tools from nonlinear observer theory to build a recognition model. We
demonstrate the performance of the proposed approach on numerical simulations
and on an experimental dataset from a robotic exoskeleton."
3989,Learning from time-dependent streaming data with online stochastic algorithms,"We study stochastic algorithms in a streaming framework, trained on samples
coming from a dependent data source. In this streaming framework, we analyze
the convergence of Stochastic Gradient (SG) methods in a non-asymptotic manner;
this includes various SG methods such as the well-known stochastic gradient
descent (i.e., Robbins-Monro algorithm), mini-batch SG methods, together with
their averaged estimates (i.e., Polyak-Ruppert averaged). Our results form a
heuristic by linking the level of dependency and convexity to the rest of the
model parameters. This heuristic provides new insights into choosing the
optimal learning rate, which can help increase the stability of SGbased
methods; these investigations suggest large streaming batches with slow
decaying learning rates for highly dependent data sources."
3990,RLPrompt: Optimizing Discrete Text Prompts With Reinforcement Learning,"Prompting has shown impressive success in enabling large pretrained language
models (LMs) to perform diverse NLP tasks, especially when only few downstream
data are available. Automatically finding the optimal prompt for each task,
however, is challenging. Most existing work resorts to tuning soft prompt
(e.g., embeddings) which falls short of interpretability, reusability across
LMs, and applicability when gradients are not accessible. Discrete prompt, on
the other hand, is difficult to optimize, and is often created by ""enumeration
(e.g., paraphrasing)-then-selection"" heuristics that do not explore the prompt
space systematically. This paper proposes RLPrompt, an efficient discrete
prompt optimization approach with reinforcement learning (RL). RLPrompt
formulates a parameter-efficient policy network that generates the desired
discrete prompt after training with reward. To overcome the complexity and
stochasticity of reward signals by the large LM environment, we incorporate
effective reward stabilization that substantially enhances the training
efficiency. RLPrompt is flexibly applicable to different types of LMs, such as
masked (e.g., BERT) and left-to-right models (e.g., GPTs), for both
classification and generation tasks. Experiments on few-shot classification and
unsupervised text style transfer show superior performance over a wide range of
existing finetuning or prompting methods. Interestingly, the resulting
optimized prompts are often ungrammatical gibberish text; and surprisingly,
those gibberish prompts are transferrable between different LMs to retain
significant performance, indicating LM prompting may not follow human language
patterns."
3991,Misleading Deep-Fake Detection with GAN Fingerprints,"Generative adversarial networks (GANs) have made remarkable progress in
synthesizing realistic-looking images that effectively outsmart even humans.
Although several detection methods can recognize these deep fakes by checking
for image artifacts from the generation process, multiple counterattacks have
demonstrated their limitations. These attacks, however, still require certain
conditions to hold, such as interacting with the detection method or adjusting
the GAN directly. In this paper, we introduce a novel class of simple
counterattacks that overcomes these limitations. In particular, we show that an
adversary can remove indicative artifacts, the GAN fingerprint, directly from
the frequency spectrum of a generated image. We explore different realizations
of this removal, ranging from filtering high frequencies to more nuanced
frequency-peak cleansing. We evaluate the performance of our attack with
different detection methods, GAN architectures, and datasets. Our results show
that an adversary can often remove GAN fingerprints and thus evade the
detection of generated images."
3992,Is a Question Decomposition Unit All We Need?,"Large Language Models (LMs) have achieved state-of-the-art performance on
many Natural Language Processing (NLP) benchmarks. With the growing number of
new benchmarks, we build bigger and more complex LMs. However, building new LMs
may not be an ideal option owing to the cost, time and environmental impact
associated with it. We explore an alternative route: can we modify data by
expressing it in terms of the model's strengths, so that a question becomes
easier for models to answer? We investigate if humans can decompose a hard
question into a set of simpler questions that are relatively easier for models
to solve. We analyze a range of datasets involving various forms of reasoning
and find that it is indeed possible to significantly improve model performance
(24% for GPT3 and 29% for RoBERTa-SQuAD along with a symbolic calculator) via
decomposition. Our approach provides a viable option to involve people in NLP
research in a meaningful way. Our findings indicate that Human-in-the-loop
Question Decomposition (HQD) can potentially provide an alternate path to
building large LMs."
3993,A Rotated Hyperbolic Wrapped Normal Distribution for Hierarchical Representation Learning,"We present a rotated hyperbolic wrapped normal distribution (RoWN), a simple
yet effective alteration of a hyperbolic wrapped normal distribution (HWN). The
HWN expands the domain of probabilistic modeling from Euclidean to hyperbolic
space, where a tree can be embedded with arbitrary low distortion in theory. In
this work, we analyze the geometric properties of the diagonal HWN, a standard
choice of distribution in probabilistic modeling. The analysis shows that the
distribution is inappropriate to represent the data points at the same
hierarchy level through their angular distance with the same norm in the
Poincar\'e disk model. We then empirically verify the presence of limitations
of HWN, and show how RoWN, the newly proposed distribution, can alleviate the
limitations on various hierarchical datasets, including noisy synthetic binary
tree, WordNet, and Atari 2600 Breakout."
3994,Structured Uncertainty in the Observation Space of Variational Autoencoders,"Variational autoencoders (VAEs) are a popular class of deep generative models
with many variants and a wide range of applications. Improvements upon the
standard VAE mostly focus on the modelling of the posterior distribution over
the latent space and the properties of the neural network decoder. In contrast,
improving the model for the observational distribution is rarely considered and
typically defaults to a pixel-wise independent categorical or normal
distribution. In image synthesis, sampling from such distributions produces
spatially-incoherent results with uncorrelated pixel noise, resulting in only
the sample mean being somewhat useful as an output prediction. In this paper,
we aim to stay true to VAE theory by improving the samples from the
observational distribution. We propose an alternative model for the observation
space, encoding spatial dependencies via a low-rank parameterisation. We
demonstrate that this new observational distribution has the ability to capture
relevant covariance between pixels, resulting in spatially-coherent samples. In
contrast to pixel-wise independent distributions, our samples seem to contain
semantically meaningful variations from the mean allowing the prediction of
multiple plausible outputs with a single forward pass."
3995,Skill Machines: Temporal Logic Composition in Reinforcement Learning,"A major challenge in reinforcement learning is specifying tasks in a manner
that is both interpretable and verifiable. One common approach is to specify
tasks through reward machines -- finite state machines that encode the task to
be solved. We introduce skill machines, a representation that can be learned
directly from these reward machines that encode the solution to such tasks. We
propose a framework where an agent first learns a set of base skills in a
reward-free setting, and then combines these skills with the learned skill
machine to produce composite behaviours specified by any regular language, such
as linear temporal logics. This provides the agent with the ability to map from
complex logical task specifications to near-optimal behaviours zero-shot. We
demonstrate our approach in both a tabular and high-dimensional video game
environment, where an agent is faced with several of these complex,
long-horizon tasks. Our results indicate that the agent is capable of
satisfying extremely complex task specifications, producing near optimal
performance with no further learning. Finally, we demonstrate that the
performance of skill machines can be improved with regular offline
reinforcement learning algorithms when optimal behaviours are desired."
3996,Toward Discovering Options that Achieve Faster Planning,"We propose a new objective for option discovery that emphasizes the
computational advantage of using options in planning. For a given set of
episodic tasks and a given number of options, the objective prefers options
that can be used to achieve a high return by composing few options. By
composing few options, fast planning can be achieved. When faced with new tasks
similar to the given ones, the discovered options are also expected to
accelerate planning. Our objective extends the objective proposed by Harb et
al. (2018) for the single-task setting to the multi-task setting. A closer look
at Harb et al.'s objective shows that the best options discovered given one
task are not likely to be useful for future unseen tasks and that the
multi-task setting is indeed necessary for this purpose. In the same paper,
Harb et al. also proposed an algorithm to optimize their objective, and the
algorithm can be naturally extended to the multi-task setting. We empirically
show that in the four-room domain the extension does not achieve a high
objective value and propose a new algorithm that better optimizes the proposed
objective. In the same four-room domain, we show that 1) a higher objective
value is typically associated with options with which fewer planning iterations
are needed to achieve near-optimal performance, 2) our new algorithm achieves a
high objective value, which is close to the value achieved by a set of
human-designed options, 3) the best number of planning iterations given the
discovered options is much smaller and matches it obtained given human-designed
options, and 4) the options produced by our algorithm also make intuitive sense
because they move to and terminate at cells near hallways connecting two
neighbor rooms."
3997,Exact Phase Transitions in Deep Learning,"This work reports deep-learning-unique first-order and second-order phase
transitions, whose phenomenology closely follows that in statistical physics.
In particular, we prove that the competition between prediction error and model
complexity in the training loss leads to the second-order phase transition for
nets with one hidden layer and the first-order phase transition for nets with
more than one hidden layer. The proposed theory is directly relevant to the
optimization of neural networks and points to an origin of the posterior
collapse problem in Bayesian deep learning."
3998,Memorization in NLP Fine-tuning Methods,"Large language models are shown to present privacy risks through memorization
of training data, and several recent works have studied such risks for the
pre-training phase. Little attention, however, has been given to the
fine-tuning phase and it is not well understood how different fine-tuning
methods (such as fine-tuning the full model, the model head, and adapter)
compare in terms of memorization risk. This presents increasing concern as the
""pre-train and fine-tune"" paradigm proliferates. In this paper, we empirically
study memorization of fine-tuning methods using membership inference and
extraction attacks, and show that their susceptibility to attacks is very
different. We observe that fine-tuning the head of the model has the highest
susceptibility to attacks, whereas fine-tuning smaller adapters appears to be
less vulnerable to known extraction attacks."
3999,The Dialog Must Go On: Improving Visual Dialog via Generative Self-Training,"Visual dialog (VisDial) is a task of answering a sequence of questions
grounded in an image, using the dialog history as context. Prior work has
trained the dialog agents solely on VisDial data via supervised learning or
leveraged pre-training on related vision-and-language datasets. This paper
presents a semi-supervised learning approach for visually-grounded dialog,
called Generative Self-Training (GST), to leverage unlabeled images on the Web.
Specifically, GST first retrieves in-domain images through out-of-distribution
detection and generates synthetic dialogs regarding the images via multimodal
conditional text generation. GST then trains a dialog agent on the synthetic
and the original VisDial data. As a result, GST scales the amount of training
data up to an order of magnitude that of VisDial (1.2M to 12.9M QA data). For
robust training of the generated dialogs, we also propose perplexity-based data
selection and multimodal consistency regularization. Evaluation on VisDial v1.0
and v0.9 datasets shows that GST achieves new state-of-the-art results on both
datasets. We further observe strong performance gains in the low-data regime
(up to 9.35 absolute points on NDCG)."
4000,Federated Self-supervised Learning for Heterogeneous Clients,"Federated Learning has become an important learning paradigm due to its
privacy and computational benefits. As the field advances, two key challenges
that still remain to be addressed are: (1) system heterogeneity - variability
in the compute and/or data resources present on each client, and (2) lack of
labeled data in certain federated settings. Several recent developments have
tried to overcome these challenges independently. In this work, we propose a
unified and systematic framework, \emph{Heterogeneous Self-supervised Federated
Learning} (Hetero-SSFL) for enabling self-supervised learning with federation
on heterogeneous clients. The proposed framework allows collaborative
representation learning across all the clients without imposing architectural
constraints or requiring presence of labeled data. The key idea in Hetero-SSFL
is to let each client train its unique self-supervised model and enable the
joint learning across clients by aligning the lower dimensional representations
on a common dataset. The entire training procedure could be viewed as self and
peer-supervised as both the local training and the alignment procedures do not
require presence of any labeled data. As in conventional self-supervised
learning, the obtained client models are task independent and can be used for
varied end-tasks. We provide a convergence guarantee of the proposed framework
for non-convex objectives in heterogeneous settings and also empirically
demonstrate that our proposed approach outperforms the state of the art methods
by a significant margin."
4001,SS-GNN: A Simple-Structured Graph Neural Network for Affinity Prediction,"Efficient and effective drug-target binding affinity (DTBA) prediction is a
challenging task due to the limited computational resources in practical
applications and is a crucial basis for drug screening. Inspired by the good
representation ability of graph neural networks (GNNs), we propose a
simple-structured GNN model named SS-GNN to accurately predict DTBA. By
constructing a single undirected graph based on a distance threshold to
represent protein-ligand interactions, the scale of the graph data is greatly
reduced. Moreover, ignoring covalent bonds in the protein further reduces the
computational cost of the model. The GNN-MLP module takes the latent feature
extraction of atoms and edges in the graph as two mutually independent
processes. We also develop an edge-based atom-pair feature aggregation method
to represent complex interactions and a graph pooling-based method to predict
the binding affinity of the complex. We achieve state-of-the-art prediction
performance using a simple model (with only 0.6M parameters) without
introducing complicated geometric feature descriptions. SS-GNN achieves
Pearson's Rp=0.853 on the PDBbind v2016 core set, outperforming
state-of-the-art GNN-based methods by 5.2%. Moreover, the simplified model
structure and concise data processing procedure improve the prediction
efficiency of the model. For a typical protein-ligand complex, affinity
prediction takes only 0.2 ms. All codes are freely accessible at
https://github.com/xianyuco/SS-GNN."
4002,A Convergence Theory for Over-parameterized Variational Quantum Eigensolvers,"The Variational Quantum Eigensolver (VQE) is a promising candidate for
quantum applications on near-term Noisy Intermediate-Scale Quantum (NISQ)
computers. Despite a lot of empirical studies and recent progress in
theoretical understanding of VQE's optimization landscape, the convergence for
optimizing VQE is far less understood. We provide the first rigorous analysis
of the convergence of VQEs in the over-parameterization regime. By connecting
the training dynamics with the Riemannian Gradient Flow on the unit-sphere, we
establish a threshold on the sufficient number of parameters for efficient
convergence, which depends polynomially on the system dimension and the
spectral ratio, a property of the problem Hamiltonian, and could be resilient
to gradient noise to some extent. We further illustrate that this
overparameterization threshold could be vastly reduced for specific VQE
instances by establishing an ansatz-dependent threshold paralleling our main
result. We showcase that our ansatz-dependent threshold could serve as a proxy
of the trainability of different VQE ansatzes without performing empirical
experiments, which hence leads to a principled way of evaluating ansatz design.
Finally, we conclude with a comprehensive empirical study that supports our
theoretical findings."
4003,FBNETGEN: Task-aware GNN-based fMRI Analysis via Functional Brain Network Generation,"Functional magnetic resonance imaging (fMRI) is one of the most common
imaging modalities to investigate brain functions. Recent studies in
neuroscience stress the great potential of functional brain networks
constructed from fMRI data for clinical predictions. Traditional functional
brain networks, however, are noisy and unaware of downstream prediction tasks,
while also incompatible with the deep graph neural network (GNN) models. In
order to fully unleash the power of GNNs in network-based fMRI analysis, we
develop FBNETGEN, a task-aware and interpretable fMRI analysis framework via
deep brain network generation. In particular, we formulate (1) prominent region
of interest (ROI) features extraction, (2) brain networks generation, and (3)
clinical predictions with GNNs, in an end-to-end trainable model under the
guidance of particular prediction tasks. Along with the process, the key novel
component is the graph generator which learns to transform raw time-series
features into task-oriented brain networks. Our learnable graphs also provide
unique interpretations by highlighting prediction-related brain regions.
Comprehensive experiments on two datasets, i.e., the recently released and
currently largest publicly available fMRI dataset Adolescent Brain Cognitive
Development (ABCD), and the widely-used fMRI dataset PNC, prove the superior
effectiveness and interpretability of FBNETGEN. The implementation is available
at https://github.com/Wayfear/FBNETGEN."
4004,sat2pc: Estimating Point Cloud of Building Roofs from 2D Satellite Images,"Three-dimensional (3D) urban models have gained interest because of their
applications in many use-cases such as urban planning and virtual reality.
However, generating these 3D representations requires LiDAR data, which are not
always readily available. Thus, the applicability of automated 3D model
generation algorithms is limited to a few locations. In this paper, we propose
sat2pc, a deep learning architecture that predicts the point cloud of a
building roof from a single 2D satellite image. Our architecture combines
Chamfer distance and EMD loss, resulting in better 2D to 3D performance. We
extensively evaluate our model and perform ablation studies on a building roof
dataset. Our results show that sat2pc was able to outperform existing baselines
by at least 18.6%. Further, we show that the predicted point cloud captures
more detail and geometric characteristics than other baselines."
4005,Augmentation-induced Consistency Regularization for Classification,"Deep neural networks have become popular in many supervised learning tasks,
but they may suffer from overfitting when the training dataset is limited. To
mitigate this, many researchers use data augmentation, which is a widely used
and effective method for increasing the variety of datasets. However, the
randomness introduced by data augmentation causes inevitable inconsistency
between training and inference, which leads to poor improvement. In this paper,
we propose a consistency regularization framework based on data augmentation,
called CR-Aug, which forces the output distributions of different sub models
generated by data augmentation to be consistent with each other. Specifically,
CR-Aug evaluates the discrepancy between the output distributions of two
augmented versions of each sample, and it utilizes a stop-gradient operation to
minimize the consistency loss. We implement CR-Aug to image and audio
classification tasks and conduct extensive experiments to verify its
effectiveness in improving the generalization ability of classifiers. Our
CR-Aug framework is ready-to-use, it can be easily adapted to many
state-of-the-art network architectures. Our empirical results show that CR-Aug
outperforms baseline methods by a significant margin."
4006,Linear Algorithms for Nonparametric Multiclass Probability Estimation,"Multiclass probability estimation is the problem of estimating conditional
probabilities of a data point belonging to a class given its covariate
information. It has broad applications in statistical analysis and data
science. Recently a class of weighted Support Vector Machines (wSVMs) has been
developed to estimate class probabilities through ensemble learning for
$K$-class problems (Wu, Zhang and Liu, 2010; Wang, Zhang and Wu, 2019), where
$K$ is the number of classes. The estimators are robust and achieve high
accuracy for probability estimation, but their learning is implemented through
pairwise coupling, which demands polynomial time in $K$. In this paper, we
propose two new learning schemes, the baseline learning and the One-vs-All
(OVA) learning, to further improve wSVMs in terms of computational efficiency
and estimation accuracy. In particular, the baseline learning has optimal
computational complexity in the sense that it is linear in $K$. Though not
being most efficient in computation, the OVA offers the best estimation
accuracy among all the procedures under comparison. The resulting estimators
are distribution-free and shown to be consistent. We further conduct extensive
numerical experiments to demonstrate finite sample performance."
4007,Investigating Information Inconsistency in Multilingual Open-Domain Question Answering,"Retrieval based open-domain QA systems use retrieved documents and
answer-span selection over retrieved documents to find best-answer candidates.
We hypothesize that multilingual Question Answering (QA) systems are prone to
information inconsistency when it comes to documents written in different
languages, because these documents tend to provide a model with varying
information about the same topic. To understand the effects of the biased
availability of information and cultural influence, we analyze the behavior of
multilingual open-domain question answering models with a focus on retrieval
bias. We analyze if different retriever models present different passages given
the same question in different languages on TyDi QA and XOR-TyDi QA, two
multilingualQA datasets. We speculate that the content differences in documents
across languages might reflect cultural divergences and/or social biases."
4008,"Recipe for a General, Powerful, Scalable Graph Transformer","We propose a recipe on how to build a general, powerful, scalable (GPS) graph
Transformer with linear complexity and state-of-the-art results on a diverse
set of benchmarks. Graph Transformers (GTs) have gained popularity in the field
of graph representation learning with a variety of recent publications but they
lack a common foundation about what constitutes a good positional or structural
encoding, and what differentiates them. In this paper, we summarize the
different types of encodings with a clearer definition and categorize them as
being $\textit{local}$, $\textit{global}$ or $\textit{relative}$. Further, GTs
remain constrained to small graphs with few hundred nodes, and we propose the
first architecture with a complexity linear to the number of nodes and edges
$O(N+E)$ by decoupling the local real-edge aggregation from the fully-connected
Transformer. We argue that this decoupling does not negatively affect the
expressivity, with our architecture being a universal function approximator for
graphs. Our GPS recipe consists of choosing 3 main ingredients: (i)
positional/structural encoding, (ii) local message-passing mechanism, and (iii)
global attention mechanism. We build and open-source a modular framework
$\textit{GraphGPS}$ that supports multiple types of encodings and that provides
efficiency and scalability both in small and large graphs. We test our
architecture on 11 benchmarks and show very competitive results on all of them,
show-casing the empirical benefits gained by the modularity and the combination
of different strategies."
4009,MAVIPER: Learning Decision Tree Policies for Interpretable Multi-Agent Reinforcement Learning,"Many recent breakthroughs in multi-agent reinforcement learning (MARL)
require the use of deep neural networks, which are challenging for human
experts to interpret and understand. On the other hand, existing work on
interpretable RL has shown promise in extracting more interpretable decision
tree-based policies, but only in the single-agent setting. To fill this gap, we
propose the first set of interpretable MARL algorithms that extract
decision-tree policies from neural networks trained with MARL. The first
algorithm, IVIPER, extends VIPER, a recent method for single-agent
interpretable RL, to the multi-agent setting. We demonstrate that IVIPER can
learn high-quality decision-tree policies for each agent. To better capture
coordination between agents, we propose a novel centralized decision-tree
training algorithm, MAVIPER. MAVIPER jointly grows the trees of each agent by
predicting the behavior of the other agents using their anticipated trees, and
uses resampling to focus on states that are critical for its interactions with
other agents. We show that both algorithms generally outperform the baselines
and that MAVIPER-trained agents achieve better-coordinated performance than
IVIPER-trained agents on three different multi-agent particle-world
environments."
4010,"Transportation-Inequalities, Lyapunov Stability and Sampling for Dynamical Systems on Continuous State Space","We study the concentration phenomenon for discrete-time random dynamical
systems with an unbounded state space. We develop a heuristic approach towards
obtaining exponential concentration inequalities for dynamical systems using an
entirely functional analytic framework. We also show that existence of
exponential-type Lyapunov function, compared to the purely deterministic
setting, not only implies stability but also exponential concentration
inequalities for sampling from the stationary distribution, via
\emph{transport-entropy inequality} (T-E). These results have significant
impact in \emph{reinforcement learning} (RL) and \emph{controls}, leading to
exponential concentration inequalities even for unbounded observables, while
neither assuming reversibility nor exact knowledge of random dynamical system
(assumptions at heart of concentration inequalities in statistical mechanics
and Markov diffusion processes)."
4011,FLEURS: Few-shot Learning Evaluation of Universal Representations of Speech,"We introduce FLEURS, the Few-shot Learning Evaluation of Universal
Representations of Speech benchmark. FLEURS is an n-way parallel speech dataset
in 102 languages built on top of the machine translation FLoRes-101 benchmark,
with approximately 12 hours of speech supervision per language. FLEURS can be
used for a variety of speech tasks, including Automatic Speech Recognition
(ASR), Speech Language Identification (Speech LangID), Translation and
Retrieval. In this paper, we provide baselines for the tasks based on
multilingual pre-trained models like mSLAM. The goal of FLEURS is to enable
speech technology in more languages and catalyze research in low-resource
speech understanding."
4012,Over-the-Air Design of GAN Training for mmWave MIMO Channel Estimation,"Future wireless systems are trending towards higher carrier frequencies that
offer larger communication bandwidth but necessitate the use of large antenna
arrays. Existing signal processing techniques for channel estimation do not
scale well to this ""high-dimensional"" regime in terms of performance and pilot
overhead. Meanwhile, training deep learning based approaches for channel
estimation requires large labeled datasets mapping pilot measurements to clean
channel realizations, which can only be generated offline using simulated
channels. In this paper, we develop a novel unsupervised over-the-air (OTA)
algorithm that utilizes noisy received pilot measurements to train a deep
generative model to output beamspace MIMO channel realizations. Our approach
leverages Generative Adversarial Networks (GAN), while using a conditional
input to distinguish between Line-of-Sight (LOS) and Non-Line-of-Sight (NLOS)
channel realizations. We also present a federated implementation of the OTA
algorithm that distributes the GAN training over multiple users and greatly
reduces the user side computation. We then formulate channel estimation from a
limited number of pilot measurements as an inverse problem and reconstruct the
channel by optimizing the input vector of the trained generative model. Our
proposed approach significantly outperforms Orthogonal Matching Pursuit on both
LOS and NLOS channel models, and EM-GM-AMP -- an Approximate Message Passing
algorithm -- on LOS channel models, while achieving comparable performance on
NLOS channel models in terms of the normalized channel reconstruction error.
More importantly, our proposed framework has the potential to be trained online
using real noisy pilot measurements, is not restricted to a specific channel
model and can even be utilized for a federated OTA design of a dataset
generator from noisy data."
4013,Generating Natural Language Proofs with Verifier-Guided Search,"Deductive reasoning (drawing conclusions from assumptions) is a challenging
problem in NLP. In this work, we focus on proof generation: given a hypothesis
and a set of supporting facts in natural language, the model generates a proof
tree indicating how to deduce the hypothesis from supporting facts. Instead of
generating the entire proof in one shot, prior work has demonstrated the
promise of stepwise generation but achieved limited success on real-world data.
Existing stepwise methods struggle to generate proof steps that are both valid
and relevant. In this paper, we present a novel stepwise method NLProofS
(Natural Language Proof Search), which learns to generate relevant steps
conditioning on the hypothesis. At the core of our approach, we train an
independent verifier to check the validity of proof steps. Instead of
generating steps greedily, we search for proofs maximizing a global proof score
judged by the verifier. NLProofS achieves state-of-the-art performance on
EntailmentBank and RuleTaker. For example, it improves the percentage of
correctly predicted proofs from 20.9% to 33.3% in the distractor setting of
EntailmentBank. This is the first time stepwise methods have led to better
generation of challenging human-authored proofs."
4014,Lyapunov function approach for approximation algorithm design and analysis: with applications in submodular maximization,"We propose a two-phase systematical framework for approximation algorithm
design and analysis via Lyapunov function. The first phase consists of using
Lyapunov function as an input and outputs a continuous-time approximation
algorithm with a provable approximation ratio. The second phase then converts
this continuous-time algorithm to a discrete-time algorithm with almost the
same approximation ratio along with provable time complexity. One distinctive
feature of our framework is that we only need to know the parametric form of
the Lyapunov function whose complete specification will not be decided until
the end of the first phase by maximizing the approximation ratio of the
continuous-time algorithm. Some immediate benefits of the Lyapunov function
approach include: (i) unifying many existing algorithms; (ii) providing a
guideline to design and analyze new algorithms; and (iii) offering new
perspectives to potentially improve existing algorithms. We use various
submodular maximization problems as running examples to illustrate our
framework."
4015,Additive Logistic Mechanism for Privacy-Preserving Self-Supervised Learning,"We study the privacy risks that are associated with training a neural
network's weights with self-supervised learning algorithms. Through empirical
evidence, we show that the fine-tuning stage, in which the network weights are
updated with an informative and often private dataset, is vulnerable to privacy
attacks. To address the vulnerabilities, we design a post-training
privacy-protection algorithm that adds noise to the fine-tuned weights and
propose a novel differential privacy mechanism that samples noise from the
logistic distribution. Compared to the two conventional additive noise
mechanisms, namely the Laplace and the Gaussian mechanisms, the proposed
mechanism uses a bell-shaped distribution that resembles the distribution of
the Gaussian mechanism, and it satisfies pure $\epsilon$-differential privacy
similar to the Laplace mechanism. We apply membership inference attacks on both
unprotected and protected models to quantify the trade-off between the models'
privacy and performance. We show that the proposed protection algorithm can
effectively reduce the attack accuracy to roughly 50\%-equivalent to random
guessing-while maintaining a performance loss below 5\%."
4016,Towards Understanding Label Regularization for Fine-tuning Pre-trained Language Models,"Knowledge Distillation (KD) is a prominent neural model compression technique
which heavily relies on teacher network predictions to guide the training of a
student model. Considering the ever-growing size of pre-trained language models
(PLMs), KD is often adopted in many NLP tasks involving PLMs. However, it is
evident that in KD, deploying the teacher network during training adds to the
memory and computational requirements of training. In the computer vision
literature, the necessity of the teacher network is put under scrutiny by
showing that KD is a label regularization technique that can be replaced with
lighter teacher-free variants such as the label-smoothing technique. However,
to the best of our knowledge, this issue is not investigated in NLP. Therefore,
this work concerns studying different label regularization techniques and
whether we actually need the teacher labels to fine-tune smaller PLM student
networks on downstream tasks. In this regard, we did a comprehensive set of
experiments on different PLMs such as BERT, RoBERTa, and GPT with more than 600
distinct trials and ran each configuration five times. This investigation led
to a surprising observation that KD and other label regularization techniques
do not play any meaningful role over regular fine-tuning when the student model
is pre-trained. We further explore this phenomenon in different settings of NLP
and computer vision tasks and demonstrate that pre-training itself acts as a
kind of regularization, and additional label regularization is unnecessary."
4017,Non-stationary Bandits with Knapsacks,"In this paper, we study the problem of bandits with knapsacks (BwK) in a
non-stationary environment. The BwK problem generalizes the multi-arm bandit
(MAB) problem to model the resource consumption associated with playing each
arm. At each time, the decision maker/player chooses to play an arm, and s/he
will receive a reward and consume certain amount of resource from each of the
multiple resource types. The objective is to maximize the cumulative reward
over a finite horizon subject to some knapsack constraints on the resources.
Existing works study the BwK problem under either a stochastic or adversarial
environment. Our paper considers a non-stationary environment which
continuously interpolates between these two extremes. We first show that the
traditional notion of variation budget is insufficient to characterize the
non-stationarity of the BwK problem for a sublinear regret due to the presence
of the constraints, and then we propose a new notion of global non-stationarity
measure. We employ both non-stationarity measures to derive upper and lower
bounds for the problem. Our results are based on a primal-dual analysis of the
underlying linear programs and highlight the interplay between the constraints
and the non-stationarity. Finally, we also extend the non-stationarity measure
to the problem of online convex optimization with constraints and obtain new
regret bounds accordingly."
4018,Uniform Generalization Bound on Time and Inverse Temperature for Gradient Descent Algorithm and its Application to Analysis of Simulated Annealing,"In this paper, we propose a novel uniform generalization bound on the time
and inverse temperature for stochastic gradient Langevin dynamics (SGLD) in a
non-convex setting. While previous works derive their generalization bounds by
uniform stability, we use Rademacher complexity to make our generalization
bound independent of the time and inverse temperature. Using Rademacher
complexity, we can reduce the problem to derive a generalization bound on the
whole space to that on a bounded region and therefore can remove the effect of
the time and inverse temperature from our generalization bound. As an
application of our generalization bound, an evaluation on the effectiveness of
the simulated annealing in a non-convex setting is also described. For the
sample size $n$ and time $s$, we derive evaluations with orders $\sqrt{n^{-1}
\log (n+1)}$ and $|(\log)^4(s)|^{-1}$, respectively. Here, $(\log)^4$ denotes
the $4$ times composition of the logarithmic function."
4019,VulBERTa: Simplified Source Code Pre-Training for Vulnerability Detection,"This paper presents VulBERTa, a deep learning approach to detect security
vulnerabilities in source code. Our approach pre-trains a RoBERTa model with a
custom tokenisation pipeline on real-world code from open-source C/C++
projects. The model learns a deep knowledge representation of the code syntax
and semantics, which we leverage to train vulnerability detection classifiers.
We evaluate our approach on binary and multi-class vulnerability detection
tasks across several datasets (Vuldeepecker, Draper, REVEAL and muVuldeepecker)
and benchmarks (CodeXGLUE and D2A). The evaluation results show that VulBERTa
achieves state-of-the-art performance and outperforms existing approaches
across different datasets, despite its conceptual simplicity, and limited cost
in terms of size of training data and number of model parameters."
4020,Deletion and Insertion Tests in Regression Models,"A basic task in explainable AI (XAI) is to identify the most important
features behind a prediction made by a black box function $f$. The insertion
and deletion tests of \cite{petsiuk2018rise} are used to judge the quality of
algorithms that rank pixels from most to least important for a classification.
Motivated by regression problems we establish a formula for their area under
the curve (AUC) criteria in terms of certain main effects and interactions in
an anchored decomposition of $f$. We find an expression for the expected value
of the AUC under a random ordering of inputs to $f$ and propose an alternative
area above a straight line for the regression setting. We use this criterion to
compare feature importances computed by integrated gradients (IG) to those
computed by Kernel SHAP (KS). Exact computation of KS grows exponentially with
dimension, while that of IG grows linearly with dimension. In two data sets
including binary variables we find that KS is superior to IG in insertion and
deletion tests, but only by a very small amount. Our comparison problems
include some binary inputs that pose a challenge to IG because it must use
values between the possible variable levels.
We show that IG will match KS when $f$ is an additive function plus a
multilinear function of the variables. This includes a multilinear
interpolation over the binary variables that would cause IG to have exponential
cost in a naive implementation."
4021,Physics Guided Machine Learning for Variational Multiscale Reduced Order Modeling,"We propose a new physics guided machine learning (PGML) paradigm that
leverages the variational multiscale (VMS) framework and available data to
dramatically increase the accuracy of reduced order models (ROMs) at a modest
computational cost. The hierarchical structure of the ROM basis and the VMS
framework enable a natural separation of the resolved and unresolved ROM
spatial scales. Modern PGML algorithms are used to construct novel models for
the interaction among the resolved and unresolved ROM scales. Specifically, the
new framework builds ROM operators that are closest to the true interaction
terms in the VMS framework. Finally, machine learning is used to reduce the
projection error and further increase the ROM accuracy. Our numerical
experiments for a two-dimensional vorticity transport problem show that the
novel PGML-VMS-ROM paradigm maintains the low computational cost of current
ROMs, while significantly increasing the ROM accuracy."
4022,Tiered Reinforcement Learning: Pessimism in the Face of Uncertainty and Constant Regret,"We propose a new learning framework that captures the tiered structure of
many real-world user-interaction applications, where the users can be divided
into two groups based on their different tolerance on exploration risks and
should be treated separately. In this setting, we simultaneously maintain two
policies $\pi^{\text{O}}$ and $\pi^{\text{E}}$: $\pi^{\text{O}}$ (""O"" for
""online"") interacts with more risk-tolerant users from the first tier and
minimizes regret by balancing exploration and exploitation as usual, while
$\pi^{\text{E}}$ (""E"" for ""exploit"") exclusively focuses on exploitation for
risk-averse users from the second tier utilizing the data collected so far. An
important question is whether such a separation yields advantages over the
standard online setting (i.e., $\pi^{\text{E}}=\pi^{\text{O}}$) for the
risk-averse users. We individually consider the gap-independent
vs.~gap-dependent settings. For the former, we prove that the separation is
indeed not beneficial from a minimax perspective. For the latter, we show that
if choosing Pessimistic Value Iteration as the exploitation algorithm to
produce $\pi^{\text{E}}$, we can achieve a constant regret for risk-averse
users independent of the number of episodes $K$, which is in sharp contrast to
the $\Omega(\log K)$ regret for any online RL algorithms in the same setting,
while the regret of $\pi^{\text{O}}$ (almost) maintains its online regret
optimality and does not need to compromise for the success of $\pi^{\text{E}}$."
4023,Differentially Private AUC Computation in Vertical Federated Learning,"Federated learning has gained great attention recently as a privacy-enhancing
tool to jointly train a machine learning model by multiple parties. As a
sub-category, vertical federated learning (vFL) focuses on the scenario where
features and labels are split into different parties. The prior work on vFL has
mostly studied how to protect label privacy during model training. However,
model evaluation in vFL might also lead to potential leakage of private label
information. One mitigation strategy is to apply label differential privacy
(DP) but it gives bad estimations of the true (non-private) metrics. In this
work, we propose two evaluation algorithms that can more accurately compute the
widely used AUC (area under curve) metric when using label DP in vFL. Through
extensive experiments, we show our algorithms can achieve more accurate AUCs
compared to the baselines."
4024,Linear Connectivity Reveals Generalization Strategies,"It is widely accepted in the mode connectivity literature that when two
neural networks are trained similarly on the same data, they are connected by a
path through parameter space over which test set accuracy is maintained. Under
some circumstances, including transfer learning from pretrained models, these
paths are presumed to be linear. In contrast to existing results, we find that
among text classifiers (trained on MNLI, QQP, and CoLA), some pairs of
finetuned models have large barriers of increasing loss on the linear paths
between them. On each task, we find distinct clusters of models which are
linearly connected on the test loss surface, but are disconnected from models
outside the cluster -- models that occupy separate basins on the surface. By
measuring performance on specially-crafted diagnostic datasets, we find that
these clusters correspond to different generalization strategies: one cluster
behaves like a bag of words model under domain shift, while another cluster
uses syntactic heuristics. Our work demonstrates how the geometry of the loss
surface can guide models towards different heuristic functions."
4025,AdaMix: Mixture-of-Adapter for Parameter-efficient Tuning of Large Language Models,"Fine-tuning large-scale pre-trained language models to downstream tasks
require updating hundreds of millions of parameters. This not only increases
the serving cost to store a large copy of the model weights for every task, but
also exhibits instability during few-shot task adaptation. Parameter-efficient
techniques have been developed that tune small trainable components (e.g.,
adapters) injected in the large model while keeping most of the model weights
frozen. The prevalent mechanism to increase adapter capacity is to increase the
bottleneck dimension which increases the adapter parameters. In this work, we
introduce a new mechanism to improve adapter capacity without increasing
parameters or computational cost by two key techniques. (i) We introduce
multiple shared adapter components in each layer of the Transformer
architecture. We leverage sparse learning via random routing to update the
adapter parameters (encoder is kept frozen) resulting in the same amount of
computational cost (FLOPs) as that of training a single adapter. (ii) We
propose a simple merging mechanism to average the weights of multiple adapter
components to collapse to a single adapter in each Transformer layer, thereby,
keeping the overall parameters also the same but with significant performance
improvement. We demonstrate these techniques to work well across multiple task
settings including fully supervised and few-shot Natural Language Understanding
tasks. By only tuning 0.23% of a pre-trained language model's parameters, our
model outperforms the full model fine-tuning performance and several competing
methods."
4026,Convolutional Neural Processes for Inpainting Satellite Images,"The widespread availability of satellite images has allowed researchers to
model complex systems such as disease dynamics. However, many satellite images
have missing values due to measurement defects, which render them unusable
without data imputation. For example, the scanline corrector for the LANDSAT 7
satellite broke down in 2003, resulting in a loss of around 20\% of its data.
Inpainting involves predicting what is missing based on the known pixels and is
an old problem in image processing, classically based on PDEs or interpolation
methods, but recent deep learning approaches have shown promise. However, many
of these methods do not explicitly take into account the inherent
spatiotemporal structure of satellite images. In this work, we cast satellite
image inpainting as a natural meta-learning problem, and propose using
convolutional neural processes (ConvNPs) where we frame each satellite image as
its own task or 2D regression problem. We show ConvNPs can outperform classical
methods and state-of-the-art deep learning inpainting models on a scanline
inpainting problem for LANDSAT 7 satellite images, assessed on a variety of in
and out-of-distribution images."
4027,Multi-Head Online Learning for Delayed Feedback Modeling,"In online advertising, it is highly important to predict the probability and
the value of a conversion (e.g., a purchase). It not only impacts user
experience by showing relevant ads, but also affects ROI of advertisers and
revenue of marketplaces. Unlike clicks, which often occur within minutes after
impressions, conversions are expected to happen over a long period of time
(e.g., 30 days for online shopping). It creates a challenge, as the true labels
are only available after the long delays. Either inaccurate labels (partial
conversions) are used, or models are trained on stale data (e.g., from 30 days
ago). The problem is more eminent in online learning, which focuses on the live
performance on the latest data. In this paper, a novel solution is presented to
address this challenge using multi-head modeling. Unlike traditional methods,
it directly quantizes conversions into multiple windows, such as day 1, day 2,
day 3-7, and day 8-30. A sub-model is trained specifically on conversions
within each window. Label freshness is maximally preserved in early models
(e.g., day 1 and day 2), while late conversions are accurately utilized in
models with longer delays (e.g., day 8-30). It is shown to greatly exceed the
performance of known methods in online learning experiments for both conversion
rate (CVR) and value per click (VPC) predictions. Lastly, as a general method
for delayed feedback modeling, it can be combined with any advanced ML
techniques to further improve the performance."
4028,Reward Uncertainty for Exploration in Preference-based Reinforcement Learning,"Conveying complex objectives to reinforcement learning (RL) agents often
requires meticulous reward engineering. Preference-based RL methods are able to
learn a more flexible reward model based on human preferences by actively
incorporating human feedback, i.e. teacher's preferences between two clips of
behaviors. However, poor feedback-efficiency still remains a problem in current
preference-based RL algorithms, as tailored human feedback is very expensive.
To handle this issue, previous methods have mainly focused on improving query
selection and policy initialization. At the same time, recent exploration
methods have proven to be a recipe for improving sample-efficiency in RL. We
present an exploration method specifically for preference-based RL algorithms.
Our main idea is to design an intrinsic reward by measuring the novelty based
on learned reward. Specifically, we utilize disagreement across ensemble of
learned reward models. Our intuition is that disagreement in learned reward
model reflects uncertainty in tailored human feedback and could be useful for
exploration. Our experiments show that exploration bonus from uncertainty in
learned reward improves both feedback- and sample-efficiency of
preference-based RL algorithms on complex robot manipulation tasks from
MetaWorld benchmarks, compared with other existing exploration methods that
measure the novelty of state visitation."
4029,Symbol Emergence as Inter-personal Categorization with Head-to-head Latent Word,"In this study, we propose a head-to-head type (H2H-type) inter-personal
multimodal Dirichlet mixture (Inter-MDM) by modifying the original Inter-MDM,
which is a probabilistic generative model that represents the symbol emergence
between two agents as multiagent multimodal categorization. A
Metropolis--Hastings method-based naming game based on the Inter-MDM enables
two agents to collaboratively perform multimodal categorization and share signs
with a solid mathematical foundation of convergence. However, the conventional
Inter-MDM presumes a tail-to-tail connection across a latent word variable,
causing inflexibility of the further extension of Inter-MDM for modeling a more
complex symbol emergence. Therefore, we propose herein a head-to-head type
(H2H-type) Inter-MDM that treats a latent word variable as a child node of an
internal variable of each agent in the same way as many prior studies of
multimodal categorization. On the basis of the H2H-type Inter-MDM, we propose a
naming game in the same way as the conventional Inter-MDM. The experimental
results show that the H2H-type Inter-MDM yields almost the same performance as
the conventional Inter-MDM from the viewpoint of multimodal categorization and
sign sharing."
4030,Sparse Mixers: Combining MoE and Mixing to build a more efficient BERT,"We combine the capacity of sparsely gated Mixture-of-Experts (MoE) with the
speed and stability of linear, mixing transformations to design the Sparse
Mixer encoder model. The Sparse Mixer slightly outperforms (<1%) BERT on GLUE
and SuperGLUE, but more importantly trains 65% faster and runs inference 61%
faster. We also present a faster variant, prosaically named Fast Sparse Mixer,
that marginally underperforms (<0.2%) BERT on SuperGLUE, but trains and runs
nearly twice as fast: 89% faster training and 98% faster inference. We justify
the design of these two models by carefully ablating through various mixing
mechanisms, MoE configurations and model hyperparameters. The Sparse Mixer
overcomes many of the latency and stability concerns of MoE models and offers
the prospect of serving sparse student models, without resorting to distilling
them to dense variants."
4031,Recipe2Vec: Multi-modal Recipe Representation Learning with Graph Neural Networks,"Learning effective recipe representations is essential in food studies.
Unlike what has been developed for image-based recipe retrieval or learning
structural text embeddings, the combined effect of multi-modal information
(i.e., recipe images, text, and relation data) receives less attention. In this
paper, we formalize the problem of multi-modal recipe representation learning
to integrate the visual, textual, and relational information into recipe
embeddings. In particular, we first present Large-RG, a new recipe graph data
with over half a million nodes, making it the largest recipe graph to date. We
then propose Recipe2Vec, a novel graph neural network based recipe embedding
model to capture multi-modal information. Additionally, we introduce an
adversarial attack strategy to ensure stable learning and improve performance.
Finally, we design a joint objective function of node classification and
adversarial learning to optimize the model. Extensive experiments demonstrate
that Recipe2Vec outperforms state-of-the-art baselines on two classic food
study tasks, i.e., cuisine category classification and region prediction.
Dataset and codes are available at https://github.com/meettyj/Recipe2Vec."
4032,PLAtE: A Large-scale Dataset for List Page Web Extraction,"Recently, neural models have been leveraged to significantly improve the
performance of information extraction from semi-structured websites. However, a
barrier for continued progress is the small number of datasets large enough to
train these models. In this work, we introduce the PLAtE (Pages of Lists
Attribute Extraction) dataset as a challenging new web extraction task. PLAtE
focuses on shopping data, specifically extractions from product review pages
with multiple items. PLAtE encompasses both the tasks of: (1) finding
product-list segmentation boundaries and (2) extracting attributes for each
product. PLAtE is composed of 53, 905 items from 6, 810 pages, making it the
first large-scale list page web extraction dataset. We construct PLAtE by
collecting list pages from Common Crawl, then annotating them on Mechanical
Turk. Quantitative and qualitative analyses are performed to demonstrate PLAtE
has high-quality annotations. We establish strong baseline performance on PLAtE
with a SOTA model achieving an F1-score of 0.750 for attribute classification
and 0.915 for segmentation, indicating opportunities for future research
innovations in web extraction."
4033,RecipeRec: A Heterogeneous Graph Learning Model for Recipe Recommendation,"Recipe recommendation systems play an essential role in helping people decide
what to eat. Existing recipe recommendation systems typically focused on
content-based or collaborative filtering approaches, ignoring the higher-order
collaborative signal such as relational structure information among users,
recipes and food items. In this paper, we formalize the problem of recipe
recommendation with graphs to incorporate the collaborative signal into recipe
recommendation through graph modeling. In particular, we first present
URI-Graph, a new and large-scale user-recipe-ingredient graph. We then propose
RecipeRec, a novel heterogeneous graph learning model for recipe
recommendation. The proposed model can capture recipe content and collaborative
signal through a heterogeneous graph neural network with hierarchical attention
and an ingredient set transformer. We also introduce a graph contrastive
augmentation strategy to extract informative graph knowledge in a
self-supervised manner. Finally, we design a joint objective function of
recommendation and contrastive learning to optimize the model. Extensive
experiments demonstrate that RecipeRec outperforms state-of-the-art methods for
recipe recommendation. Dataset and codes are available at
https://github.com/meettyj/RecipeRec."
4034,First Contact: Unsupervised Human-Machine Co-Adaptation via Mutual Information Maximization,"How can we train an assistive human-machine interface (e.g., an
electromyography-based limb prosthesis) to translate a user's raw command
signals into the actions of a robot or computer when there is no prior mapping,
we cannot ask the user for supervision in the form of action labels or reward
feedback, and we do not have prior knowledge of the tasks the user is trying to
accomplish? The key idea in this paper is that, regardless of the task, when an
interface is more intuitive, the user's commands are less noisy. We formalize
this idea as a completely unsupervised objective for optimizing interfaces: the
mutual information between the user's command signals and the induced state
transitions in the environment. To evaluate whether this mutual information
score can distinguish between effective and ineffective interfaces, we conduct
an observational study on 540K examples of users operating various keyboard and
eye gaze interfaces for typing, controlling simulated robots, and playing video
games. The results show that our mutual information scores are predictive of
the ground-truth task completion metrics in a variety of domains, with an
average Spearman's rank correlation of 0.43. In addition to offline evaluation
of existing interfaces, we use our unsupervised objective to learn an interface
from scratch: we randomly initialize the interface, have the user attempt to
perform their desired tasks using the interface, measure the mutual information
score, and update the interface to maximize mutual information through
reinforcement learning. We evaluate our method through a user study with 12
participants who perform a 2D cursor control task using a perturbed mouse, and
an experiment with one user playing the Lunar Lander game using hand gestures.
The results show that we can learn an interface from scratch, without any user
supervision or prior knowledge of tasks, in under 30 minutes."
4035,Imposing Gaussian Pre-Activations in a Neural Network,"The goal of the present work is to propose a way to modify both the
initialization distribution of the weights of a neural network and its
activation function, such that all pre-activations are Gaussian. We propose a
family of pairs initialization/activation, where the activation functions span
a continuum from bounded functions (such as Heaviside or tanh) to the identity
function.
This work is motivated by the contradiction between existing works dealing
with Gaussian pre-activations: on one side, the works in the line of the Neural
Tangent Kernels and the Edge of Chaos are assuming it, while on the other side,
theoretical and experimental results challenge this hypothesis.
The family of pairs initialization/activation we are proposing will help us
to answer this hot question: is it desirable to have Gaussian pre-activations
in a neural network?"
4036,Hardness of Maximum Likelihood Learning of DPPs,"Determinantal Point Processes (DPPs) are a widely used probabilistic model
for negatively correlated sets. DPPs have been successfully employed in Machine
Learning applications to select a diverse, yet representative subset of data.
In seminal work on DPPs in Machine Learning, Kulesza conjectured in his PhD
Thesis (2011) that the problem of finding a maximum likelihood DPP model for a
given data set is NP-complete.
In this work we prove Kulesza's conjecture. In fact, we prove the following
stronger hardness of approximation result: even computing a
$\left(1-O(\frac{1}{\log^9{N}})\right)$-approximation to the maximum
log-likelihood of a DPP on a ground set of $N$ elements is NP-complete. At the
same time, we also obtain the first polynomial-time algorithm that achieves a
nontrivial worst-case approximation to the optimal log-likelihood: the
approximation factor is $\frac{1}{(1+o(1))\log{m}}$ unconditionally (for data
sets that consist of $m$ subsets), and can be improved to $1-\frac{1+o(1)}{\log
N}$ if all $N$ elements appear in a $O(1/N)$-fraction of the subsets.
In terms of techniques, we reduce approximating the maximum log-likelihood of
DPPs on a data set to solving a gap instance of a ""vector coloring"" problem on
a hypergraph. Such a hypergraph is built on a bounded-degree graph construction
of Bogdanov, Obata and Trevisan (FOCS 2002), and is further enhanced by the
strong expanders of Alon and Capalbo (FOCS 2007) to serve our purposes."
4037,Learning to Model Editing Processes,"Most existing sequence generation models produce outputs in one pass, usually
left-to-right. However, this is in contrast with a more natural approach that
humans use in generating content; iterative refinement and editing. Recent work
has introduced edit-based models for various tasks (such as neural machine
translation and text style transfer), but these generally model a single edit
step. In this work, we propose modeling editing processes, modeling the whole
process of iteratively generating sequences. We form a conceptual framework to
describe the likelihood of multi-step edits, and describe neural models that
can learn a generative model of sequences based on these multistep edits. We
introduce baseline results and metrics on this task, finding that modeling
editing processes improves performance on a variety of axes on both our
proposed task and related downstream tasks compared to previous single-step
models of edits."
4038,TorchNTK: A Library for Calculation of Neural Tangent Kernels of PyTorch Models,"We introduce torchNTK, a python library to calculate the empirical neural
tangent kernel (NTK) of neural network models in the PyTorch framework. We
provide an efficient method to calculate the NTK of multilayer perceptrons. We
compare the explicit differentiation implementation against autodifferentiation
implementations, which have the benefit of extending the utility of the library
to any architecture supported by PyTorch, such as convolutional networks. A
feature of the library is that we expose the user to layerwise NTK components,
and show that in some regimes a layerwise calculation is more memory efficient.
We conduct preliminary experiments to demonstrate use cases for the software
and probe the NTK."
4039,"Low-rank Optimal Transport: Approximation, Statistics and Debiasing","The matching principles behind optimal transport (OT) play an increasingly
important role in machine learning, a trend which can be observed when OT is
used to disambiguate datasets in applications (e.g. single-cell genomics) or
used to improve more complex methods (e.g. balanced attention in transformers
or self-supervised learning). To scale to more challenging problems, there is a
growing consensus that OT requires solvers that can operate on millions, not
thousands, of points. The low-rank optimal transport (LOT) approach advocated
in \cite{scetbon2021lowrank} holds several promises in that regard, and was
shown to complement more established entropic regularization approaches, being
able to insert itself in more complex pipelines, such as quadratic OT. LOT
restricts the search for low-cost couplings to those that have a
low-nonnegative rank, yielding linear time algorithms in cases of interest.
However, these promises can only be fulfilled if the LOT approach is seen as a
legitimate contender to entropic regularization when compared on properties of
interest, where the scorecard typically includes theoretical properties
(statistical bounds, relation to other methods) or practical aspects
(debiasing, hyperparameter tuning, initialization). We target each of these
areas in this paper in order to cement the impact of low-rank approaches in
computational OT."
4040,Wavelet Feature Maps Compression for Image-to-Image CNNs,"Convolutional Neural Networks (CNNs) are known for requiring extensive
computational resources, and quantization is among the best and most common
methods for compressing them. While aggressive quantization (i.e., less than
4-bits) performs well for classification, it may cause severe performance
degradation in image-to-image tasks such as semantic segmentation and depth
estimation. In this paper, we propose Wavelet Compressed Convolution (WCC) -- a
novel approach for high-resolution activation maps compression integrated with
point-wise convolutions, which are the main computational cost of modern
architectures. To this end, we use an efficient and hardware-friendly
Haar-wavelet transform, known for its effectiveness in image compression, and
define the convolution on the compressed activation map. We experiment on
various tasks, that benefit from high-resolution input, and by combining WCC
with light quantization, we achieve compression rates equivalent to 1-4bit
activation quantization with relatively small and much more graceful
degradation in performance."
4041,Accelerating hydrodynamic simulations of urban drainage systems with physics-guided machine learning,"We propose and demonstrate a new approach for fast and accurate surrogate
modelling of urban drainage system hydraulics based on physics-guided machine
learning. The surrogates are trained against a limited set of simulation
results from a hydrodynamic (HiFi) model. Our approach reduces simulation times
by one to two orders of magnitude compared to a HiFi model. It is thus slower
than e.g. conceptual hydrological models, but it enables simulations of water
levels, flows and surcharges in all nodes and links of a drainage network and
thus largely preserves the level of detail provided by HiFi models. Comparing
time series simulated by the surrogate and the HiFi model, R2 values in the
order of 0.9 are achieved. Surrogate training times are currently in the order
of one hour. However, they can likely be reduced through the application of
transfer learning and graph neural networks. Our surrogate approach will be
useful for interactive workshops in initial design phases of urban drainage
systems, as well as for real time applications. In addition, our model
formulation is generic and future research should investigate its application
for simulating other water systems."
4042,K-12BERT: BERT for K-12 education,"Online education platforms are powered by various NLP pipelines, which
utilize models like BERT to aid in content curation. Since the inception of the
pre-trained language models like BERT, there have also been many efforts toward
adapting these pre-trained models to specific domains. However, there has not
been a model specifically adapted for the education domain (particularly K-12)
across subjects to the best of our knowledge. In this work, we propose to train
a language model on a corpus of data curated by us across multiple subjects
from various sources for K-12 education. We also evaluate our model, K12-BERT,
on downstream tasks like hierarchical taxonomy tagging."
4043,Certified Robustness Against Natural Language Attacks by Causal Intervention,"Deep learning models have achieved great success in many fields, yet they are
vulnerable to adversarial examples. This paper follows a causal perspective to
look into the adversarial vulnerability and proposes Causal Intervention by
Semantic Smoothing (CISS), a novel framework towards robustness against natural
language attacks. Instead of merely fitting observational data, CISS learns
causal effects p(y|do(x)) by smoothing in the latent semantic space to make
robust predictions, which scales to deep architectures and avoids tedious
construction of noise customized for specific attacks. CISS is provably robust
against word substitution attacks, as well as empirically robust even when
perturbations are strengthened by unknown attack algorithms. For example, on
YELP, CISS surpasses the runner-up by 6.7% in terms of certified robustness
against word substitutions, and achieves 79.4% empirical robustness when
syntactic attacks are integrated."
4044,"Beyond Impossibility: Balancing Sufficiency, Separation and Accuracy","Among the various aspects of algorithmic fairness studied in recent years,
the tension between satisfying both \textit{sufficiency} and
\textit{separation} -- e.g. the ratios of positive or negative predictive
values, and false positive or false negative rates across groups -- has
received much attention. Following a debate sparked by COMPAS, a criminal
justice predictive system, the academic community has responded by laying out
important theoretical understanding, showing that one cannot achieve both with
an imperfect predictor when there is no equal distribution of labels across the
groups. In this paper, we shed more light on what might be still possible
beyond the impossibility -- the existence of a trade-off means we should aim to
find a good balance within it. After refining the existing theoretical result,
we propose an objective that aims to balance \textit{sufficiency} and
\textit{separation} measures, while maintaining similar accuracy levels. We
show the use of such an objective in two empirical case studies, one involving
a multi-objective framework, and the other fine-tuning of a model pre-trained
for accuracy. We show promising results, where better trade-offs are achieved
compared to existing alternatives."
4045,ColdGuess: A General and Effective Relational Graph Convolutional Network to Tackle Cold Start Cases,"Low-quality listings and bad actor behavior in online retail websites
threatens e-commerce business as these result in sub-optimal buying experience
and erode customer trust. When a new listing is created, how to tell it has
good-quality? Is the method effective, fast, and scalable? Previous approaches
often have three limitations/challenges: (1) unable to handle cold start
problems where new sellers/listings lack sufficient selling histories. (2)
inability of scoring hundreds of millions of listings at scale, or compromise
performance for scalability. (3) has space challenges from large-scale graph
with giant e-commerce business size. To overcome these limitations/challenges,
we proposed ColdGuess, an inductive graph-based risk predictor built upon a
heterogeneous seller product graph, which effectively identifies risky
seller/product/listings at scale. ColdGuess tackles the large-scale graph by
consolidated nodes, and addresses the cold start problems using homogeneous
influence1. The evaluation on real data demonstrates that ColdGuess has stable
performance as the number of unknown features increases. It outperforms the
lightgbm2 by up to 34 pcp ROC-AUC in a cold start case when a new seller sells
a new product . The resulting system, ColdGuess, is effective, adaptable to
changing risky seller behavior, and is already in production"
4046,Fast & Furious: Modelling Malware Detection as Evolving Data Streams,"Malware is a major threat to computer systems and imposes many challenges to
cyber security. Targeted threats, such as ransomware, cause millions of dollars
in losses every year. The constant increase of malware infections has been
motivating popular antiviruses (AVs) to develop dedicated detection strategies,
which include meticulously crafted machine learning (ML) pipelines. However,
malware developers unceasingly change their samples features to bypass
detection. This constant evolution of malware samples causes changes to the
data distribution (i.e., concept drifts) that directly affect ML model
detection rates. In this work, we evaluate the impact of concept drift on
malware classifiers for two Android datasets: DREBIN (~130K apps) and AndroZoo
(~350K apps). Android is a ubiquitous operating system for smartphones, which
stimulates attackers to regularly create and update malware to the platform. We
conducted a longitudinal evaluation by (i) classifying malware samples
collected over nine years (2009-2018), (ii) reviewing concept drift detection
algorithms to attest its pervasiveness, (iii) comparing distinct ML approaches
to mitigate the issue, and (iv) proposing an ML data stream pipeline that
outperformed literature approaches. As a result, we observed that updating
every component of the pipeline in response to concept drifts allows the
classification model to achieve increasing detection rates as the data
representation (extracted features) is updated. Furthermore, we discuss the
impact of the changes on the classification models by comparing the variations
in the extracted features."
4047,FreDo: Frequency Domain-based Long-Term Time Series Forecasting,"The ability to forecast far into the future is highly beneficial to many
applications, including but not limited to climatology, energy consumption, and
logistics. However, due to noise or measurement error, it is questionable how
far into the future one can reasonably predict. In this paper, we first
mathematically show that due to error accumulation, sophisticated models might
not outperform baseline models for long-term forecasting. To demonstrate, we
show that a non-parametric baseline model based on periodicity can actually
achieve comparable performance to a state-of-the-art Transformer-based model on
various datasets. We further propose FreDo, a frequency domain-based neural
network model that is built on top of the baseline model to enhance its
performance and which greatly outperforms the state-of-the-art model. Finally,
we validate that the frequency domain is indeed better by comparing univariate
models trained in the frequency v.s. time domain."
4048,lpSpikeCon: Enabling Low-Precision Spiking Neural Network Processing for Efficient Unsupervised Continual Learning on Autonomous Agents,"Recent advances have shown that SNN-based systems can efficiently perform
unsupervised continual learning due to their bio-plausible learning rule, e.g.,
Spike-Timing-Dependent Plasticity (STDP). Such learning capabilities are
especially beneficial for use cases like autonomous agents (e.g., robots and
UAVs) that need to continuously adapt to dynamically changing
scenarios/environments, where new data gathered directly from the environment
may have novel features that should be learned online. Current state-of-the-art
works employ high-precision weights (i.e., 32 bit) for both training and
inference phases, which pose high memory and energy costs thereby hindering
efficient embedded implementations of such systems for battery-driven mobile
autonomous systems. On the other hand, precision reduction may jeopardize the
quality of unsupervised continual learning due to information loss. Towards
this, we propose lpSpikeCon, a novel methodology to enable low-precision SNN
processing for efficient unsupervised continual learning on
resource-constrained autonomous agents/systems. Our lpSpikeCon methodology
employs the following key steps: (1) analyzing the impacts of training the SNN
model under unsupervised continual learning settings with reduced weight
precision on the inference accuracy; (2) leveraging this study to identify SNN
parameters that have a significant impact on the inference accuracy; and (3)
developing an algorithm for searching the respective SNN parameter values that
improve the quality of unsupervised continual learning. The experimental
results show that our lpSpikeCon can reduce weight memory of the SNN model by
8x (i.e., by judiciously employing 4-bit weights) for performing online
training with unsupervised continual learning and achieve no accuracy loss in
the inference phase, as compared to the baseline model with 32-bit weights
across different network sizes."
4049,Policy Compliance Detection via Expression Tree Inference,"Policy Compliance Detection (PCD) is a task we encounter when reasoning over
texts, e.g. legal frameworks. Previous work to address PCD relies heavily on
modeling the task as a special case of Recognizing Textual Entailment.
Entailment is applicable to the problem of PCD, however viewing the policy as a
single proposition, as opposed to multiple interlinked propositions, yields
poor performance and lacks explainability. To address this challenge, more
recent proposals for PCD have argued for decomposing policies into expression
trees consisting of questions connected with logic operators. Question
answering is used to obtain answers to these questions with respect to a
scenario. Finally, the expression tree is evaluated in order to arrive at an
overall solution. However, this work assumes expression trees are provided by
experts, thus limiting its applicability to new policies. In this work, we
learn how to infer expression trees automatically from policy texts. We ensure
the validity of the inferred trees by introducing constrained decoding using a
finite state automaton to ensure the generation of valid trees. We determine
through automatic evaluation that 63% of the expression trees generated by our
constrained generation model are logically equivalent to gold trees. Human
evaluation shows that 88% of trees generated by our model are correct."
4050,History Compression via Language Models in Reinforcement Learning,"In a partially observable Markov decision process (POMDP), an agent typically
uses a representation of the past to approximate the underlying MDP. We propose
to utilize a frozen Pretrained Language Transformer (PLT) for history
representation and compression to improve sample efficiency. To avoid training
of the Transformer, we introduce FrozenHopfield, which automatically associates
observations with pretrained token embeddings. To form these associations, a
modern Hopfield network stores these token embeddings, which are retrieved by
queries that are obtained by a random but fixed projection of observations. Our
new method, HELM, enables actor-critic network architectures that contain a
pretrained language Transformer for history representation as a memory module.
Since a representation of the past need not be learned, HELM is much more
sample efficient than competitors. On Minigrid and Procgen environments HELM
achieves new state-of-the-art results. Our code is available at
https://github.com/ml-jku/helm."
4051,Interpretation Quality Score for Measuring the Quality of interpretability methods,"Machine learning (ML) models have been applied to a wide range of natural
language processing (NLP) tasks in recent years. In addition to making accurate
decisions, the necessity of understanding how models make their decisions has
become apparent in many applications. To that end, many interpretability
methods that help explain the decision processes of ML models have been
developed. Yet, there currently exists no widely-accepted metric to evaluate
the quality of explanations generated by these methods. As a result, there
currently is no standard way of measuring to what degree an interpretability
method achieves an intended objective. Moreover, there is no accepted standard
of performance by which we can compare and rank the current existing
interpretability methods. In this paper, we propose a novel metric for
quantifying the quality of explanations generated by interpretability methods.
We compute the metric on three NLP tasks using six interpretability methods and
present our results."
4052,Taming the sign problem of explicitly antisymmetrized neural networks via rough activation functions,"Explicit antisymmetrization of a two-layer neural network is a potential
candidate for a universal function approximator for generic antisymmetric
functions, which are ubiquitous in quantum physics. However, this strategy
suffers from a sign problem, namely, due to near exact cancellation of positive
and negative contributions, the magnitude of the antisymmetrized function may
be significantly smaller than that before antisymmetrization. We prove that the
severity of the sign problem is directly related to the smoothness of the
activation function. For smooth activation functions (e.g., $\tanh$), the sign
problem of the explicitly antisymmetrized two-layer neural network deteriorates
super-polynomially with respect to the system size. On the other hand, for
rough activation functions (e.g., ReLU), the deterioration rate of the sign
problem can be tamed to be at most polynomial with respect to the system size.
Finally, the cost of a direct implementation of antisymmetrized two-layer
neural network scales factorially with respect to the system size. We describe
an efficient algorithm for approximate evaluation of such a network, of which
the cost scales polynomially with respect to the system size and inverse
precision."
4053,RevUp: Revise and Update Information Bottleneck for Event Representation,"In machine learning, latent variables play a key role to capture the
underlying structure of data, but they are often unsupervised. When we have
side knowledge that already has high-level information about the input data, we
can use that source to guide latent variables and capture the available
background information in a process called ""parameter injection."" In that
regard, we propose a semi-supervised information bottleneck-based model that
enables the use of side knowledge, even if it is noisy and imperfect, to direct
the learning of discrete latent variables. Fundamentally, we introduce an
auxiliary continuous latent variable as a way to reparameterize the model's
discrete variables with a light-weight hierarchical structure. With this
reparameterization, the model's discrete latent variables are learned to
minimize the mutual information between the observed data and optional side
knowledge that is not already captured by the new, auxiliary variables. We
theoretically show that our approach generalizes an existing method of
parameter injection, and perform an empirical case study of our approach on
language-based event modeling. We corroborate our theoretical results with
strong empirical experiments, showing that the proposed method outperforms
previous proposed approaches on multiple datasets."
4054,Asynchronous Neural Networks for Learning in Graphs,"This paper studies asynchronous message passing (AMP), a new paradigm for
applying neural network based learning to graphs. Existing graph neural
networks use the synchronous distributed computing model and aggregate their
neighbors in each round, which causes problems such as oversmoothing and limits
their expressiveness. On the other hand, AMP is based on the asynchronous
model, where nodes react to messages of their neighbors individually. We prove
that (i) AMP can simulate synchronous GNNs and that (ii) AMP can theoretically
distinguish any pair of graphs. We experimentally validate AMP's
expressiveness. Further, we show that AMP might be better suited to propagate
messages over large distances in graphs and performs well on several graph
classification benchmarks."
4055,"EBM Life Cycle: MCMC Strategies for Synthesis, Defense, and Density Modeling","This work presents strategies to learn an Energy-Based Model (EBM) according
to the desired length of its MCMC sampling trajectories. MCMC trajectories of
different lengths correspond to models with different purposes. Our experiments
cover three different trajectory magnitudes and learning outcomes: 1) shortrun
sampling for image generation; 2) midrun sampling for classifier-agnostic
adversarial defense; and 3) longrun sampling for principled modeling of image
probability densities. To achieve these outcomes, we introduce three novel
methods of MCMC initialization for negative samples used in Maximum Likelihood
(ML) learning. With standard network architectures and an unaltered ML
objective, our MCMC initialization methods alone enable significant performance
gains across the three applications that we investigate. Our results include
state-of-the-art FID scores for unnormalized image densities on the CIFAR-10
and ImageNet datasets; state-of-the-art adversarial defense on CIFAR-10 among
purification methods and the first EBM defense on ImageNet; and scalable
techniques for learning valid probability densities. Code for this project can
be found at https://github.com/point0bar1/ebm-life-cycle."
4056,Gacs-Korner Common Information Variational Autoencoder,"We propose a notion of common information that allows one to quantify and
separate the information that is shared between two random variables from the
information that is unique to each. Our notion of common information is a
variational relaxation of the G\'acs-K\""orner common information, which we
recover as a special case, but is more amenable to optimization and can be
approximated empirically using samples from the underlying distribution. We
then provide a method to partition and quantify the common and unique
information using a simple modification of a traditional variational
auto-encoder. Empirically, we demonstrate that our formulation allows us to
learn semantically meaningful common and unique factors of variation even on
high-dimensional data such as images and videos. Moreover, on datasets where
ground-truth latent factors are known, we show that we can accurately quantify
the common information between the random variables. Additionally, we show that
the auto-encoder that we learn recovers semantically meaningful disentangled
factors of variation, even though we do not explicitly optimize for it."
4057,Psychotic Relapse Prediction in Schizophrenia Patients using A Mobile Sensing-based Supervised Deep Learning Model,"Mobile sensing-based modeling of behavioral changes could predict an oncoming
psychotic relapse in schizophrenia patients for timely interventions. Deep
learning models could complement existing non-deep learning models for relapse
prediction by modeling latent behavioral features relevant to the prediction.
However, given the inter-individual behavioral differences, model
personalization might be required for a predictive model. In this work, we
propose RelapsePredNet, a Long Short-Term Memory (LSTM) neural network-based
model for relapse prediction. The model is personalized for a particular
patient by training using data from patients most similar to the given patient.
Several demographics and baseline mental health scores were considered as
personalization metrics to define patient similarity. We investigated the
effect of personalization on training dataset characteristics, learned
embeddings, and relapse prediction performance. We compared RelapsePredNet with
a deep learning-based anomaly detection model for relapse prediction. Further,
we investigated if RelapsePredNet could complement ClusterRFModel (a random
forest model leveraging clustering and template features proposed in prior
work) in a fusion model, by identifying latent behavioral features relevant for
relapse prediction. The CrossCheck dataset consisting of continuous mobile
sensing data obtained from 63 schizophrenia patients, each monitored for up to
a year, was used for our evaluations. The proposed RelapsePredNet outperformed
the deep learning-based anomaly detection model for relapse prediction. The F2
score for prediction were 0.21 and 0.52 in the full test set and the Relapse
Test Set (consisting of data from patients who have had relapse only),
respectively. These corresponded to a 29.4% and 38.8% improvement compared to
the existing deep learning-based model for relapse prediction."
4058,Forecasting Multilinear Data via Transform-Based Tensor Autoregression,"In the era of big data, there is an increasing demand for new methods for
analyzing and forecasting 2-dimensional data. The current research aims to
accomplish these goals through the combination of time-series modeling and
multilinear algebraic systems. We expand previous autoregressive techniques to
forecast multilinear data, aptly named the L-Transform Tensor autoregressive
(L-TAR for short). Tensor decompositions and multilinear tensor products have
allowed for this approach to be a feasible method of forecasting. We achieve
statistical independence between the columns of the observations through
invertible discrete linear transforms, enabling a divide and conquer approach.
We present an experimental validation of the proposed methods on datasets
containing image collections, video sequences, sea surface temperature
measurements, stock prices, and networks."
4059,Rethinking Evaluation Practices in Visual Question Answering: A Case Study on Out-of-Distribution Generalization,"Vision-and-language (V&L) models pretrained on large-scale multimodal data
have demonstrated strong performance on various tasks such as image captioning
and visual question answering (VQA). The quality of such models is commonly
assessed by measuring their performance on unseen data that typically comes
from the same distribution as the training data. However, we observe that these
models exhibit poor out-of-distribution (OOD) generalization on the task of
VQA. To better understand the underlying causes of poor generalization, we
comprehensively investigate performance of two pretrained V&L models under
different settings (i.e. classification and open-ended text generation) by
conducting cross-dataset evaluations. We find that these models tend to learn
to solve the benchmark, rather than learning the high-level skills required by
the VQA task. We also argue that in most cases generative models are less
susceptible to shifts in data distribution, while frequently performing better
on our tested benchmarks. Moreover, we find that multimodal pretraining
improves OOD performance in most settings. Finally, we revisit assumptions
underlying the use of automatic VQA evaluation metrics, and empirically show
that their stringent nature repeatedly penalizes models for correct responses."
4060,Learning for Expressive Task-Related Sentence Representations,"NLP models learn sentence representations for downstream tasks by tuning a
model which is pre-trained by masked language modeling. However, after tuning,
the learned sentence representations may be skewed heavily toward label space
and thus are not expressive enough to represent whole samples, which should
contain task-related information of both sentence inputs and labels. In this
work, we learn expressive sentence representations for supervised tasks which
(1). contain task-related information in the sentence inputs, and (2). enable
correct label predictions. To achieve this goal, we first propose a new
objective which explicitly points out the label token space in the input, and
predicts categories of labels via an added [MASK] token. This objective
encourages fusing the semantic information of both the label and sentence. Then
we develop a neighbor attention module, added on a frozen pre-trained model, to
build connections between label/sentence tokens via their neighbors. The
propagation can be further guided by the regularization on neighborhood
representations to encourage expressiveness. Experimental results show that,
despite tuning only 5% additional parameters over a frozen pre-trained model,
our model can achieve classification results comparable to the SOTA while
maintaining strong expressiveness as well."
4061,Distributional Hamilton-Jacobi-Bellman Equations for Continuous-Time Reinforcement Learning,"Continuous-time reinforcement learning offers an appealing formalism for
describing control problems in which the passage of time is not naturally
divided into discrete increments. Here we consider the problem of predicting
the distribution of returns obtained by an agent interacting in a
continuous-time, stochastic environment. Accurate return predictions have
proven useful for determining optimal policies for risk-sensitive control,
learning state representations, multiagent coordination, and more. We begin by
establishing the distributional analogue of the Hamilton-Jacobi-Bellman (HJB)
equation for It\^o diffusions and the broader class of Feller-Dynkin processes.
We then specialize this equation to the setting in which the return
distribution is approximated by $N$ uniformly-weighted particles, a common
design choice in distributional algorithms. Our derivation highlights
additional terms due to statistical diffusivity which arise from the proper
handling of distributions in the continuous-time setting. Based on this, we
propose a tractable algorithm for approximately solving the distributional HJB
based on a JKO scheme, which can be implemented in an online control algorithm.
We demonstrate the effectiveness of such an algorithm in a synthetic control
problem."
4062,"Regret-Aware Black-Box Optimization with Natural Gradients, Trust-Regions and Entropy Control","Most successful stochastic black-box optimizers, such as CMA-ES, use rankings
of the individual samples to obtain a new search distribution. Yet, the use of
rankings also introduces several issues such as the underlying optimization
objective is often unclear, i.e., we do not optimize the expected fitness.
Further, while these algorithms typically produce a high-quality mean estimate
of the search distribution, the produced samples can have poor quality as these
algorithms are ignorant of the regret. Lastly, noisy fitness function
evaluations may result in solutions that are highly sub-optimal on expectation.
In contrast, stochastic optimizers that are motivated by policy gradients, such
as the Model-based Relative Entropy Stochastic Search (MORE) algorithm,
directly optimize the expected fitness function without the use of rankings.
MORE can be derived by applying natural policy gradients and compatible
function approximation, and is using information theoretic constraints to
ensure the stability of the policy update. While MORE does not suffer from the
listed limitations, it often cannot achieve state of the art performance in
comparison to ranking based methods. We improve MORE by decoupling the update
of the mean and covariance of the search distribution allowing for more
aggressive updates on the mean while keeping the update on the covariance
conservative, an improved entropy scheduling technique based on an evolution
path which results in faster convergence and a simplified and more effective
model learning approach in comparison to the original paper. We compare our
algorithm to state of the art black-box optimization algorithms on standard
optimization tasks as well as on episodic RL tasks in robotics where it is also
crucial to have small regret. We obtain competitive results on benchmark
functions and clearly outperform ranking-based methods in terms of regret on
the RL tasks."
4063,Byzantine Machine Learning Made Easy by Resilient Averaging of Momentums,"Byzantine resilience emerged as a prominent topic within the distributed
machine learning community. Essentially, the goal is to enhance distributed
optimization algorithms, such as distributed SGD, in a way that guarantees
convergence despite the presence of some misbehaving (a.k.a., {\em Byzantine})
workers. Although a myriad of techniques addressing the problem have been
proposed, the field arguably rests on fragile foundations. These techniques are
hard to prove correct and rely on assumptions that are (a) quite unrealistic,
i.e., often violated in practice, and (b) heterogeneous, i.e., making it
difficult to compare approaches.
We present \emph{RESAM (RESilient Averaging of Momentums)}, a unified
framework that makes it simple to establish optimal Byzantine resilience,
relying only on standard machine learning assumptions. Our framework is mainly
composed of two operators: \emph{resilient averaging} at the server and
\emph{distributed momentum} at the workers. We prove a general theorem stating
the convergence of distributed SGD under RESAM. Interestingly, demonstrating
and comparing the convergence of many existing techniques become direct
corollaries of our theorem, without resorting to stringent assumptions. We also
present an empirical evaluation of the practical relevance of RESAM."
4064,D$^\text{2}$UF: Deep Coded Aperture Design and Unrolling Algorithm for Compressive Spectral Image Fusion,"Compressive spectral imaging (CSI) has attracted significant attention since
it employs synthetic apertures to codify spatial and spectral information,
sensing only 2D projections of the 3D spectral image. However, these optical
architectures suffer from a trade-off between the spatial and spectral
resolution of the reconstructed image due to technology limitations. To
overcome this issue, compressive spectral image fusion (CSIF) employs the
projected measurements of two CSI architectures with different resolutions to
estimate a high-spatial high-spectral resolution. This work presents the fusion
of the compressive measurements of a low-spatial high-spectral resolution coded
aperture snapshot spectral imager (CASSI) architecture and a high-spatial
low-spectral resolution multispectral color filter array (MCFA) system. Unlike
previous CSIF works, this paper proposes joint optimization of the sensing
architectures and a reconstruction network in an end-to-end (E2E) manner. The
trainable optical parameters are the coded aperture (CA) in the CASSI and the
colored coded aperture in the MCFA system, employing a sigmoid activation
function and regularization function to encourage binary values on the
trainable variables for an implementation purpose. Additionally, an
unrolling-based network inspired by the alternating direction method of
multipliers (ADMM) optimization is formulated to address the reconstruction
step and the acquisition systems design jointly. Finally, a spatial-spectral
inspired loss function is employed at the end of each unrolling layer to
increase the convergence of the unrolling network. The proposed method
outperforms previous CSIF methods, and experimental results validate the method
with real measurements."
4065,"Not too little, not too much: a theoretical analysis of graph (over)smoothing","We analyze graph smoothing with \emph{mean aggregation}, where each node
successively receives the average of the features of its neighbors. Indeed, it
has quickly been observed that Graph Neural Networks (GNNs), which generally
follow some variant of Message-Passing (MP) with repeated aggregation, may be
subject to the \emph{oversmoothing} phenomenon: by performing too many rounds
of MP, the node features tend to converge to a non-informative limit. In the
case of mean aggregation, for connected graphs, the node features become
constant across the whole graph. At the other end of the spectrum, it is
intuitively obvious that \emph{some} MP rounds are necessary, but existing
analyses do not exhibit both phenomena at once: beneficial ``finite'' smoothing
and oversmoothing in the limit. In this paper, we consider simplified linear
GNNs, and rigorously analyze two examples for which a finite number of mean
aggregation steps provably improves the learning performance, before
oversmoothing kicks in. We consider a latent space random graph model, where
node features are partial observations of the latent variables and the graph
contains pairwise relationships between them. We show that graph smoothing
restores some of the lost information, up to a certain point, by two
phenomenon: graph smoothing shrinks non-principal directions in the data faster
than principal ones, which is useful for regression, and shrinks nodes within
communities faster than they collapse together, which improves classification."
4066,Mathematical Models of Human Drivers Using Artificial Risk Fields,"In this paper, we use the concept of artificial risk fields to predict how
human operators control a vehicle in response to upcoming road situations. A
risk field assigns a non-negative risk measure to the state of the system in
order to model how close that state is to violating a safety property, such as
hitting an obstacle or exiting the road. Using risk fields, we construct a
stochastic model of the operator that maps from states to likely actions. We
demonstrate our approach on a driving task wherein human subjects are asked to
drive a car inside a realistic driving simulator while avoiding obstacles
placed on the road. We show that the most likely risk field given the driving
data is obtained by solving a convex optimization problem. Next, we apply the
inferred risk fields to generate distinct driving behaviors while comparing
predicted trajectories against ground truth measurements. We observe that the
risk fields are excellent at predicting future trajectory distributions with
high prediction accuracy for up to twenty seconds prediction horizons. At the
same time, we observe some challenges such as the inability to account for how
drivers choose to accelerate/decelerate based on the road conditions."
4067,One-Pixel Shortcut: on the Learning Preference of Deep Neural Networks,"Unlearnable examples (ULEs) aim to protect data from unauthorized usage for
training DNNs. Error-minimizing noise, which is injected to clean data, is one
of the most successful methods for preventing DNNs from giving correct
predictions on incoming new data. Nonetheless, under specific training
strategies such as adversarial training, the unlearnability of error-minimizing
noise will severely degrade. In addition, the transferability of
error-minimizing noise is inherently limited by the mismatch between the
generator model and the targeted learner model. In this paper, we investigate
the mechanism of unlearnable examples and propose a novel model-free method,
named \emph{One-Pixel Shortcut}, which only perturbs a single pixel of each
image and makes the dataset unlearnable. Our method needs much less
computational cost and obtains stronger transferability and thus can protect
data from a wide range of different models. Based on this, we further introduce
the first unlearnable dataset called CIFAR-10-S, which is indistinguishable
from normal CIFAR-10 by human observers and can serve as a benchmark for
different models or training strategies to evaluate their abilities to extract
critical features from the disturbance of non-semantic representations. The
original error-minimizing ULEs will lose efficiency under adversarial training,
where the model can get over 83\% clean test accuracy. Meanwhile, even if
adversarial training and strong data augmentation like RandAugment are applied
together, the model trained on CIFAR-10-S cannot get over 50\% clean test
accuracy."
4068,Adversarial Attack on Attackers: Post-Process to Mitigate Black-Box Score-Based Query Attacks,"The score-based query attacks (SQAs) pose practical threats to deep neural
networks by crafting adversarial perturbations within dozens of queries, only
using the model's output scores. Nonetheless, we note that if the loss trend of
the outputs is slightly perturbed, SQAs could be easily misled and thereby
become much less effective. Following this idea, we propose a novel defense,
namely Adversarial Attack on Attackers (AAA), to confound SQAs towards
incorrect attack directions by slightly modifying the output logits. In this
way, (1) SQAs are prevented regardless of the model's worst-case robustness;
(2) the original model predictions are hardly changed, i.e., no degradation on
clean accuracy; (3) the calibration of confidence scores can be improved
simultaneously. Extensive experiments are provided to verify the above
advantages. For example, by setting $\ell_\infty=8/255$ on CIFAR-10, our
proposed AAA helps WideResNet-28 secure $80.59\%$ accuracy under Square attack
($2500$ queries), while the best prior defense (i.e., adversarial training)
only attains $67.44\%$. Since AAA attacks SQA's general greedy strategy, such
advantages of AAA over 8 defenses can be consistently observed on 8
CIFAR-10/ImageNet models under 6 SQAs, using different attack targets and
bounds. Moreover, AAA calibrates better without hurting the accuracy. Our code
would be released."
4069,Inference of a Rumor's Source in the Independent Cascade Model,"We consider the so-called Independent Cascade Model for rumor spreading or
epidemic processes popularized by Kempe et al.\ [2003]. In this model, a small
subset of nodes from a network are the source of a rumor. In discrete time
steps, each informed node ""infects"" each of its uninformed neighbors with
probability $p$. While many facets of this process are studied in the
literature, less is known about the inference problem: given a number of
infected nodes in a network, can we learn the source of the rumor? In the
context of epidemiology this problem is often referred to as patient zero
problem. It belongs to a broader class of problems where the goal is to infer
parameters of the underlying spreading model, see, e.g., Lokhov [NeurIPS'16] or
Mastakouri et al. [NeurIPS'20].
In this work we present a maximum likelihood estimator for the rumor's
source, given a snapshot of the process in terms of a set of active nodes $X$
after $t$ steps. Our results show that, for cycle-free graphs, the likelihood
estimator undergoes a non-trivial phase transition as a function $t$. We
provide a rigorous analysis for two prominent classes of acyclic network,
namely $d$-regular trees and Galton-Watson trees, and verify empirically that
our heuristics work well in various general networks."
4070,Phased Progressive Learning with Coupling-Regulation-Imbalance Loss for Imbalanced Classification,"Deep neural networks generally perform poorly with datasets that suffer from
quantity imbalance and classification difficulty imbalance between different
classes. In order to alleviate the problem of dataset bias or domain shift in
the existing two-stage approaches, a phased progressive learning schedule was
proposed for smoothly transferring the training emphasis from representation
learning to upper classifier training. This has greater effectivity on datasets
that have more severe imbalances or smaller scales. A
coupling-regulation-imbalance loss function was designed, coupling a correction
term, Focal loss and LDAM loss. Coupling-regulation-imbalance loss can better
deal with quantity imbalance and outliers, while regulating focus-of-attention
of samples with a variety of classification difficulties. Excellent results
were achieved on multiple benchmark datasets using these approaches and they
can be easily generalized for other imbalanced classification models. Our code
will be open source soon."
4071,Federated singular value decomposition for high dimensional data,"Federated learning (FL) is emerging as a privacy-aware alternative to
classical cloud-based machine learning. In FL, the sensitive data remains in
data silos and only aggregated parameters are exchanged. Hospitals and research
institutions which are not willing to share their data can join a federated
study without breaching confidentiality. In addition to the extreme sensitivity
of biomedical data, the high dimensionality poses a challenge in the context of
federated genome-wide association studies (GWAS). In this article, we present a
federated singular value decomposition (SVD) algorithm, suitable for the
privacy-related and computational requirements of GWAS. Notably, the algorithm
has a transmission cost independent of the number of samples and is only weakly
dependent on the number of features, because the singular vectors associated
with the samples are never exchanged and the vectors associated with the
features only for a fixed number of iterations. Although motivated by GWAS, the
algorithm is generically applicable for both horizontally and vertically
partitioned data."
4072,Empirical Phase Diagram for Three-layer Neural Networks with Infinite Width,"Substantial work indicates that the dynamics of neural networks (NNs) is
closely related to their initialization of parameters. Inspired by the phase
diagram for two-layer ReLU NNs with infinite width (Luo et al., 2021), we make
a step towards drawing a phase diagram for three-layer ReLU NNs with infinite
width. First, we derive a normalized gradient flow for three-layer ReLU NNs and
obtain two key independent quantities to distinguish different dynamical
regimes for common initialization methods. With carefully designed experiments
and a large computation cost, for both synthetic datasets and real datasets, we
find that the dynamics of each layer also could be divided into a linear regime
and a condensed regime, separated by a critical regime. The criteria is the
relative change of input weights (the input weight of a hidden neuron consists
of the weight from its input layer to the hidden neuron and its bias term) as
the width approaches infinity during the training, which tends to $0$,
$+\infty$ and $O(1)$, respectively. In addition, we also demonstrate that
different layers can lie in different dynamical regimes in a training process
within a deep NN. In the condensed regime, we also observe the condensation of
weights in isolated orientations with low complexity. Through experiments under
three-layer condition, our phase diagram suggests a complicated dynamical
regimes consisting of three possible regimes, together with their mixture, for
deep NNs and provides a guidance for studying deep NNs in different
initialization regimes, which reveals the possibility of completely different
dynamics emerging within a deep NN for its different layers."
4073,Associative Learning Mechanism for Drug-Target Interaction Prediction,"As a necessary process in drug development, finding a drug compound that can
selectively bind to a specific protein is highly challenging and costly.
Drug-target affinity (DTA), which represents the strength of drug-target
interaction (DTI), has played an important role in the DTI prediction task over
the past decade. Although deep learning has been applied to DTA-related
research, existing solutions ignore fundamental correlations between molecular
substructures in molecular representation learning of drug compound
molecules/protein targets. Moreover, traditional methods lack the
interpretability of the DTA prediction process. This results in missing feature
information of intermolecular interactions, thereby affecting prediction
performance. Therefore, this paper proposes a DTA prediction method with
interactive learning and an autoencoder mechanism. The proposed model enhances
the corresponding ability to capture the feature information of a single
molecular sequence by the drug/protein molecular representation learning module
and supplements the information interaction between molecular sequence pairs by
the interactive information learning module. The DTA value prediction module
fuses the drug-target pair interaction information to output the predicted
value of DTA. Additionally, this paper theoretically proves that the proposed
method maximizes evidence lower bound (ELBO) for the joint distribution of the
DTA prediction model, which enhances the consistency of the probability
distribution between the actual value and the predicted value. The experimental
results confirm mutual transformer-drug target affinity (MT-DTA) achieves
better performance than other comparative methods."
4074,DNNAbacus: Toward Accurate Computational Cost Prediction for Deep Neural Networks,"Deep learning is attracting interest across a variety of domains, including
natural language processing, speech recognition, and computer vision. However,
model training is time-consuming and requires huge computational resources.
Existing works on the performance prediction of deep neural networks, which
mostly focus on the training time prediction of a few models, rely on
analytical models and result in high relative errors. %Optimizing task
scheduling and reducing job failures in data centers are essential to improve
resource utilization and reduce carbon emissions. This paper investigates the
computational resource demands of 29 classical deep neural networks and builds
accurate models for predicting computational costs. We first analyze the
profiling results of typical networks and demonstrate that the computational
resource demands of models with different inputs and hyperparameters are not
obvious and intuitive. We then propose a lightweight prediction approach
DNNAbacus with a novel network structural matrix for network representation.
DNNAbacus can accurately predict both memory and time cost for PyTorch and
TensorFlow models, which is also generalized to different hardware
architectures and can have zero-shot capability for unseen networks. Our
experimental results show that the mean relative error (MRE) is 0.9% with
respect to time and 2.8% with respect to memory for 29 classic models, which is
much lower than the state-of-the-art works."
4075,Bias Discovery in Machine Learning Models for Mental Health,"Fairness and bias are crucial concepts in artificial intelligence, yet they
are relatively ignored in machine learning applications in clinical psychiatry.
We computed fairness metrics and present bias mitigation strategies using a
model trained on clinical mental health data. We collected structured data
related to the admission, diagnosis, and treatment of patients in the
psychiatry department of the University Medical Center Utrecht. We trained a
machine learning model to predict future administrations of benzodiazepines on
the basis of past data. We found that gender plays an unexpected role in the
predictions-this constitutes bias. Using the AI Fairness 360 package, we
implemented reweighing and discrimination-aware regularization as bias
mitigation strategies, and we explored their implications for model
performance. This is the first application of bias exploration and mitigation
in a machine learning model trained on real clinical psychiatry data."
4076,Optimality Conditions and Algorithms for Top-K Arm Identification,"We consider the top-k arm identification problem for multi-armed bandits with
rewards belonging to a one-parameter canonical exponential family. The
objective is to select the set of k arms with the highest mean rewards by
sequential allocation of sampling efforts. We propose a unified optimal
allocation problem that identifies the complexity measures of this problem
under the fixed-confidence, fixed-budget settings, and the posterior
convergence rate from the Bayesian perspective. We provide the first
characterization of its optimality. We provide the first provably optimal
algorithm in the fixed-confidence setting for k>1. We also propose an efficient
heuristic algorithm for the top-k arm identification problem. Extensive
numerical experiments demonstrate superior performance compare to existing
methods in all three settings."
4077,Ensemble Multi-Relational Graph Neural Networks,"It is well established that graph neural networks (GNNs) can be interpreted
and designed from the perspective of optimization objective. With this clear
optimization objective, the deduced GNNs architecture has sound theoretical
foundation, which is able to flexibly remedy the weakness of GNNs. However,
this optimization objective is only proved for GNNs with single-relational
graph. Can we infer a new type of GNNs for multi-relational graphs by extending
this optimization objective, so as to simultaneously solve the issues in
previous multi-relational GNNs, e.g., over-parameterization? In this paper, we
propose a novel ensemble multi-relational GNNs by designing an ensemble
multi-relational (EMR) optimization objective. This EMR optimization objective
is able to derive an iterative updating rule, which can be formalized as an
ensemble message passing (EnMP) layer with multi-relations. We further analyze
the nice properties of EnMP layer, e.g., the relationship with multi-relational
personalized PageRank. Finally, a new multi-relational GNNs which well
alleviate the over-smoothing and over-parameterization issues are proposed.
Extensive experiments conducted on four benchmark datasets well demonstrate the
effectiveness of the proposed model."
4078,Deep Reinforcement Learning for Multi-class Imbalanced Training,"With the rapid growth of memory and computing power, datasets are becoming
increasingly complex and imbalanced. This is especially severe in the context
of clinical data, where there may be one rare event for many cases in the
majority class. We introduce an imbalanced classification framework, based on
reinforcement learning, for training extremely imbalanced data sets, and extend
it for use in multi-class settings. We combine dueling and double deep
Q-learning architectures, and formulate a custom reward function and
episode-training procedure, specifically with the added capability of handling
multi-class imbalanced training. Using real-world clinical case studies, we
demonstrate that our proposed framework outperforms current state-of-the-art
imbalanced learning methods, achieving more fair and balanced classification,
while also significantly improving the prediction of minority classes."
4079,Boosting Tail Neural Network for Realtime Custom Keyword Spotting,"In this paper, we propose a Boosting Tail Neural Network (BTNN) for improving
the performance of Realtime Custom Keyword Spotting (RCKS) that is still an
industrial challenge for demanding powerful classification ability with limited
computation resources. Inspired by Brain Science that a brain is only partly
activated for a nerve simulation and numerous machine learning algorithms are
developed to use a batch of weak classifiers to resolve arduous problems, which
are often proved to be effective. We show that this method is helpful to the
RCKS problem. The proposed approach achieve better performances in terms of
wakeup rate and false alarm.
In our experiments compared with those traditional algorithms that use only
one strong classifier, it gets 18\% relative improvement. We also point out
that this approach may be promising in future ASR exploration."
4080,On statistic alignment for domain adaptation in structural health monitoring,"The practical application of structural health monitoring (SHM) is often
limited by the availability of labelled data. Transfer learning - specifically
in the form of domain adaptation (DA) - gives rise to the possibility of
leveraging information from a population of physical or numerical structures,
by inferring a mapping that aligns the feature spaces. Typical DA methods rely
on nonparametric distance metrics, which require sufficient data to perform
density estimation. In addition, these methods can be prone to performance
degradation under class imbalance. To address these issues, statistic alignment
(SA) is discussed, with a demonstration of how these methods can be made robust
to class imbalance, including a special case of class imbalance called a
partial DA scenario. SA is demonstrated to facilitate damage localisation with
no target labels in a numerical case study, outperforming other
state-of-the-art DA methods. It is then shown to be capable of aligning the
feature spaces of a real heterogeneous population, the Z24 and KW51 bridges,
with only 220 samples used from the KW51 bridge. Finally, in scenarios where
more complex mappings are required for knowledge transfer, SA is shown to be a
vital pre-processing tool, increasing the performance of established DA
methods."
4081,FedEntropy: Efficient Device Grouping for Federated Learning Using Maximum Entropy Judgment,"Along with the popularity of Artificial Intelligence (AI) and
Internet-of-Things (IoT), Federated Learning (FL) has attracted steadily
increasing attentions as a promising distributed machine learning paradigm,
which enables the training of a central model on for numerous decentralized
devices without exposing their privacy. However, due to the biased data
distributions on involved devices, FL inherently suffers from low
classification accuracy in non-IID scenarios. Although various device grouping
method have been proposed to address this problem, most of them neglect both i)
distinct data distribution characteristics of heterogeneous devices, and ii)
contributions and hazards of local models, which are extremely important in
determining the quality of global model aggregation. In this paper, we present
an effective FL method named FedEntropy with a novel dynamic device grouping
scheme, which makes full use of the above two factors based on our proposed
maximum entropy judgement heuristic.Unlike existing FL methods that directly
aggregate local models returned from all the selected devices, in one FL round
FedEntropy firstly makes a judgement based on the pre-collected soft labels of
selected devices and then only aggregates the local models that can maximize
the overall entropy of these soft labels. Without collecting local models that
are harmful for aggregation, FedEntropy can effectively improve global model
accuracy while reducing the overall communication overhead. Comprehensive
experimental results on well-known benchmarks show that, FedEntropy not only
outperforms state-of-the-art FL methods in terms of model accuracy and
communication overhead, but also can be integrated into them to enhance their
classification performance."
4082,Improving Human Image Synthesis with Residual Fast Fourier Transformation and Wasserstein Distance,"With the rapid development of the Metaverse, virtual humans have emerged, and
human image synthesis and editing techniques, such as pose transfer, have
recently become popular. Most of the existing techniques rely on GANs, which
can generate good human images even with large variants and occlusions. But
from our best knowledge, the existing state-of-the-art method still has the
following problems: the first is that the rendering effect of the synthetic
image is not realistic, such as poor rendering of some regions. And the second
is that the training of GAN is unstable and slow to converge, such as model
collapse. Based on the above two problems, we propose several methods to solve
them. To improve the rendering effect, we use the Residual Fast Fourier
Transform Block to replace the traditional Residual Block. Then, spectral
normalization and Wasserstein distance are used to improve the speed and
stability of GAN training. Experiments demonstrate that the methods we offer
are effective at solving the problems listed above, and we get state-of-the-art
scores in LPIPS and PSNR."
4083,PatchNR: Learning from Small Data by Patch Normalizing Flow Regularization,"Learning neural networks using only a small amount of data is an important
ongoing research topic with tremendous potential for applications. In this
paper, we introduce a regularizer for the variational modeling of inverse
problems in imaging based on normalizing flows. Our regularizer, called
patchNR, involves a normalizing flow learned on patches of very few images. The
subsequent reconstruction method is completely unsupervised and the same
regularizer can be used for different forward operators acting on the same
class of images. By investigating the distribution of patches versus those of
the whole image class, we prove that our variational model is indeed a MAP
approach. Our model can be generalized to conditional patchNRs, if additional
supervised information is available. Numerical examples for low-dose CT,
limited-angle CT and superresolution of material images demonstrate that our
method provides high quality results among unsupervised methods, but requires
only few data."
4084,Concurrent Credit Assignment for Data-efficient Reinforcement Learning,"The capability to widely sample the state and action spaces is a key
ingredient toward building effective reinforcement learning algorithms. The
variational optimization principles exposed in this paper emphasize the
importance of an occupancy model to synthesizes the general distribution of the
agent's environmental states over which it can act (defining a virtual
``territory''). The occupancy model is the subject of frequent updates as the
exploration progresses and that new states are undisclosed during the course of
the training. By making a uniform prior assumption, the resulting objective
expresses a balance between two concurrent tendencies, namely the widening of
the occupancy space and the maximization of the rewards, reminding of the
classical exploration/exploitation trade-off. Implemented on an actor-critic
off-policy on classic continuous action benchmarks, it is shown to provide
significant increase in the sampling efficacy, that is reflected in a reduced
training time and higher returns, in both the dense and the sparse rewards
cases."
4085,Naive Few-Shot Learning: Sequence Consistency Evaluation,"Cognitive psychologists often use the term $\textit{fluid intelligence}$ to
describe the ability of humans to solve novel tasks without any prior training.
In contrast to humans, deep neural networks can perform cognitive tasks only
after extensive (pre-)training with a large number of relevant examples.
Motivated by fluid intelligence research in the cognitive sciences, we built a
benchmark task which we call sequence consistency evaluation (SCE) that can be
used to address this gap. Solving the SCE task requires the ability to extract
simple rules from sequences, a basic computation that is required for solving
various intelligence tests in humans. We tested $\textit{untrained}$ (naive)
deep learning models in the SCE task. Specifically, we compared Relation
Networks (RN) and Contrastive Predictive Coding (CPC), two models that can
extract simple rules from sequences, and found that the latter, which imposes a
structure on the predictable rule does better. We further found that simple
networks fare better in this task than complex ones. Finally, we show that this
approach can be used for security camera anomaly detection without any prior
training."
4086,Graph Convolutional Reinforcement Learning for Collaborative Queuing Agents,"In this paper, we explore the use of multi-agent deep learning as well as
learning to cooperate principles to meet stringent service level agreements, in
terms of throughput and end-to-end delay, for a set of classified network
flows. We consider agents built on top of a weighted fair queuing algorithm
that continuously set weights for three flow groups: gold, silver, and bronze.
We rely on a novel graph-convolution based, multi-agent reinforcement learning
approach known as DGN. As benchmarks, we propose centralized and distributed
deep Q-network approaches and evaluate their performances in different network,
traffic, and routing scenarios, highlighting the effectiveness of our proposals
and the importance of agent cooperation. We show that our DGN-based approach
meets stringent throughput and delay requirements across all scenarios."
4087,Highly Accurate FMRI ADHD Classification using time distributed multi modal 3D CNNs,"This work proposes an algorithm for fMRI data analysis for the classification
of ADHD disorders. There have been several breakthroughs in the analysis of
fMRI via 3D convolutional neural networks (CNNs). With these new techniques it
is possible to preserve the 3D spatial data of fMRI data. Additionally there
have been recent advances in the use of 3D generative adversarial neural
networks (GANs) for the generation of normal MRI data. This work utilizes multi
modal 3D CNNs with data augmentation from 3D GAN for ADHD prediction from fMRI.
By leveraging a 3D-GAN it would be possible to use deepfake data to enhance the
accuracy of 3D CNN classification of brain disorders. A comparison will be made
between a time distributed single modal 3D CNN model for classification and the
modified multi modal model with MRI data as well."
4088,Learning Stabilizing Policies in Stochastic Control Systems,"In this work, we address the problem of learning provably stable neural
network policies for stochastic control systems. While recent work has
demonstrated the feasibility of certifying given policies using martingale
theory, the problem of how to learn such policies is little explored. Here, we
study the effectiveness of jointly learning a policy together with a martingale
certificate that proves its stability using a single learning algorithm. We
observe that the joint optimization problem becomes easily stuck in local
minima when starting from a randomly initialized policy. Our results suggest
that some form of pre-training of the policy is required for the joint
optimization to repair and verify the policy successfully."
4089,Realization Theory Of Recurrent Neural ODEs Using Polynomial System Embeddings,"In this paper we show that neural ODE analogs of recurrent (ODE-RNN) and Long
Short-Term Memory (ODE-LSTM) networks can be algorithmically embeddeded into
the class of polynomial systems. This embedding preserves input-output behavior
and can suitably be extended to other neural DE architectures. We then use
realization theory of polynomial systems to provide necessary conditions for an
input-output map to be realizable by an ODE-LSTM and sufficient conditions for
minimality of such systems. These results represent the first steps towards
realization theory of recurrent neural ODE architectures, which is is expected
be useful for model reduction and learning algorithm analysis of recurrent
neural ODEs."
4090,The Data-Production Dispositif,"Machine learning (ML) depends on data to train and verify models. Very often,
organizations outsource processes related to data work (i.e., generating and
annotating data and evaluating outputs) through business process outsourcing
(BPO) companies and crowdsourcing platforms. This paper investigates outsourced
ML data work in Latin America by studying three platforms in Venezuela and a
BPO in Argentina. We lean on the Foucauldian notion of dispositif to define the
data-production dispositif as an ensemble of discourses, actions, and objects
strategically disposed to (re)produce power/knowledge relations in data and
labor. Our dispositif analysis comprises the examination of 210 data work
instruction documents, 55 interviews with data workers, managers, and
requesters, and participant observation. Our findings show that discourses
encoded in instructions reproduce and normalize the worldviews of requesters.
Precarious working conditions and economic dependency alienate workers, making
them obedient to instructions. Furthermore, discourses and social contexts
materialize in artifacts, such as interfaces and performance metrics, limiting
workers' agency and normalizing specific ways of interpreting data. We conclude
by stressing the importance of counteracting the data-production dispositif by
fighting alienation and precarization, and empowering data workers to become
assets in the quest for high-quality data."
4091,Bandwidth Selection for Gaussian Kernel Ridge Regression via Jacobian Control,"Most machine learning methods depend on the tuning of hyper-parameters. For
kernel ridge regression (KRR) with the Gaussian kernel, the hyper-parameter is
the bandwidth. The bandwidth specifies the length-scale of the kernel and has
to be carefully selected in order to obtain a model with good generalization.
The default method for bandwidth selection is cross-validation, which often
yields good results, albeit at high computational costs. Furthermore, the
estimates provided by cross-validation tend to have very high variance,
especially when training data are scarce. Inspired by Jacobian regularization,
we formulate how the derivatives of the functions inferred by KRR with the
Gaussian kernel depend on the kernel bandwidth. We then use this expression to
propose a closed-form, computationally feather-light, bandwidth selection
method based on controlling the Jacobian. In addition, the Jacobian expression
illuminates how the bandwidth selection is a trade-off between the smoothness
of the inferred function, and the conditioning of the training data kernel
matrix. We show on real and synthetic data that compared to cross-validation,
our method is considerably more stable in terms of bandwidth selection, and,
for small data sets, provides better predictions."
4092,3D helical CT reconstruction with memory efficient invertible Learned Primal-Dual method,"Helical acquisition geometry is the most common geometry used in computed
tomography (CT) scanners for medical imaging. We adapt the invertible Learned
Primal-Dual (iLPD) deep neural network architecture so that it can be applied
to helical 3D CT reconstruction. We achieve this by splitting the geometry and
the data in parts that fit the memory and by splitting images into
corresponding sub-volumes. The architecture can be applied to images different
in size along the rotation axis. We perform the experiments on tomographic data
simulated from realistic helical geometries."
4093,Causal Influences Decouple From Their Underlying Network Structure In Echo State Networks,"Echo State Networks (ESN) are versatile recurrent neural network models in
which the hidden layer remains unaltered during training. Interactions among
nodes of this static backbone produce diverse representations of the given
stimuli that are harnessed by a read-out mechanism to perform computations
needed for solving a given task. ESNs are accessible models of neuronal
circuits, since they are relatively inexpensive to train. Therefore, ESNs have
become attractive for neuroscientists studying the relationship between neural
structure, function, and behavior. For instance, it is not yet clear how
distinctive connectivity patterns of brain networks support effective
interactions among their nodes and how these patterns of interactions give rise
to computation. To address this question, we employed an ESN with a
biologically inspired structure and used a systematic multi-site lesioning
framework to quantify the causal contribution of each node to the network's
output, thus providing a causal link between network structure and behavior. We
then focused on the structure-function relationship and decomposed the causal
influence of each node on all other nodes, using the same lesioning framework.
We found that nodes in a properly engineered ESN interact largely irrespective
of the network's underlying structure. However, in a network with the same
topology and a non-optimal parameter set, the underlying connectivity patterns
determine the node interactions. Our results suggest that causal
structure-function relations in ESNs can be decomposed into two components,
direct and indirect interactions. The former are based on influences relying on
structural connections. The latter describe the effective communication between
any two nodes through other intermediate nodes. These widely distributed
indirect interactions may crucially contribute to the efficient performance of
ESNs."
4094,Assessing the Quality of Computational Notebooks for a Frictionless Transition from Exploration to Production,"The massive trend of integrating data-driven AI capabilities into traditional
software systems is rising new intriguing challenges. One of such challenges is
achieving a smooth transition from the explorative phase of Machine Learning
projects - in which data scientists build prototypical models in the lab - to
their production phase - in which software engineers translate prototypes into
production-ready AI components. To narrow down the gap between these two
phases, tools and practices adopted by data scientists might be improved by
incorporating consolidated software engineering solutions. In particular,
computational notebooks have a prominent role in determining the quality of
data science prototypes. In my research project, I address this challenge by
studying the best practices for collaboration with computational notebooks and
proposing proof-of-concept tools to foster guidelines compliance."
4095,Pynblint: a Static Analyzer for Python Jupyter Notebooks,"Jupyter Notebook is the tool of choice of many data scientists in the early
stages of ML workflows. The notebook format, however, has been criticized for
inducing bad programming practices; indeed, researchers have already shown that
open-source repositories are inundated by poor-quality notebooks. Low-quality
output from the prototypical stages of ML workflows constitutes a clear
bottleneck towards the productization of ML models. To foster the creation of
better notebooks, we developed Pynblint, a static analyzer for Jupyter
notebooks written in Python. The tool checks the compliance of notebooks (and
surrounding repositories) with a set of empirically validated best practices
and provides targeted recommendations when violations are detected."
4096,How Human is Human Evaluation? Improving the Gold Standard for NLG with Utility Theory,"Human ratings are treated as the gold standard in NLG evaluation. The
standard protocol is to collect ratings of generated text, average across
annotators, and then rank NLG systems by their average scores. However, little
consideration has been given as to whether this approach faithfully captures
human preferences. In this work, we analyze this standard protocol through the
lens of utility theory in economics. We first identify the implicit assumptions
it makes about annotators and find that these assumptions are often violated in
practice, in which case annotator ratings become an unfaithful reflection of
their preferences. The most egregious violations come from using Likert scales,
which provably reverse the direction of the true preference in certain cases.
We suggest improvements to the standard protocol to make it more theoretically
sound, but even in its improved form, it cannot be used to evaluate open-ended
tasks like story generation. For the latter, we propose a new evaluation
protocol called $\textit{system-level probabilistic assessment}$ (SPA). In our
experiments, we find that according to SPA, annotators prefer larger GPT-3
variants to smaller ones -- as expected -- with all comparisons being
statistically significant. In contrast, the standard protocol only yields
significant results half the time."
4097,Compression-aware Training of Neural Networks using Frank-Wolfe,"Many existing Neural Network pruning approaches either rely on retraining to
compensate for pruning-caused performance degradation or they induce strong
biases to converge to a specific sparse solution throughout training. A third
paradigm obtains a wide range of compression ratios from a single dense
training run while also avoiding retraining. Recent work of Pokutta et al.
(2020) and Miao et al. (2022) suggests that the Stochastic Frank-Wolfe (SFW)
algorithm is particularly suited for training state-of-the-art models that are
robust to compression. We propose leveraging $k$-support norm ball constraints
and demonstrate significant improvements over the results of Miao et al. (2022)
in the case of unstructured pruning. We also extend these ideas to the
structured pruning domain and propose novel approaches to both ensure
robustness to the pruning of convolutional filters as well as to low-rank
tensor decompositions of convolutional layers. In the latter case, our approach
performs on-par with nuclear-norm regularization baselines while requiring only
half of the computational resources. Our findings also indicate that the
robustness of SFW-trained models largely depends on the gradient rescaling of
the learning rate and we establish a theoretical foundation for that practice."
4098,Large Language Models are Zero-Shot Reasoners,"Pretrained large language models (LLMs) are widely used in many sub-fields of
natural language processing (NLP) and generally known as excellent few-shot
learners with task-specific exemplars. Notably, chain of thought (CoT)
prompting, a recent technique for eliciting complex multi-step reasoning
through step-by-step answer examples, achieved the state-of-the-art
performances in arithmetics and symbolic reasoning, difficult system-2 tasks
that do not follow the standard scaling laws for LLMs. While these successes
are often attributed to LLMs' ability for few-shot learning, we show that LLMs
are decent zero-shot reasoners by simply adding ""Let's think step by step""
before each answer. Experimental results demonstrate that our Zero-shot-CoT,
using the same single prompt template, significantly outperforms zero-shot LLM
performances on diverse benchmark reasoning tasks including arithmetics
(MultiArith, GSM8K, AQUA-RAT, SVAMP), symbolic reasoning (Last Letter, Coin
Flip), and other logical reasoning tasks (Date Understanding, Tracking Shuffled
Objects), without any hand-crafted few-shot examples, e.g. increasing the
accuracy on MultiArith from 17.7% to 78.7% and GSM8K from 10.4% to 40.7% with
175B parameter InstructGPT model, as well as similar magnitudes of improvements
with another off-the-shelf large model, 540B parameter PaLM. The versatility of
this single prompt across very diverse reasoning tasks hints at untapped and
understudied fundamental zero-shot capabilities of LLMs, suggesting high-level,
multi-task broad cognitive capabilities may be extracted by simple prompting.
We hope our work not only serves as the minimal strongest zero-shot baseline
for the challenging reasoning benchmarks, but also highlights the importance of
carefully exploring and analyzing the enormous zero-shot knowledge hidden
inside LLMs before crafting finetuning datasets or few-shot exemplars."
4099,An Adaptive Contrastive Learning Model for Spike Sorting,"Brain-computer interfaces (BCIs), is ways for electronic devices to
communicate directly with the brain. For most medical-type brain-computer
interface tasks, the activity of multiple units of neurons or local field
potentials is sufficient for decoding. But for BCIs used in neuroscience
research, it is important to separate out the activity of individual neurons.
With the development of large-scale silicon technology and the increasing
number of probe channels, artificially interpreting and labeling spikes is
becoming increasingly impractical. In this paper, we propose a novel modeling
framework: Adaptive Contrastive Learning Model that learns representations from
spikes through contrastive learning based on the maximizing mutual information
loss function as a theoretical basis. Based on the fact that data with similar
features share the same labels whether they are multi-classified or
binary-classified. With this theoretical support, we simplify the
multi-classification problem into multiple binary-classification, improving
both the accuracy and the runtime efficiency. Moreover, we also introduce a
series of enhancements for the spikes, while solving the problem that the
classification effect is affected because of the overlapping spikes."
4100,"Deep Learning Workload Scheduling in GPU Datacenters: Taxonomy, Challenges and Vision","Deep learning (DL) shows its prosperity in a wide variety of fields. The
development of a DL model is a time-consuming and resource-intensive procedure.
Hence, dedicated GPU accelerators have been collectively constructed into a GPU
datacenter. An efficient scheduler design for such GPU datacenter is crucially
important to reduce the operational cost and improve resource utilization.
However, traditional approaches designed for big data or high performance
computing workloads can not support DL workloads to fully utilize the GPU
resources. Recently, substantial schedulers are proposed to tailor for DL
workloads in GPU datacenters. This paper surveys existing research efforts for
both training and inference workloads. We primarily present how existing
schedulers facilitate the respective workloads from the scheduling objectives
and resource consumption features. Finally, we prospect several promising
future research directions. More detailed summary with the surveyed paper and
code links can be found at our project website:
https://github.com/S-Lab-System-Group/Awesome-DL-Scheduling-Papers"
4101,Physics-Embedded Neural Networks: $\boldsymbol{\mathrm{E}(n)}$-Equivariant Graph Neural PDE Solvers,"Graph neural network (GNN) is a promising approach to learning and predicting
physical phenomena described in boundary value problems, such as partial
differential equations (PDEs) with boundary conditions. However, existing
models inadequately treat boundary conditions essential for the reliable
prediction of such problems. In addition, because of the locally connected
nature of GNNs, it is difficult to accurately predict the state after a long
time, where interaction between vertices tends to be global. We present our
approach termed physics-embedded neural networks that considers boundary
conditions and predicts the state after a long time using an implicit method.
It is built based on an $\mathrm{E}(n)$-equivariant GNN, resulting in high
generalization performance on various shapes. We demonstrate that our model
learns flow phenomena in complex shapes and outperforms a well-optimized
classical solver and a state-of-the-art machine learning model in
speed-accuracy trade-off. Therefore, our model can be a useful standard for
realizing reliable, fast, and accurate GNN-based PDE solvers."
4102,An interpretation of the final fully connected layer,"In recent years neural networks have achieved state-of-the-art accuracy for
various tasks but the the interpretation of the generated outputs still remains
difficult. In this work we attempt to provide a method to understand the learnt
weights in the final fully connected layer in image classification models. We
motivate our method by drawing a connection between the policy gradient
objective in RL and supervised learning objective. We suggest that the commonly
used cross entropy based supervised learning objective can be regarded as a
special case of the policy gradient objective. Using this insight we propose a
method to find the most discriminative and confusing parts of an image. Our
method does not make any prior assumption about neural network achitecture and
has low computational cost. We apply our method on publicly available
pre-trained models and report the generated results."
4103,Learning Interacting Dynamical Systems with Latent Gaussian Process ODEs,"We study for the first time uncertainty-aware modeling of continuous-time
dynamics of interacting objects. We introduce a new model that decomposes
independent dynamics of single objects accurately from their interactions. By
employing latent Gaussian process ordinary differential equations, our model
infers both independent dynamics and their interactions with reliable
uncertainty estimates. In our formulation, each object is represented as a
graph node and interactions are modeled by accumulating the messages coming
from neighboring objects. We show that efficient inference of such a complex
network of variables is possible with modern variational sparse Gaussian
process inference techniques. We empirically demonstrate that our model
improves the reliability of long-term predictions over neural network based
alternatives and it successfully handles missing dynamic or static information.
Furthermore, we observe that only our model can successfully encapsulate
independent dynamics and interaction information in distinct functions and show
the benefit from this disentanglement in extrapolation scenarios."
4104,A Quadrature Rule combining Control Variates and Adaptive Importance Sampling,"Driven by several successful applications such as in stochastic gradient
descent or in Bayesian computation, control variates have become a major tool
for Monte Carlo integration. However, standard methods do not allow the
distribution of the particles to evolve during the algorithm, as is the case in
sequential simulation methods. Within the standard adaptive importance sampling
framework, a simple weighted least squares approach is proposed to improve the
procedure with control variates. The procedure takes the form of a quadrature
rule with adapted quadrature weights to reflect the information brought in by
the control variates. The quadrature points and weights do not depend on the
integrand, a computational advantage in case of multiple integrands. Moreover,
the target density needs to be known only up to a multiplicative constant. Our
main result is a non-asymptotic bound on the probabilistic error of the
procedure. The bound proves that for improving the estimate's accuracy, the
benefits from adaptive importance sampling and control variates can be
combined. The good behavior of the method is illustrated empirically on
synthetic examples and real-world data for Bayesian linear regression."
4105,Multi-Agent Collaborative Inference via DNN Decoupling: Intermediate Feature Compression and Edge Learning,"Recently, deploying deep neural network (DNN) models via collaborative
inference, which splits a pre-trained model into two parts and executes them on
user equipment (UE) and edge server respectively, becomes attractive. However,
the large intermediate feature of DNN impedes flexible decoupling, and existing
approaches either focus on the single UE scenario or simply define tasks
considering the required CPU cycles, but ignore the indivisibility of a single
DNN layer. In this paper, we study the multi-agent collaborative inference
scenario, where a single edge server coordinates the inference of multiple UEs.
Our goal is to achieve fast and energy-efficient inference for all UEs. To
achieve this goal, we first design a lightweight autoencoder-based method to
compress the large intermediate feature. Then we define tasks according to the
inference overhead of DNNs and formulate the problem as a Markov decision
process (MDP). Finally, we propose a multi-agent hybrid proximal policy
optimization (MAHPPO) algorithm to solve the optimization problem with a hybrid
action space. We conduct extensive experiments with different types of
networks, and the results show that our method can reduce up to 56\% of
inference latency and save up to 72\% of energy consumption."
4106,Faithful Explanations for Deep Graph Models,"This paper studies faithful explanations for Graph Neural Networks (GNNs).
First, we provide a new and general method for formally characterizing the
faithfulness of explanations for GNNs. It applies to existing explanation
methods, including feature attributions and subgraph explanations. Second, our
analytical and empirical results demonstrate that feature attribution methods
cannot capture the nonlinear effect of edge features, while existing subgraph
explanation methods are not faithful. Third, we introduce \emph{k-hop
Explanation with a Convolutional Core} (KEC), a new explanation method that
provably maximizes faithfulness to the original GNN by leveraging information
about the graph structure in its adjacency matrix and its \emph{k-th} power.
Lastly, our empirical results over both synthetic and real-world datasets for
classification and anomaly detection tasks with GNNs demonstrate the
effectiveness of our approach."
4107,CDFKD-MFS: Collaborative Data-free Knowledge Distillation via Multi-level Feature Sharing,"Recently, the compression and deployment of powerful deep neural networks
(DNNs) on resource-limited edge devices to provide intelligent services have
become attractive tasks. Although knowledge distillation (KD) is a feasible
solution for compression, its requirement on the original dataset raises
privacy concerns. In addition, it is common to integrate multiple pretrained
models to achieve satisfactory performance. How to compress multiple models
into a tiny model is challenging, especially when the original data are
unavailable. To tackle this challenge, we propose a framework termed
collaborative data-free knowledge distillation via multi-level feature sharing
(CDFKD-MFS), which consists of a multi-header student module, an asymmetric
adversarial data-free KD module, and an attention-based aggregation module. In
this framework, the student model equipped with a multi-level feature-sharing
structure learns from multiple teacher models and is trained together with a
generator in an asymmetric adversarial manner. When some real samples are
available, the attention module adaptively aggregates predictions of the
student headers, which can further improve performance. We conduct extensive
experiments on three popular computer visual datasets. In particular, compared
with the most competitive alternative, the accuracy of the proposed framework
is 1.18\% higher on the CIFAR-100 dataset, 1.67\% higher on the Caltech-101
dataset, and 2.99\% higher on the mini-ImageNet dataset."
4108,Diverse Lottery Tickets Boost Ensemble from a Single Pretrained Model,"Ensembling is a popular method used to improve performance as a last resort.
However, ensembling multiple models finetuned from a single pretrained model
has been not very effective; this could be due to the lack of diversity among
ensemble members. This paper proposes Multi-Ticket Ensemble, which finetunes
different subnetworks of a single pretrained model and ensembles them. We
empirically demonstrated that winning-ticket subnetworks produced more diverse
predictions than dense networks, and their ensemble outperformed the standard
ensemble on some tasks."
4109,Advanced Manufacturing Configuration by Sample-efficient Batch Bayesian Optimization,"We propose a framework for the configuration and operation of
expensive-to-evaluate advanced manufacturing methods, based on Bayesian
optimization. The framework unifies a tailored acquisition function, a parallel
acquisition procedure, and the integration of process information providing
context to the optimization procedure. The novel acquisition function is
demonstrated and analyzed on benchmark illustrative problems. We apply the
optimization approach to atmospheric plasma spraying in simulation and
experiments. Our results demonstrate that the proposed framework can
efficiently find input parameters that produce the desired outcome and minimize
the process cost."
4110,Quarantine: Sparsity Can Uncover the Trojan Attack Trigger for Free,"Trojan attacks threaten deep neural networks (DNNs) by poisoning them to
behave normally on most samples, yet to produce manipulated results for inputs
attached with a particular trigger. Several works attempt to detect whether a
given DNN has been injected with a specific trigger during the training. In a
parallel line of research, the lottery ticket hypothesis reveals the existence
of sparse subnetworks which are capable of reaching competitive performance as
the dense network after independent training. Connecting these two dots, we
investigate the problem of Trojan DNN detection from the brand new lens of
sparsity, even when no clean training data is available. Our crucial
observation is that the Trojan features are significantly more stable to
network pruning than benign features. Leveraging that, we propose a novel
Trojan network detection regime: first locating a ""winning Trojan lottery
ticket"" which preserves nearly full Trojan information yet only chance-level
performance on clean inputs; then recovering the trigger embedded in this
already isolated subnetwork. Extensive experiments on various datasets, i.e.,
CIFAR-10, CIFAR-100, and ImageNet, with different network architectures, i.e.,
VGG-16, ResNet-18, ResNet-20s, and DenseNet-100 demonstrate the effectiveness
of our proposal. Codes are available at
https://github.com/VITA-Group/Backdoor-LTH."
4111,Penalized Proximal Policy Optimization for Safe Reinforcement Learning,"Safe reinforcement learning aims to learn the optimal policy while satisfying
safety constraints, which is essential in real-world applications. However,
current algorithms still struggle for efficient policy updates with hard
constraint satisfaction. In this paper, we propose Penalized Proximal Policy
Optimization (P3O), which solves the cumbersome constrained policy iteration
via a single minimization of an equivalent unconstrained problem. Specifically,
P3O utilizes a simple-yet-effective penalty function to eliminate cost
constraints and removes the trust-region constraint by the clipped surrogate
objective. We theoretically prove the exactness of the proposed method with a
finite penalty factor and provide a worst-case analysis for approximate error
when evaluated on sample trajectories. Moreover, we extend P3O to more
challenging multi-constraint and multi-agent scenarios which are less studied
in previous work. Extensive experiments show that P3O outperforms
state-of-the-art algorithms with respect to both reward improvement and
constraint satisfaction on a set of constrained locomotive tasks."
4112,Learning to Assemble Geometric Shapes,"Assembling parts into an object is a combinatorial problem that arises in a
variety of contexts in the real world and involves numerous applications in
science and engineering. Previous related work tackles limited cases with
identical unit parts or jigsaw-style parts of textured shapes, which greatly
mitigate combinatorial challenges of the problem. In this work, we introduce
the more challenging problem of shape assembly, which involves textureless
fragments of arbitrary shapes with indistinctive junctions, and then propose a
learning-based approach to solving it. We demonstrate the effectiveness on
shape assembly tasks with various scenarios, including the ones with abnormal
fragments (e.g., missing and distorted), the different number of fragments, and
different rotation discretization."
4113,NFL: Robust Learned Index via Distribution Transformation,"Recent works on learned index open a new direction for the indexing field.
The key insight of the learned index is to approximate the mapping between keys
and positions with piece-wise linear functions. Such methods require
partitioning key space for a better approximation. Although lots of heuristics
are proposed to improve the approximation quality, the bottleneck is that the
segmentation overheads could hinder the overall performance. This paper tackles
the approximation problem by applying a \textit{distribution transformation} to
the keys before constructing the learned index. A two-stage
Normalizing-Flow-based Learned index framework (NFL) is proposed, which first
transforms the original complex key distribution into a near-uniform
distribution, then builds a learned index leveraging the transformed keys. For
effective distribution transformation, we propose a Numerical Normalizing Flow
(Numerical NF). Based on the characteristics of the transformed keys, we
propose a robust After-Flow Learned Index (AFLI). To validate the performance,
comprehensive evaluations are conducted on both synthetic and real-world
workloads, which shows that the proposed NFL produces the highest throughput
and the lowest tail latency compared to the state-of-the-art learned indexes."
4114,SepIt: Approaching a Single Channel Speech Separation Bound,"We present an upper bound for the Single Channel Speech Separation task,
which is based on an assumption regarding the nature of short segments of
speech. Using the bound, we are able to show that while the recent methods have
made significant progress for a few speakers, there is room for improvement for
five and ten speakers. We then introduce a Deep neural network, SepIt, that
iteratively improves the different speakers' estimation. At test time, SpeIt
has a varying number of iterations per test sample, based on a mutual
information criterion that arises from our analysis. In an extensive set of
experiments, SepIt outperforms the state-of-the-art neural networks for 2, 3,
5, and 10 speakers."
4115,G-Rep: Gaussian Representation for Arbitrary-Oriented Object Detection,"Arbitrary-oriented object representations contain the oriented bounding box
(OBB), quadrilateral bounding box (QBB), and point set (PointSet). Each
representation encounters problems that correspond to its characteristics, such
as the boundary discontinuity, square-like problem, representation ambiguity,
and isolated points, which lead to inaccurate detection. Although many
effective strategies have been proposed for various representations, there is
still no unified solution. Current detection methods based on Gaussian modeling
have demonstrated the possibility of breaking this dilemma; however, they
remain limited to OBB. To go further, in this paper, we propose a unified
Gaussian representation called G-Rep to construct Gaussian distributions for
OBB, QBB, and PointSet, which achieves a unified solution to various
representations and problems. Specifically, PointSet or QBB-based objects are
converted into Gaussian distributions, and their parameters are optimized using
the maximum likelihood estimation algorithm. Then, three optional Gaussian
metrics are explored to optimize the regression loss of the detector because of
their excellent parameter optimization mechanisms. Furthermore, we also use
Gaussian metrics for sampling to align label assignment and regression loss.
Experimental results on several public available datasets, DOTA, HRSC2016,
UCAS-AOD, and ICDAR2015 show the excellent performance of the proposed method
for arbitrary-oriented object detection. The code has been open sourced at
https://github.com/open-mmlab/mmrotate."
4116,DPSNN: A Differentially Private Spiking Neural Network,"Privacy-preserving is a key problem for the machine learning algorithm.
Spiking neural network (SNN) plays an important role in many domains, such as
image classification, object detection, and speech recognition, but the study
on the privacy protection of SNN is urgently needed. This study combines the
differential privacy (DP) algorithm and SNN and proposes differentially private
spiking neural network (DPSNN). DP injects noise into the gradient, and SNN
transmits information in discrete spike trains so that our differentially
private SNN can maintain strong privacy protection while still ensuring high
accuracy. We conducted experiments on MNIST, Fashion-MNIST, and the face
recognition dataset Extended YaleB. When the privacy protection is improved,
the accuracy of the artificial neural network(ANN) drops significantly, but our
algorithm shows little change in performance. Meanwhile, we analyzed different
factors that affect the privacy protection of SNN. Firstly, the less precise
the surrogate gradient is, the better the privacy protection of the SNN.
Secondly, the Integrate-And-Fire (IF) neurons perform better than leaky
Integrate-And-Fire (LIF) neurons. Thirdly, a large time window contributes more
to privacy protection and performance."
4117,Accelerating Frank-Wolfe via Averaging Step Directions,"The Frank-Wolfe method is a popular method in sparse constrained
optimization, due to its fast per-iteration complexity. However, the tradeoff
is that its worst case global convergence is comparatively slow, and
importantly, is fundamentally slower than its flow rate--that is to say, the
convergence rate is throttled by discretization error. In this work, we
consider a modified Frank-Wolfe where the step direction is a simple weighted
average of past oracle calls. This method requires very little memory and
computational overhead, and provably decays this discretization error term.
Numerically, we show that this method improves the convergence rate over
several problems, especially after the sparse manifold has been detected.
Theoretically, we show the method has an overall global convergence rate of
$O(1/k^p)$, where $0< p < 1$; after manifold identification, this rate speeds
to $O(1/k^{3p/2})$. We also observe that the method achieves this accelerated
rate from a very early stage, suggesting a promising mode of acceleration for
this family of methods."
4118,Quadratic models for understanding neural network dynamics,"In this work, we propose using a quadratic model as a tool for understanding
properties of wide neural networks in both optimization and generalization. We
show analytically that certain deep learning phenomena such as the ""catapult
phase"" from [Lewkowycz et al. 2020], which cannot be captured by linear models,
are manifested in the quadratic model for shallow ReLU networks. Furthermore,
our empirical results indicate that the behaviour of quadratic models parallels
that of neural networks in generalization, especially in the large learning
rate regime. We expect that quadratic models will serve as a useful tool for
analysis of neural networks."
4119,Transition to Linearity of General Neural Networks with Directed Acyclic Graph Architecture,"In this paper we show that feedforward neural networks corresponding to
arbitrary directed acyclic graphs undergo transition to linearity as their
""width"" approaches infinity. The width of these general networks is
characterized by the minimum in-degree of their neurons, except for the input
and first layers. Our results identify the mathematical structure underlying
transition to linearity and generalize a number of recent works aimed at
characterizing transition to linearity or constancy of the Neural Tangent
Kernel for standard architectures."
4120,Attributing AUC-ROC to Analyze Binary Classifier Performance,"Area Under the Receiver Operating Characteristic Curve (AUC-ROC) is a popular
evaluation metric for binary classifiers. In this paper, we discuss techniques
to segment the AUC-ROC along human-interpretable dimensions. AUC-ROC is not an
additive/linear function over the data samples, therefore such segmenting the
overall AUC-ROC is different from tabulating the AUC-ROC of data segments. To
segment the overall AUC-ROC, we must first solve an \emph{attribution} problem
to identify credit for individual examples.
We observe that AUC-ROC, though non-linear over examples, is linear over
\emph{pairs} of examples. This observation leads to a simple, efficient
attribution technique for examples (example attributions), and for pairs of
examples (pair attributions). We automatically slice these attributions using
decision trees by making the tree predict the attributions; we use the notion
of honest estimates along with a t-test to mitigate false discovery.
Our experiments with the method show that an inferior model can outperform a
superior model (trained to optimize a different training objective) on the
inferior model's own training objective, a manifestation of Goodhart's Law. In
contrast, AUC attributions enable a reasonable comparison. Example attributions
can be used to slice this comparison. Pair attributions are used to categorize
pairs of items -- one positively labeled and one negatively -- that the model
has trouble separating. These categories identify the decision boundary of the
classifier and the headroom to improve AUC."
4121,Wireless Ad Hoc Federated Learning: A Fully Distributed Cooperative Machine Learning,"Federated learning has allowed training of a global model by aggregating
local models trained on local nodes. However, it still takes client-server
model, which can be further distributed, fully decentralized, or even partially
connected, or totally opportunistic. In this paper, we propose a wireless ad
hoc federated learning (WAFL) -- a fully distributed cooperative machine
learning organized by the nodes physically nearby. Here, each node has a
wireless interface and can communicate with each other when they are within the
radio range. The nodes are expected to move with people, vehicles, or robots,
producing opportunistic contacts with each other. In WAFL, each node trains a
model individually with the local data it has. When a node encounter with
others, they exchange their trained models, and generate new aggregated models,
which are expected to be more general compared to the locally trained models on
Non-IID data. For evaluation, we have prepared four static communication
networks and two types of dynamic and opportunistic communication networks
based on random waypoint mobility and community-structured environment, and
then studied the training process of a fully connected neural network with 90%
Non-IID MNIST dataset. The evaluation results indicate that WAFL allowed the
convergence of model parameters among the nodes toward generalization, even
with opportunistic node contact scenarios -- whereas in self-training (or
lonely training) case, they have diverged. This WAFL's model generalization
contributed to achieving higher accuracy 94.7-96.2% to the testing IID dataset
compared to the self-training case 84.7%."
4122,Constrained Monotonic Neural Networks,"Deep neural networks are becoming increasingly popular in approximating
arbitrary functions from noisy data. But wider adoption is being hindered by
the need to explain such models and to impose additional constraints on them.
Monotonicity constraint is one of the most requested properties in real-world
scenarios and is the focus of this paper. One of the oldest ways to construct a
monotonic fully connected neural network is to constrain its weights to be
non-negative while employing a monotonic activation function. Unfortunately,
this construction does not work with popular non-saturated activation functions
such as ReLU, ELU, SELU etc, as it can only approximate convex functions. We
show this shortcoming can be fixed by employing the original activation
function for a part of the neurons in the layer, and employing its point
reflection for the other part. Our experiments show this approach of building
monotonic deep neural networks have matching or better accuracy when compared
to other state-of-the-art methods such as deep lattice networks or monotonic
networks obtained by heuristic regularization. This method is the simplest one
in the sense of having the least number of parameters, not requiring any
modifications to the learning procedure or steps post-learning steps."
4123,Learning Context-Aware Service Representation for Service Recommendation in Workflow Composition,"As increasingly more software services have been published onto the Internet,
it remains a significant challenge to recommend suitable services to facilitate
scientific workflow composition. This paper proposes a novel NLP-inspired
approach to recommending services throughout a workflow development process,
based on incrementally learning latent service representation from workflow
provenance. A workflow composition process is formalized as a step-wise,
context-aware service generation procedure, which is mapped to next-word
prediction in a natural language sentence. Historical service dependencies are
extracted from workflow provenance to build and enrich a knowledge graph. Each
path in the knowledge graph reflects a scenario in a data analytics experiment,
which is analogous to a sentence in a conversation. All paths are thus
formalized as composable service sequences and are mined, using various
patterns, from the established knowledge graph to construct a corpus. Service
embeddings are then learned by applying deep learning model from the NLP field.
Extensive experiments on the real-world dataset demonstrate the effectiveness
and efficiency of the approach."
4124,Byzantine-Robust Federated Learning with Optimal Statistical Rates and Privacy Guarantees,"We propose Byzantine-robust federated learning protocols with nearly optimal
statistical rates. In contrast to prior work, our proposed protocols improve
the dimension dependence and achieve a tight statistical rate in terms of all
the parameters for strongly convex losses. We benchmark against competing
protocols and show the empirical superiority of the proposed protocols.
Finally, we remark that our protocols with bucketing can be naturally combined
with privacy-guaranteeing procedures to introduce security against a
semi-honest server. The code for evaluation is provided in
https://github.com/wanglun1996/secure-robust-federated-learning."
4125,Graph Neural Networks Intersect Probabilistic Graphical Models: A Survey,"Graphs are a powerful data structure to represent relational data and are
widely used to describe complex real-world data structures. Probabilistic
Graphical Models (PGMs) have been well-developed in the past years to
mathematically model real-world scenarios in compact graphical representations
of distributions of variables. Graph Neural Networks (GNNs) are new inference
methods developed in recent years and are attracting growing attention due to
their effectiveness and flexibility in solving inference and learning problems
over graph-structured data. These two powerful approaches have different
advantages in capturing relations from observations and how they conduct
message passing, and they can benefit each other in various tasks. In this
survey, we broadly study the intersection of GNNs and PGMs. Specifically, we
first discuss how GNNs can benefit from learning structured representations in
PGMs, generate explainable predictions by PGMs, and how PGMs can infer object
relationships. Then we discuss how GNNs are implemented in PGMs for more
efficient inference and structure learning. In the end, we summarize the
benchmark datasets used in recent studies and discuss promising future
directions."
4126,MOSPAT: AutoML based Model Selection and Parameter Tuning for Time Series Anomaly Detection,"Organizations leverage anomaly and changepoint detection algorithms to detect
changes in user behavior or service availability and performance. Many
off-the-shelf detection algorithms, though effective, cannot readily be used in
large organizations where thousands of users monitor millions of use cases and
metrics with varied time series characteristics and anomaly patterns. The
selection of algorithm and parameters needs to be precise for each use case:
manual tuning does not scale, and automated tuning requires ground truth, which
is rarely available.
In this paper, we explore MOSPAT, an end-to-end automated machine learning
based approach for model and parameter selection, combined with a generative
model to produce labeled data. Our scalable end-to-end system allows individual
users in large organizations to tailor time-series monitoring to their specific
use case and data characteristics, without expert knowledge of anomaly
detection algorithms or laborious manual labeling. Our extensive experiments on
real and synthetic data demonstrate that this method consistently outperforms
using any single algorithm."
4127,Deep Learning-based automated classification of Chinese Speech Sound Disorders,"This article describes a system for analyzing acoustic data to assist in the
diagnosis and classification of children's speech sound disorders (SSDs) using
a computer. The analysis concentrated on identifying and categorizing four
distinct types of Chinese SSDs. The study collected and generated a speech
corpus containing 2540 stopping, backing, final consonant deletion process
(FCDP), and affrication samples from 90 children aged 3--6 years with normal or
pathological articulatory features. Each recording was accompanied by a
detailed diagnostic annotation by two speech-language pathologists (SLPs).
Classification of the speech samples was accomplished using three
well-established neural network models for image classification. The feature
maps were created using three sets of Mel-frequency cepstral coefficients
(MFCC) parameters extracted from speech sounds and aggregated into a
three-dimensional data structure as model input. We employed six techniques for
data augmentation to augment the available dataset while avoiding overfitting.
The experiments examine the usability of four different categories of Chinese
phrases and characters. Experiments with different data subsets demonstrate the
system's ability to accurately detect the analyzed pronunciation disorders. The
best multi-class classification using a single Chinese phrase achieves an
accuracy of 74.4~percent."
4128,BabyBear: Cheap inference triage for expensive language models,"Transformer language models provide superior accuracy over previous models
but they are computationally and environmentally expensive. Borrowing the
concept of model cascading from computer vision, we introduce BabyBear, a
framework for cascading models for natural language processing (NLP) tasks to
minimize cost. The core strategy is inference triage, exiting early when the
least expensive model in the cascade achieves a sufficiently high-confidence
prediction. We test BabyBear on several open source data sets related to
document classification and entity recognition. We find that for common NLP
tasks a high proportion of the inference load can be accomplished with cheap,
fast models that have learned by observing a deep learning model. This allows
us to reduce the compute cost of large-scale classification jobs by more than
50% while retaining overall accuracy. For named entity recognition, we save 33%
of the deep learning compute while maintaining an F1 score higher than 95% on
the CoNLL benchmark."
4129,Alleviating Robust Overfitting of Adversarial Training With Consistency Regularization,"Adversarial training (AT) has proven to be one of the most effective ways to
defend Deep Neural Networks (DNNs) against adversarial attacks. However, the
phenomenon of robust overfitting, i.e., the robustness will drop sharply at a
certain stage, always exists during AT. It is of great importance to decrease
this robust generalization gap in order to obtain a robust model. In this
paper, we present an in-depth study towards the robust overfitting from a new
angle. We observe that consistency regularization, a popular technique in
semi-supervised learning, has a similar goal as AT and can be used to alleviate
robust overfitting. We empirically validate this observation, and find a
majority of prior solutions have implicit connections to consistency
regularization. Motivated by this, we introduce a new AT solution, which
integrates the consistency regularization and Mean Teacher (MT) strategy into
AT. Specifically, we introduce a teacher model, coming from the average weights
of the student models over the training steps. Then we design a consistency
loss function to make the prediction distribution of the student models over
adversarial examples consistent with that of the teacher model over clean
samples. Experiments show that our proposed method can effectively alleviate
robust overfitting and improve the robustness of DNN models against common
adversarial attacks."
4130,Demand Response Method Considering Multiple Types of Flexible Loads in Industrial Parks,"With the rapid development of the energy internet, the proportion of flexible
loads in smart grid is getting much higher than before. It is highly important
to model flexible loads based on demand response. Therefore, a new demand
response method considering multiple flexible loads is proposed in this paper
to character the integrated demand response (IDR) resources. Firstly, a
physical process analytical deduction (PPAD) model is proposed to improve the
classification of flexible loads in industrial parks. Scenario generation, data
point augmentation, and smooth curves under various operating conditions are
considered to enhance the applicability of the model. Secondly, in view of the
strong volatility and poor modeling effect of Wasserstein-generative
adversarial networks (WGAN), an improved WGAN-gradient penalty (IWGAN-GP) model
is developed to get a faster convergence speed than traditional WGAN and
generate a higher quality samples. Finally, the PPAD and IWGAN-GP models are
jointly implemented to reveal the degree of correlation between flexible loads.
Meanwhile, an intelligent offline database is built to deal with the impact of
nonlinear factors in different response scenarios. Numerical examples have been
performed with the results proving that the proposed method is significantly
better than the existing technologies in reducing load modeling deviation and
improving the responsiveness of park loads."
4131,Towards a Defense against Backdoor Attacks in Continual Federated Learning,"Backdoor attacks are a major concern in federated learning (FL) pipelines
where training data is sourced from untrusted clients over long periods of time
(i.e., continual learning). Preventing such attacks is difficult because
defenders in FL do not have access to raw training data. Moreover, in a
phenomenon we call backdoor leakage, models trained continuously eventually
suffer from backdoors due to cumulative errors in backdoor defense mechanisms.
We propose a novel framework for defending against backdoor attacks in the
federated continual learning setting. Our framework trains two models in
parallel: a backbone model and a shadow model. The backbone is trained without
any defense mechanism to obtain good performance on the main task. The shadow
model combines recent ideas from robust covariance estimation-based filters
with early-stopping to control the attack success rate even as the data
distribution changes. We provide theoretical motivation for this design and
show experimentally that our framework significantly improves upon existing
defenses against backdoor attacks."
4132,Soft-SVM Regression For Binary Classification,"The binomial deviance and the SVM hinge loss functions are two of the most
widely used loss functions in machine learning. While there are many
similarities between them, they also have their own strengths when dealing with
different types of data. In this work, we introduce a new exponential family
based on a convex relaxation of the hinge loss function using softness and
class-separation parameters. This new family, denoted Soft-SVM, allows us to
prescribe a generalized linear model that effectively bridges between logistic
regression and SVM classification. This new model is interpretable and avoids
data separability issues, attaining good fitting and predictive performance by
automatically adjusting for data label separability via the softness parameter.
These results are confirmed empirically through simulations and case studies as
we compare regularized logistic, SVM, and Soft-SVM regressions and conclude
that the proposed model performs well in terms of both classification and
prediction errors."
4133,ItemSage: Learning Product Embeddings for Shopping Recommendations at Pinterest,"Learned embeddings for products are an important building block for web-scale
e-commerce recommendation systems. At Pinterest, we build a single set of
product embeddings called ItemSage to provide relevant recommendations in all
shopping use cases including user, image and search based recommendations. This
approach has led to significant improvements in engagement and conversion
metrics, while reducing both infrastructure and maintenance cost. While most
prior work focuses on building product embeddings from features coming from a
single modality, we introduce a transformer-based architecture capable of
aggregating information from both text and image modalities and show that it
significantly outperforms single modality baselines. We also utilize multi-task
learning to make ItemSage optimized for several engagement types, leading to a
candidate generation system that is efficient for all of the engagement
objectives of the end-to-end recommendation system. Extensive offline
experiments are conducted to illustrate the effectiveness of our approach and
results from online A/B experiments show substantial gains in key business
metrics (up to +7% gross merchandise value/user and +11% click volume)."
4134,On the Role of Bidirectionality in Language Model Pre-Training,"Prior work on language model pre-training has explored different
architectures and learning objectives, but differences in data, hyperparameters
and evaluation make a principled comparison difficult. In this work, we focus
on bidirectionality as a key factor that differentiates existing approaches,
and present a comprehensive study of its role in next token prediction, text
infilling, zero-shot priming and fine-tuning. We propose a new framework that
generalizes prior approaches, including fully unidirectional models like GPT,
fully bidirectional models like BERT, and hybrid models like CM3 and prefix LM.
Our framework distinguishes between two notions of bidirectionality
(bidirectional context and bidirectional attention) and allows us to control
each of them separately. We find that the optimal configuration is largely
application-dependent (e.g., bidirectional attention is beneficial for
fine-tuning and infilling, but harmful for next token prediction and zero-shot
priming). We train models with up to 6.7B parameters, and find differences to
remain consistent at scale. While prior work on scaling has focused on
left-to-right autoregressive models, our results suggest that this approach
comes with some trade-offs, and it might be worthwhile to develop very large
bidirectional models."
4135,Embedding Neighborhoods Simultaneously t-SNE (ENS-t-SNE),"We propose an algorithm for visualizing a dataset by embedding it in
3-dimensional Euclidean space based on various given distances between the same
pairs of datapoints. Its aim is to find an Embedding which preserves
Neighborhoods Simultaneously for all given distances by generalizing the
t-Stochastic Neighborhood Embedding approach (ENS-t-SNE). We illustrate the
utility of ENS-t-SNE by demonstrating its use in three applications. First, to
visualize different notions of clusters and groups within the same
high-dimensional dataset with one 3-dimensional embedding, as opposed to
providing different embeddings of the same data and trying to match the
corresponding points. Second, to illustrate the effects of different
hyper-parameters of the classical t-SNE. Third, by considering multiple
different notions of clustering in data, ENS-t-SNE can generate an alternative
embedding than the classic t-SNE. We provide an extensive quantitative
evaluation with real-world and synthetic datasets of different sizes and using
different numbers of projections."
4136,Semi-Parametric Deep Neural Networks in Linear Time and Memory,"Recent advances in deep learning have been driven by large-scale parametric
models, which can be computationally expensive and lack interpretability.
Semi-parametric methods query the training set at inference time and can be
more compact, although they typically have quadratic computational complexity.
Here, we introduce SPIN, a general-purpose semi-parametric neural architecture
whose computational cost is linear in the size and dimensionality of the data.
Our architecture is inspired by inducing point methods and relies on a novel
application of cross-attention between datapoints. At inference time, its
computational cost is constant in the training set size as the data gets
distilled into a fixed number of inducing points. We find that our method
reduces the computational requirements of existing semi-parametric models by up
to an order of magnitude across a range of datasets and improves
state-of-the-art performance on an important practical problem, genotype
imputation."
4137,Randomly Initialized One-Layer Neural Networks Make Data Linearly Separable,"Recently, neural networks have been shown to perform exceptionally well in
transforming two arbitrary sets into two linearly separable sets. Doing this
with a randomly initialized neural network is of immense interest because the
associated computation is cheaper than using fully trained networks. In this
paper, we show that, with sufficient width, a randomly initialized one-layer
neural network transforms two sets into two linearly separable sets with high
probability. Furthermore, we provide explicit bounds on the required width of
the neural network for this to occur. Our first bound is exponential in the
input dimension and polynomial in all other parameters, while our second bound
is independent of the input dimension, thereby overcoming the curse of
dimensionality. We also perform an experimental study comparing the separation
capacity of randomly initialized one-layer and two-layer neural networks. With
correctly chosen biases, our study shows for low-dimensional data, the
two-layer neural network outperforms the one-layer network. However, the
opposite is observed for higher-dimensional data."
4138,Functional Network: A Novel Framework for Interpretability of Deep Neural Networks,"The layered structure of deep neural networks hinders the use of numerous
analysis tools and thus the development of its interpretability. Inspired by
the success of functional brain networks, we propose a novel framework for
interpretability of deep neural networks, that is, the functional network. We
construct the functional network of fully connected networks and explore its
small-worldness. In our experiments, the mechanisms of regularization methods,
namely, batch normalization and dropout, are revealed using graph theoretical
analysis and topological data analysis. Our empirical analysis shows the
following: (1) Batch normalization enhances model performance by increasing the
global e ciency and the number of loops but reduces adversarial robustness by
lowering the fault tolerance. (2) Dropout improves generalization and
robustness of models by improving the functional specialization and fault
tolerance. (3) The models with dierent regularizations can be clustered
correctly according to their functional topological dierences, re ecting the
great potential of the functional network and topological data analysis in
interpretability."
4139,RCC-GAN: Regularized Compound Conditional GAN for Large-Scale Tabular Data Synthesis,"This paper introduces a novel generative adversarial network (GAN) for
synthesizing large-scale tabular databases which contain various features such
as continuous, discrete, and binary. Technically, our GAN belongs to the
category of class-conditioned generative models with a predefined conditional
vector. However, we propose a new formulation for deriving such a vector
incorporating both binary and discrete features simultaneously. We refer to
this noble definition as compound conditional vector and employ it for training
the generator network. The core architecture of this network is a three-layered
deep residual neural network with skip connections. For improving the stability
of such complex architecture, we present a regularization scheme towards
limiting unprecedented variations on its weight vectors during training. This
regularization approach is quite compatible with the nature of adversarial
training and it is not computationally prohibitive in runtime. Furthermore, we
constantly monitor the variation of the weight vectors for identifying any
potential instabilities or irregularities to measure the strength of our
proposed regularizer. Toward this end, we also develop a new metric for
tracking sudden perturbation on the weight vectors using the singular value
decomposition theory. Finally, we evaluate the performance of our proposed
synthesis approach on six benchmarking tabular databases, namely Adult, Census,
HCDR, Cabs, News, and King. The achieved results corroborate that for the
majority of the cases, our proposed RccGAN outperforms other conventional and
modern generative models in terms of accuracy, stability, and reliability."
4140,High-Order Pooling for Graph Neural Networks with Tensor Decomposition,"Graph Neural Networks (GNNs) are attracting growing attention due to their
effectiveness and flexibility in modeling a variety of graph-structured data.
Exiting GNN architectures usually adopt simple pooling operations (e.g., sum,
average, max) when aggregating messages from a local neighborhood for updating
node representation or pooling node representations from the entire graph to
compute the graph representation. Though simple and effective, these linear
operations do not model high-order non-linear interactions among nodes. We
propose the Tensorized Graph Neural Network (tGNN), a highly expressive GNN
architecture relying on tensor decomposition to model high-order non-linear
node interactions. tGNN leverages the symmetric CP decomposition to efficiently
parameterize permutation-invariant multilinear maps for modeling node
interactions. Theoretical and empirical analysis on both node and graph
classification tasks show the superiority of tGNN over competitive baselines.
In particular, tGNN achieves state-of-the-art results on two OGB node
classification datasets and one OGB graph classification dataset."
4141,HiPAL: A Deep Framework for Physician Burnout Prediction Using Activity Logs in Electronic Health Records,"Burnout is a significant public health concern affecting nearly half of the
healthcare workforce. This paper presents the first end-to-end deep learning
framework for predicting physician burnout based on clinician activity logs,
digital traces of their work activities, available in any electronic health
record (EHR) system. In contrast to prior approaches that exclusively relied on
surveys for burnout measurement, our framework directly learns deep workload
representations from large-scale clinician activity logs to predict burnout. We
propose the Hierarchical burnout Prediction based on Activity Logs (HiPAL),
featuring a pre-trained time-dependent activity embedding mechanism tailored
for activity logs and a hierarchical predictive model, which mirrors the
natural hierarchical structure of clinician activity logs and captures
physician's evolving workload patterns at both short-term and long-term levels.
To utilize the large amount of unlabeled activity logs, we propose a
semi-supervised framework that learns to transfer knowledge extracted from
unlabeled clinician activities to the HiPAL-based prediction model. The
experiment on over 15 million clinician activity logs collected from the EHR at
a large academic medical center demonstrates the advantages of our proposed
framework in predictive performance of physician burnout and training
efficiency over state of the art approaches."
4142,Compressing Deep Graph Neural Networks via Adversarial Knowledge Distillation,"Deep graph neural networks (GNNs) have been shown to be expressive for
modeling graph-structured data. Nevertheless, the over-stacked architecture of
deep graph models makes it difficult to deploy and rapidly test on mobile or
embedded systems. To compress over-stacked GNNs, knowledge distillation via a
teacher-student architecture turns out to be an effective technique, where the
key step is to measure the discrepancy between teacher and student networks
with predefined distance functions. However, using the same distance for graphs
of various structures may be unfit, and the optimal distance formulation is
hard to determine. To tackle these problems, we propose a novel Adversarial
Knowledge Distillation framework for graph models named GraphAKD, which
adversarially trains a discriminator and a generator to adaptively detect and
decrease the discrepancy. Specifically, noticing that the well-captured
inter-node and inter-class correlations favor the success of deep GNNs, we
propose to criticize the inherited knowledge from node-level and class-level
views with a trainable discriminator. The discriminator distinguishes between
teacher knowledge and what the student inherits, while the student GNN works as
a generator and aims to fool the discriminator. To our best knowledge, GraphAKD
is the first to introduce adversarial training to knowledge distillation in
graph domains. Experiments on node-level and graph-level classification
benchmarks demonstrate that GraphAKD improves the student performance by a
large margin. The results imply that GraphAKD can precisely transfer knowledge
from a complicated teacher GNN to a compact student GNN."
4143,Semi-Supervised Clustering of Sparse Graphs: Crossing the Information-Theoretic Threshold,"The stochastic block model is a canonical random graph model for clustering
and community detection on network-structured data. Decades of extensive study
on the problem have established many profound results, among which the phase
transition at the Kesten-Stigum threshold is particularly interesting both from
a mathematical and an applied standpoint. It states that no estimator based on
the network topology can perform substantially better than chance on sparse
graphs if the model parameter is below certain threshold. Nevertheless, if we
slightly extend the horizon to the ubiquitous semi-supervised setting, such a
fundamental limitation will disappear completely. We prove that with arbitrary
fraction of the labels revealed, the detection problem is feasible throughout
the parameter domain. Moreover, we introduce two efficient algorithms, one
combinatorial and one based on optimization, to integrate label information
with graph structures. Our work brings a new perspective to stochastic model of
networks and semidefinite program research."
4144,Learning multi-scale functional representations of proteins from single-cell microscopy data,"Protein function is inherently linked to its localization within the cell,
and fluorescent microscopy data is an indispensable resource for learning
representations of proteins. Despite major developments in molecular
representation learning, extracting functional information from biological
images remains a non-trivial computational task. Current state-of-the-art
approaches use autoencoder models to learn high-quality features by
reconstructing images. However, such methods are prone to capturing noise and
imaging artifacts. In this work, we revisit deep learning models used for
classifying major subcellular localizations, and evaluate representations
extracted from their final layers. We show that simple convolutional networks
trained on localization classification can learn protein representations that
encapsulate diverse functional information, and significantly outperform
autoencoder-based models. We also propose a robust evaluation strategy to
assess quality of protein representations across different scales of biological
function."
4145,PCA-Boosted Autoencoders for Nonlinear Dimensionality Reduction in Low Data Regimes,"Autoencoders (AE) provide a useful method for nonlinear dimensionality
reduction but are ill-suited for low data regimes. Conversely, Principal
Component Analysis (PCA) is data-efficient but is limited to linear
dimensionality reduction, posing a problem when data exhibits inherent
nonlinearity. This presents a challenge in various scientific and engineering
domains such as the nanophotonic component design, where data exhibits
nonlinear features while being expensive to obtain due to costly real
measurements or resource-consuming solutions of partial differential equations.
To address this difficulty, we propose a technique that harnesses the best of
both worlds: an autoencoder that leverages PCA to perform well on scarce
nonlinear data. Specifically, we outline a numerically robust PCA-based
initialization of AE, which, together with the parameterized ReLU activation
function, allows the training process to start from an exact PCA solution and
improve upon it. A synthetic example is presented first to study the effects of
data nonlinearity and size on the performance of the proposed method. We then
evaluate our method on several nanophotonic component design problems where
obtaining useful data is expensive. To demonstrate universality, we also apply
it to tasks in other scientific domains: a benchmark breast cancer dataset and
a gene expression dataset.
We show that our proposed approach is substantially better than both PCA and
randomly initialized AE in the majority of low-data regime cases we consider,
or at least is comparable to the best of either of the other two methods."
4146,Throwing Away Data Improves Worst-Class Error in Imbalanced Classification,"Class imbalances pervade classification problems, yet their treatment differs
in theory and practice. On the one hand, learning theory instructs us that
\emph{more data is better}, as sample size relates inversely to the average
test error over the entire data distribution. On the other hand, practitioners
have long developed a plethora of tricks to improve the performance of learning
machines over imbalanced data.
These include data reweighting and subsampling, synthetic construction of
additional samples from minority classes, ensembling expensive one-versus all
architectures, and tweaking classification losses and thresholds. All of these
are efforts to minimize the worst-class error, which is often associated to the
minority group in the training data, and finds additional motivation in the
robustness, fairness, and out-of-distribution literatures.
Here we take on the challenge of developing learning theory able to describe
the worst-class error of classifiers over linearly-separable data when fitted
either on (i) the full training set, or (ii) a subset where the majority class
is subsampled to match in size the minority class. We borrow tools from extreme
value theory to show that, under distributions with certain tail properties,
\emph{throwing away most data from the majority class leads to better
worst-class error}."
4147,Information Propagation by Composited Labels in Natural Language Processing,"In natural language processing (NLP), labeling on regions of text, such as
words, sentences and paragraphs, is a basic task. In this paper, label is
defined as map between mention of entity in a region on text and context of
entity in a broader region on text containing the mention. This definition
naturally introduces linkage of entities induced from inclusion relation of
regions, and connected entities form a graph representing information flow
defined by map. It also enables calculation of information loss through map
using entropy, and entropy lost is regarded as distance between two entities
over a path on graph."
4148,FlexiBERT: Are Current Transformer Architectures too Homogeneous and Rigid?,"The existence of a plethora of language models makes the problem of selecting
the best one for a custom task challenging. Most state-of-the-art methods
leverage transformer-based models (e.g., BERT) or their variants. Training such
models and exploring their hyperparameter space, however, is computationally
expensive. Prior work proposes several neural architecture search (NAS) methods
that employ performance predictors (e.g., surrogate models) to address this
issue; however, analysis has been limited to homogeneous models that use fixed
dimensionality throughout the network. This leads to sub-optimal architectures.
To address this limitation, we propose a suite of heterogeneous and flexible
models, namely FlexiBERT, that have varied encoder layers with a diverse set of
possible operations and different hidden dimensions. For better-posed surrogate
modeling in this expanded design space, we propose a new graph-similarity-based
embedding scheme. We also propose a novel NAS policy, called BOSHNAS, that
leverages this new scheme, Bayesian modeling, and second-order optimization, to
quickly train and use a neural surrogate model to converge to the optimal
architecture. A comprehensive set of experiments shows that the proposed
policy, when applied to the FlexiBERT design space, pushes the performance
frontier upwards compared to traditional models. FlexiBERT-Mini, one of our
proposed models, has 3% fewer parameters than BERT-Mini and achieves 8.9%
higher GLUE score. A FlexiBERT model with equivalent performance as the best
homogeneous model achieves 2.6x smaller size. FlexiBERT-Large, another proposed
model, achieves state-of-the-art results, outperforming the baseline models by
at least 5.7% on the GLUE benchmark."
4149,A Natural Language Processing Pipeline for Detecting Informal Data References in Academic Literature,"Discovering authoritative links between publications and the datasets that
they use can be a labor-intensive process. We introduce a natural language
processing pipeline that retrieves and reviews publications for informal
references to research datasets, which complements the work of data librarians.
We first describe the components of the pipeline and then apply it to expand an
authoritative bibliography linking thousands of social science studies to the
data-related publications in which they are used. The pipeline increases recall
for literature to review for inclusion in data-related collections of
publications and makes it possible to detect informal data references at scale.
We contribute (1) a novel Named Entity Recognition (NER) model that reliably
detects informal data references and (2) a dataset connecting items from social
science literature with datasets they reference. Together, these contributions
enable future work on data reference, data citation networks, and data reuse."
4150,Deep Representations for Time-varying Brain Datasets,"Finding an appropriate representation of dynamic activities in the brain is
crucial for many downstream applications. Due to its highly dynamic nature,
temporally averaged fMRI (functional magnetic resonance imaging) can only
provide a narrow view of underlying brain activities. Previous works lack the
ability to learn and interpret the latent dynamics in brain architectures. This
paper builds an efficient graph neural network model that incorporates both
region-mapped fMRI sequences and structural connectivities obtained from DWI
(diffusion-weighted imaging) as inputs. We find good representations of the
latent brain dynamics through learning sample-level adaptive adjacency matrices
and performing a novel multi-resolution inner cluster smoothing. We also
attribute inputs with integrated gradients, which enables us to infer (1)
highly involved brain connections and subnetworks for each task, (2) temporal
keyframes of imaging sequences that characterize tasks, and (3) subnetworks
that discriminate between individual subjects. This ability to identify
critical subnetworks that characterize signal states across heterogeneous tasks
and individuals is of great importance to neuroscience and other scientific
domains. Extensive experiments and ablation studies demonstrate our proposed
method's superiority and efficiency in spatial-temporal graph signal modeling
with insightful interpretations of brain dynamics."
4151,Machine Learning for Electricity Market Clearing,"This paper seeks to design a machine learning twin of the optimal power flow
(OPF) optimization, which is used in market-clearing procedures by wholesale
electricity markets. The motivation for the proposed approach stems from the
need to obtain the digital twin, which is much faster than the original, while
also being sufficiently accurate and producing consistent generation dispatches
and locational marginal prices (LMPs), which are primal and dual solutions of
the OPF optimization, respectively. Availability of market-clearing tools based
on this approach will enable computationally tractable evaluation of multiple
dispatch scenarios under a given unit commitment. Rather than direct solution
of OPF, the Karush-Kuhn-Tucker (KKT) conditions for the OPF problem in question
may be written, and in parallel the LMPs of generators and loads may be
expressed in terms of the OPF Lagrangian multipliers. Also, taking advantage of
the practical fact that many of the Lagrangian multipliers associated with
lines will be zero (thermal limits are not binding), we build and train an ML
scheme which maps flexible resources (loads and renewables) to the binding
lines, and supplement it with an efficient power-grid aware linear map to
optimal dispatch and LMPs. The scheme is validated and illustrated on IEEE
models. We also report a trade of analysis between quality of the
reconstruction and number of samples needed to train the model."
4152,Generalization Gap in Amortized Inference,"The ability of likelihood-based probabilistic models to generalize to unseen
data is central to many machine learning applications such as lossless
compression. In this work, we study the generalizations of a popular class of
probabilistic models - the Variational Auto-Encoder (VAE). We point out the two
generalization gaps that can affect the generalization ability of VAEs and show
that the over-fitting phenomenon is usually dominated by the amortized
inference network. Based on this observation we propose a new training
objective, inspired by the classic wake-sleep algorithm, to improve the
generalizations properties of amortized inference. We also demonstrate how it
can improve generalization performance in the context of image modeling and
lossless compression."
4153,DOGE-Train: Discrete Optimization on GPU with End-to-end Training,"We present a fast, scalable, data-driven approach for solving linear
relaxations of 0-1 integer linear programs using a graph neural network. Our
solver is based on the Lagrange decomposition based algorithm FastDOG (Abbas et
al. (2022)). We make the algorithm differentiable and perform backpropagation
through the dual update scheme for end-to-end training of its algorithmic
parameters. This allows to preserve the algorithm's theoretical properties
including feasibility and guaranteed non-decrease in the lower bound. Since
FastDOG can get stuck in suboptimal fixed points, we provide additional freedom
to our graph neural network to predict non-parametric update steps for escaping
such points while maintaining dual feasibility. For training of the graph
neural network we use an unsupervised loss and perform experiments on
large-scale real world datasets. We train on smaller problems and test on
larger ones showing strong generalization performance with a graph neural
network comprising only around 10k parameters. Our solver achieves
significantly faster performance and better dual objectives than its
non-learned version. In comparison to commercial solvers our learned solver
achieves close to optimal objective values of LP relaxations and is faster by
up to an order of magnitude on very large problems from structured prediction
and on selected combinatorial optimization problems."
4154,Forecasting of Non-Stationary Sales Time Series Using Deep Learning,"The paper describes the deep learning approach for forecasting non-stationary
time series with using time trend correction in a neural network model. Along
with the layers for predicting sales values, the neural network model includes
a subnetwork block for the prediction weight for a time trend term which is
added to a predicted sales value. The time trend term is considered as a
product of the predicted weight value and normalized time value. The results
show that the forecasting accuracy can be essentially improved for
non-stationary sales with time trends using the trend correction block in the
deep learning model."
4155,Identifying Patient-Specific Root Causes of Disease,"Complex diseases are caused by a multitude of factors that may differ between
patients. As a result, hypothesis tests comparing all patients to all healthy
controls can detect many significant variables with inconsequential effect
sizes. A few highly predictive root causes may nevertheless generate disease
within each patient. In this paper, we define patient-specific root causes as
variables subject to exogenous ""shocks"" which go on to perturb an otherwise
healthy system and induce disease. In other words, the variables are associated
with the exogenous errors of a structural equation model (SEM), and these
errors predict a downstream diagnostic label. We quantify predictivity using
sample-specific Shapley values. This derivation allows us to develop a fast
algorithm called Root Causal Inference for identifying patient-specific root
causes by extracting the error terms of a linear SEM and then computing the
Shapley value associated with each error. Experiments highlight considerable
improvements in accuracy because the method uncovers root causes that may have
large effect sizes at the individual level but clinically insignificant effect
sizes at the group level. An R implementation is available at
github.com/ericstrobl/RCI."
4156,Utilizing Language-Image Pretraining for Efficient and Robust Bilingual Word Alignment,"Word translation without parallel corpora has become feasible, rivaling the
performance of supervised methods. Recent findings have shown that the accuracy
and robustness of unsupervised word translation (UWT) can be improved by making
use of visual observations, which are universal representations across
languages. In this work, we investigate the potential of using not only visual
observations but also pretrained language-image models for enabling a more
efficient and robust UWT. Specifically, we develop a novel UWT method dubbed
Word Alignment using Language-Image Pretraining (WALIP), which leverages visual
observations via the shared embedding space of images and texts provided by
CLIP models (Radford et al., 2021). WALIP has a two-step procedure. First, we
retrieve word pairs with high confidences of similarity, computed using our
proposed image-based fingerprints, which define the initial pivot for the word
alignment. Second, we apply our robust Procrustes algorithm to estimate the
linear mapping between two embedding spaces, which iteratively corrects and
refines the estimated alignment. Our extensive experiments show that WALIP
improves upon the state-of-the-art performance of bilingual word alignment for
a few language pairs across different word embeddings and displays great
robustness to the dissimilarity of language pairs or training corpora for two
word embeddings."
4157,uGLAD: Sparse graph recovery by optimizing deep unrolled networks,"Probabilistic Graphical Models (PGMs) are generative models of complex
systems. They rely on conditional independence assumptions between variables to
learn sparse representations which can be visualized in a form of a graph. Such
models are used for domain exploration and structure discovery in poorly
understood domains. This work introduces a novel technique to perform sparse
graph recovery by optimizing deep unrolled networks. Assuming that the input
data $X\in\mathbb{R}^{M\times D}$ comes from an underlying multivariate
Gaussian distribution, we apply a deep model on $X$ that outputs the precision
matrix $\Theta$, which can also be interpreted as the adjacency matrix. Our
model, uGLAD, builds upon and extends the state-of-the-art model GLAD to the
unsupervised setting. The key benefits of our model are (1) uGLAD automatically
optimizes sparsity-related regularization parameters leading to better
performance than existing algorithms. (2) We introduce multi-task learning
based `consensus' strategy for robust handling of missing data in an
unsupervised setting. We evaluate model results on synthetic Gaussian data,
non-Gaussian data generated from Gene Regulatory Networks, and present a case
study in anaerobic digestion."
4158,Interpretable Feature Engineering for Time Series Predictors using Attention Networks,"Regression problems with time-series predictors are common in banking and
many other areas of application. In this paper, we use multi-head attention
networks to develop interpretable features and use them to achieve good
predictive performance. The customized attention layer explicitly uses
multiplicative interactions and builds feature-engineering heads that capture
temporal dynamics in a parsimonious manner. Convolutional layers are used to
combine multivariate time series. We also discuss methods for handling static
covariates in the modeling process. Visualization and explanation tools are
used to interpret the results and explain the relationship between the inputs
and the extracted features. Both simulation and real dataset are used to
illustrate the usefulness of the methodology. Keyword: Attention heads, Deep
neural networks, Interpretable feature engineering"
4159,PrivFairFL: Privacy-Preserving Group Fairness in Federated Learning,"Group fairness ensures that the outcome of machine learning (ML) based
decision making systems are not biased towards a certain group of people
defined by a sensitive attribute such as gender or ethnicity. Achieving group
fairness in Federated Learning (FL) is challenging because mitigating bias
inherently requires using the sensitive attribute values of all clients, while
FL is aimed precisely at protecting privacy by not giving access to the
clients' data. As we show in this paper, this conflict between fairness and
privacy in FL can be resolved by combining FL with Secure Multiparty
Computation (MPC) and Differential Privacy (DP). In doing so, we propose a
method for training group-fair ML models in cross-device FL under complete and
formal privacy guarantees, without requiring the clients to disclose their
sensitive attribute values."
4160,BolT: Fused Window Transformers for fMRI Time Series Analysis,"Functional magnetic resonance imaging (fMRI) enables examination of
inter-regional interactions in the brain via functional connectivity (FC)
analyses that measure the synchrony between the temporal activations of
separate regions. Given their exceptional sensitivity, deep-learning methods
have received growing interest for FC analyses of high-dimensional fMRI data.
In this domain, models that operate directly on raw time series as opposed to
pre-computed FC features have the potential benefit of leveraging the full
scale of information present in fMRI data. However, previous models are based
on architectures suboptimal for temporal integration of representations across
multiple time scales. Here, we present BolT, blood-oxygen-level-dependent
transformer, for analyzing multi-variate fMRI time series. BolT leverages a
cascade of transformer encoders equipped with a novel fused window attention
mechanism. Transformer encoding is performed on temporally-overlapped time
windows within the fMRI time series to capture short time-scale
representations. To integrate information across windows, cross-window
attention is computed between base tokens in each time window and fringe tokens
from neighboring time windows. To transition from local to global
representations, the extent of window overlap and thereby number of fringe
tokens is progressively increased across the cascade. Finally, a novel
cross-window regularization is enforced to align the high-level representations
of global $CLS$ features across time windows. Comprehensive experiments on
public fMRI datasets clearly illustrate the superior performance of BolT
against state-of-the-art methods. Posthoc explanatory analyses to identify
landmark time points and regions that contribute most significantly to model
decisions corroborate prominent neuroscientific findings from recent fMRI
studies."
4161,Quasi Black-Box Variational Inference with Natural Gradients for Bayesian Learning,"We develop an optimization algorithm suitable for Bayesian learning in
complex models. Our approach relies on natural gradient updates within a
general black-box framework for efficient training with limited model-specific
derivations. It applies within the class of exponential-family variational
posterior distributions, for which we extensively discuss the Gaussian case for
which the updates have a rather simple form. Our Quasi Black-box Variational
Inference (QBVI) framework is readily applicable to a wide class of Bayesian
inference problems and is of simple implementation as the updates of the
variational posterior do not involve gradients with respect to the model
parameters, nor the prescription of the Fisher information matrix. We develop
QBVI under different hypotheses for the posterior covariance matrix, discuss
details about its robust and feasible implementation, and provide a number of
real-world applications to demonstrate its effectiveness."
4162,Identifying (anti-)skyrmions while they form,"We use a Convolutional Neural Network (CNN) to identify the relevant features
in the thermodynamical phases of a simulated three-dimensional spin-lattice
system with ferromagnetic and Dzyaloshinskii-Moriya (DM) interactions. Such
features include (anti-)skyrmions, merons, and helical and ferromagnetic
states. We use a multi-label classification framework, which is flexible enough
to accommodate states that mix different features and phases. We then train the
CNN to predict the features of the final state from snapshots of intermediate
states of the simulation. The trained model allows identifying the different
phases reliably and early in the formation process. Thus, the CNN can
significantly speed up the phase diagram calculations by predicting the final
phase before the spin-lattice Monte Carlo sampling has converged. We show the
prowess of this approach by generating phase diagrams with significantly
shorter simulation times."
4163,Contrastive and Non-Contrastive Self-Supervised Learning Recover Global and Local Spectral Embedding Methods,"Self-Supervised Learning (SSL) surmises that inputs and pairwise positive
relationships are enough to learn meaningful representations. Although SSL has
recently reached a milestone: outperforming supervised methods in many
modalities\dots the theoretical foundations are limited, method-specific, and
fail to provide principled design guidelines to practitioners. In this paper,
we propose a unifying framework under the helm of spectral manifold learning to
address those limitations. Through the course of this study, we will rigorously
demonstrate that VICReg, SimCLR, BarlowTwins et al. correspond to eponymous
spectral methods such as Laplacian Eigenmaps, Multidimensional Scaling et al.
This unification will then allow us to obtain (i) the closed-form optimal
representation for each method, (ii) the closed-form optimal network parameters
in the linear regime for each method, (iii) the impact of the pairwise
relations used during training on each of those quantities and on downstream
task performances, and most importantly, (iv) the first theoretical bridge
between contrastive and non-contrastive methods towards global and local
spectral embedding methods respectively, hinting at the benefits and
limitations of each. For example, (i) if the pairwise relation is aligned with
the downstream task, any SSL method can be employed successfully and will
recover the supervised method, but in the low data regime, VICReg's invariance
hyper-parameter should be high; (ii) if the pairwise relation is misaligned
with the downstream task, VICReg with small invariance hyper-parameter should
be preferred over SimCLR or BarlowTwins."
4164,Computationally Efficient Horizon-Free Reinforcement Learning for Linear Mixture MDPs,"Recent studies have shown that episodic reinforcement learning (RL) is not
more difficult than contextual bandits, even with a long planning horizon and
unknown state transitions. However, these results are limited to either tabular
Markov decision processes (MDPs) or computationally inefficient algorithms for
linear mixture MDPs. In this paper, we propose the first computationally
efficient horizon-free algorithm for linear mixture MDPs, which achieves the
optimal $\tilde O(d\sqrt{K} +d^2)$ regret up to logarithmic factors. Our
algorithm adapts a weighted least square estimator for the unknown transitional
dynamic, where the weight is both \emph{variance-aware} and
\emph{uncertainty-aware}. When applying our weighted least square estimator to
heterogeneous linear bandits, we can obtain an $\tilde O(d\sqrt{\sum_{k=1}^K
\sigma_k^2} +d)$ regret in the first $K$ rounds, where $d$ is the dimension of
the context and $\sigma_k^2$ is the variance of the reward in the $k$-th round.
This also improves upon the best-known algorithms in this setting when
$\sigma_k^2$'s are known."
4165,Orchestra: Unsupervised Federated Learning via Globally Consistent Clustering,"Federated learning is generally used in tasks where labels are readily
available (e.g., next word prediction). Relaxing this constraint requires
design of unsupervised learning techniques that can support desirable
properties for federated training: robustness to statistical/systems
heterogeneity, scalability with number of participants, and communication
efficiency. Prior work on this topic has focused on directly extending
centralized self-supervised learning techniques, which are not designed to have
the properties listed above. To address this situation, we propose Orchestra, a
novel unsupervised federated learning technique that exploits the federation's
hierarchy to orchestrate a distributed clustering task and enforce a globally
consistent partitioning of clients' data into discriminable clusters. We show
the algorithmic pipeline in Orchestra guarantees good generalization
performance under a linear probe, allowing it to outperform alternative
techniques in a broad range of conditions, including variation in
heterogeneity, number of clients, participation ratio, and local epochs."
4166,What Makes Data-to-Text Generation Hard for Pretrained Language Models?,"Expressing natural language descriptions of structured facts or relations --
data-to-text generation (D2T) -- increases the accessibility of structured
knowledge repositories. Previous work shows that pre-trained language
models(PLMs) perform remarkably well on this task after fine-tuning on a
significant amount of task-specific training data. On the other hand, while
auto-regressive PLMs can generalize from a few task examples, their efficacy at
D2T is largely unexplored. Furthermore, we have an incomplete understanding of
the limits of PLMs on D2T.
In this work, we conduct an empirical study of both fine-tuned and
auto-regressive PLMs on the DART multi-domain D2T dataset. We consider their
performance as a function of the amount of task-specific data and how these
data are incorporated into the models: zero and few-shot learning, and
fine-tuning of model weights. In addition, we probe the limits of PLMs by
measuring performance on subsets of the evaluation data: novel predicates and
abstractive test examples. To improve the performance on these subsets, we
investigate two techniques: providing predicate descriptions in the context and
re-ranking generated candidates by information reflected in the source.
Finally, we conduct a human evaluation of model errors and show that D2T
generation tasks would benefit from datasets with more careful manual curation."
4167,Domain Adaptation for Memory-Efficient Dense Retrieval,"Dense retrievers encode documents into fixed dimensional embeddings. However,
storing all the document embeddings within an index produces bulky indexes
which are expensive to serve. Recently, BPR (Yamada et al., 2021) and JPQ (Zhan
et al., 2021a) have been proposed which train the model to produce binary
document vectors, which reduce the index 32x and more. The authors showed these
binary embedding models significantly outperform more traditional index
compression techniques like Product Quantization (PQ). Previous work evaluated
these approaches just in-domain, i.e. the methods were evaluated on tasks for
which training data is available. In practice, retrieval models are often used
in an out-of-domain setting, where they have been trained on a publicly
available dataset, like MS MARCO, but are then used for some custom dataset for
which no training data is available.
In this work, we show that binary embedding models like BPR and JPQ can
perform significantly worse than baselines once there is a domain-shift
involved. We propose a modification to the training procedure of BPR and JPQ
and combine it with a corpus specific generative procedure which allow the
adaptation of BPR and JPQ to any corpus without requiring labeled training
data. Our domain-adapted strategy known as GPL is model agnostic, achieves an
improvement by up-to 19.3 and 11.6 points in nDCG@10 across the BEIR benchmark
in comparison to BPR and JPQ while maintaining its 32x memory efficiency.
JPQ+GPL even outperforms our upper baseline: uncompressed TAS-B model on
average by 2.0 points."
4168,Flexible Diffusion Modeling of Long Videos,"We present a framework for video modeling based on denoising diffusion
probabilistic models that produces long-duration video completions in a variety
of realistic environments. We introduce a generative model that can at
test-time sample any arbitrary subset of video frames conditioned on any other
subset and present an architecture adapted for this purpose. Doing so allows us
to efficiently compare and optimize a variety of schedules for the order in
which frames in a long video are sampled and use selective sparse and
long-range conditioning on previously sampled frames. We demonstrate improved
video modeling over prior work on a number of datasets and sample temporally
coherent videos over 25 minutes in length. We additionally release a new video
modeling dataset and semantically meaningful metrics based on videos generated
in the CARLA self-driving car simulator."
4169,Photorealistic Text-to-Image Diffusion Models with Deep Language Understanding,"We present Imagen, a text-to-image diffusion model with an unprecedented
degree of photorealism and a deep level of language understanding. Imagen
builds on the power of large transformer language models in understanding text
and hinges on the strength of diffusion models in high-fidelity image
generation. Our key discovery is that generic large language models (e.g. T5),
pretrained on text-only corpora, are surprisingly effective at encoding text
for image synthesis: increasing the size of the language model in Imagen boosts
both sample fidelity and image-text alignment much more than increasing the
size of the image diffusion model. Imagen achieves a new state-of-the-art FID
score of 7.27 on the COCO dataset, without ever training on COCO, and human
raters find Imagen samples to be on par with the COCO data itself in image-text
alignment. To assess text-to-image models in greater depth, we introduce
DrawBench, a comprehensive and challenging benchmark for text-to-image models.
With DrawBench, we compare Imagen with recent methods including VQ-GAN+CLIP,
Latent Diffusion Models, and DALL-E 2, and find that human raters prefer Imagen
over other models in side-by-side comparisons, both in terms of sample quality
and image-text alignment. See https://imagen.research.google/ for an overview
of the results."
4170,Robust and Agnostic Learning of Conditional Distributional Treatment Effects,"The conditional average treatment effect (CATE) is the best point prediction
of individual causal effects given individual baseline covariates and can help
personalize treatments. However, as CATE only reflects the (conditional)
average, it can wash out potential risks and tail events, which are crucially
relevant to treatment choice. In aggregate analyses, this is usually addressed
by measuring distributional treatment effect (DTE), such as differences in
quantiles or tail expectations between treatment groups. Hypothetically, one
can similarly fit covariate-conditional quantile regressions in each treatment
group and take their difference, but this would not be robust to
misspecification or provide agnostic best-in-class predictions. We provide a
new robust and model-agnostic methodology for learning the conditional DTE
(CDTE) for a wide class of problems that includes conditional quantile
treatment effects, conditional super-quantile treatment effects, and
conditional treatment effects on coherent risk measures given by
$f$-divergences. Our method is based on constructing a special pseudo-outcome
and regressing it on baseline covariates using any given regression learner.
Our method is model-agnostic in the sense that it can provide the best
projection of CDTE onto the regression model class. Our method is robust in the
sense that even if we learn these nuisances nonparametrically at very slow
rates, we can still learn CDTEs at rates that depend on the class complexity
and even conduct inferences on linear projections of CDTEs. We investigate the
performance of our proposal in simulation studies, and we demonstrate its use
in a case study of 401(k) eligibility effects on wealth."
4171,Conditional Supervised Contrastive Learning for Fair Text Classification,"Contrastive representation learning has gained much attention due to its
superior performance in learning representations from both image and sequential
data. However, the learned representations could potentially lead to
performance disparities in downstream tasks, such as increased silencing of
underrepresented groups in toxicity comment classification. In light of this
challenge, in this work, we study learning fair representations that satisfy a
notion of fairness known as equalized odds for text classification via
contrastive learning. Specifically, we first theoretically analyze the
connections between learning representations with fairness constraint and
conditional supervised contrastive objectives. Inspired by our theoretical
findings, we propose to use conditional supervised contrastive objectives to
learn fair representations for text classification. We conduct experiments on
two text datasets to demonstrate the effectiveness of our approaches in
balancing the trade-offs between task performance and bias mitigation among
existing baselines for text classification. Furthermore, we also show that the
proposed methods are stable in different hyperparameter settings."
4172,Learning differential equations from data,"Differential equations are used to model problems that originate in
disciplines such as physics, biology, chemistry, and engineering. In recent
times, due to the abundance of data, there is an active search for data-driven
methods to learn Differential equation models from data. However, many
numerical methods often fall short. Advancements in neural networks and deep
learning, have motivated a shift towards data-driven deep learning methods of
learning differential equations from data. In this work, we propose a
forward-Euler based neural network model and test its performance by learning
ODEs such as the FitzHugh-Nagumo equations from data using different number of
hidden layers and different neural network width."
4173,"Exposing Outlier Exposure: What Can Be Learned From Few, One, and Zero Outlier Images","Traditionally anomaly detection (AD) is treated as an unsupervised problem
utilizing only normal samples due to the intractability of characterizing
everything that looks unlike the normal data. However, it has recently been
found that unsupervised image anomaly detection can be drastically improved
through the utilization of huge corpora of random images to represent
anomalousness; a technique which is known as Outlier Exposure. In this paper we
show that specialized AD learning methods seem actually superfluous and huge
corpora of data expendable. For a common AD benchmark on ImageNet, standard
classifiers and semi-supervised one-class methods trained to discern between
normal samples and just a few random natural images are able to outperform the
current state of the art in deep AD, and only one useful outlier sample is
sufficient to perform competitively. We investigate this phenomenon and reveal
that one-class methods are more robust towards the particular choice of
training outliers. Furthermore, we find that a simple classifier based on
representations from CLIP, a recent foundation model, achieves state-of-the-art
results on CIFAR-10 and also outperforms all previous AD methods on ImageNet
without any training samples (i.e., in a zero-shot setting)."
4174,Rethinking Streaming Machine Learning Evaluation,"While most work on evaluating machine learning (ML) models focuses on
computing accuracy on batches of data, tracking accuracy alone in a streaming
setting (i.e., unbounded, timestamp-ordered datasets) fails to appropriately
identify when models are performing unexpectedly. In this position paper, we
discuss how the nature of streaming ML problems introduces new real-world
challenges (e.g., delayed arrival of labels) and recommend additional metrics
to assess streaming ML performance."
4175,Exploiting the Curvature of Feasible Sets for Faster Projection-Free Online Learning,"In this paper, we develop new efficient projection-free algorithms for Online
Convex Optimization (OCO). Online Gradient Descent (OGD) is an example of a
classical OCO algorithm that guarantees the optimal $O(\sqrt{T})$ regret bound.
However, OGD and other projection-based OCO algorithms need to perform a
Euclidean projection onto the feasible set $\mathcal{C}\subset \mathbb{R}^d$
whenever their iterates step outside $\mathcal{C}$. For various sets of
interests, this projection step can be computationally costly, especially when
the ambient dimension is large. This has motivated the development of
projection-free OCO algorithms that swap Euclidean projections for often much
cheaper operations such as Linear Optimization (LO). However, state-of-the-art
LO-based algorithms only achieve a suboptimal $O(T^{3/4})$ regret for general
OCO. In this paper, we leverage recent results in parameter-free Online
Learning, and develop an OCO algorithm that makes two calls to an LO Oracle per
round and achieves the near-optimal $\widetilde{O}(\sqrt{T})$ regret whenever
the feasible set is strongly convex. We also present an algorithm for general
convex sets that makes $\widetilde O(d)$ expected number of calls to an LO
Oracle per round and guarantees a $\widetilde O(T^{2/3})$ regret, improving on
the previous best $O(T^{3/4})$. We achieve the latter by approximating any
convex set $\mathcal{C}$ by a strongly convex one, where LO can be performed
using $\widetilde {O}(d)$ expected number of calls to an LO Oracle for
$\mathcal{C}$."
4176,Advanced Transient Diagnostic with Ensemble Digital Twin Modeling,"The use of machine learning (ML) model as digital-twins for
reduced-order-modeling (ROM) in lieu of system codes has grown traction over
the past few years. However, due to the complex and non-linear nature of
nuclear reactor transients as well as the large range of tasks required, it is
infeasible for a single ML model to generalize across all tasks. In this paper,
we incorporate issue specific digital-twin ML models with ensembles to enhance
the prediction outcome. The ensemble also utilizes an indirect probabilistic
tracking method of surrogate state variables to produce accurate predictions of
unobservable safety goals. The unique method named Ensemble Diagnostic
Digital-twin Modeling (EDDM) can select not only the most appropriate
predictions from the incorporated diagnostic digital-twin models but can also
reduce generalization error associated with training as opposed to single
models."
4177,CELEST: Federated Learning for Globally Coordinated Threat Detection,"The cyber-threat landscape has evolved tremendously in recent years, with new
threat variants emerging daily, and large-scale coordinated campaigns becoming
more prevalent. In this study, we propose CELEST (CollaborativE LEarning for
Scalable Threat detection), a federated machine learning framework for global
threat detection over HTTP, which is one of the most commonly used protocols
for malware dissemination and communication. CELEST leverages federated
learning in order to collaboratively train a global model across multiple
clients who keep their data locally, thus providing increased privacy and
confidentiality assurances. Through a novel active learning component
integrated with the federated learning technique, our system continuously
discovers and learns the behavior of new, evolving, and globally-coordinated
cyber threats. We show that CELEST is able to expose attacks that are largely
invisible to individual organizations. For instance, in one challenging attack
scenario with data exfiltration malware, the global model achieves a three-fold
increase in Precision-Recall AUC compared to the local model. We deploy CELEST
on two university networks and show that it is able to detect the malicious
HTTP communication with high precision and low false positive rates.
Furthermore, during its deployment, CELEST detected a set of previously unknown
42 malicious URLs and 20 malicious domains in one day, which were confirmed to
be malicious by VirusTotal."
4178,What is Your Metric Telling You? Evaluating Classifier Calibration under Context-Specific Definitions of Reliability,"Classifier calibration has received recent attention from the machine
learning community due both to its practical utility in facilitating decision
making, as well as the observation that modern neural network classifiers are
poorly calibrated. Much of this focus has been towards the goal of learning
classifiers such that their output with largest magnitude (the ""predicted
class"") is calibrated. However, this narrow interpretation of classifier
outputs does not adequately capture the variety of practical use cases in which
classifiers can aid in decision making. In this work, we argue that more
expressive metrics must be developed that accurately measure calibration error
for the specific context in which a classifier will be deployed. To this end,
we derive a number of different metrics using a generalization of Expected
Calibration Error (ECE) that measure calibration error under different
definitions of reliability. We then provide an extensive empirical evaluation
of commonly used neural network architectures and calibration techniques with
respect to these metrics. We find that: 1) definitions of ECE that focus solely
on the predicted class fail to accurately measure calibration error under a
selection of practically useful definitions of reliability and 2) many common
calibration techniques fail to improve calibration performance uniformly across
ECE metrics derived from these diverse definitions of reliability."
4179,Data augmentation for efficient learning from parametric experts,"We present a simple, yet powerful data-augmentation technique to enable
data-efficient learning from parametric experts for reinforcement and imitation
learning. We focus on what we call the policy cloning setting, in which we use
online or offline queries of an expert or expert policy to inform the behavior
of a student policy. This setting arises naturally in a number of problems, for
instance as variants of behavior cloning, or as a component of other algorithms
such as DAGGER, policy distillation or KL-regularized RL. Our approach,
augmented policy cloning (APC), uses synthetic states to induce
feedback-sensitivity in a region around sampled trajectories, thus dramatically
reducing the environment interactions required for successful cloning of the
expert. We achieve highly data-efficient transfer of behavior from an expert to
a student policy for high-degrees-of-freedom control problems. We demonstrate
the benefit of our method in the context of several existing and widely used
algorithms that include policy cloning as a constituent part. Moreover, we
highlight the benefits of our approach in two practically relevant settings (a)
expert compression, i.e. transfer to a student with fewer parameters; and (b)
transfer from privileged experts, i.e. where the expert has a different
observation space than the student, usually including access to privileged
information."
4180,Overfitting in quantum machine learning and entangling dropout,"The ultimate goal in machine learning is to construct a model function that
has a generalization capability for unseen dataset, based on given training
dataset. If the model function has too much expressibility power, then it may
overfit to the training data and as a result lose the generalization
capability. To avoid such overfitting issue, several techniques have been
developed in the classical machine learning regime, and the dropout is one such
effective method. This paper proposes a straightforward analogue of this
technique in the quantum machine learning regime, the entangling dropout,
meaning that some entangling gates in a given parametrized quantum circuit are
randomly removed during the training process to reduce the expressibility of
the circuit. Some simple case studies are given to show that this technique
actually suppresses the overfitting."
4181,Federated Distillation based Indoor Localization for IoT Networks,"Federated distillation (FD) paradigm has been recently proposed as a
promising alternative to federated learning (FL) especially in wireless sensor
networks with limited communication resources. However, all state-of-the art FD
algorithms are designed for only classification tasks and less attention has
been given to regression tasks. In this work, we propose an FD framework that
properly operates on regression learning problems. Afterwards, we present a
use-case implementation by proposing an indoor localization system that shows a
good trade-off communication load vs. accuracy compared to federated learning
(FL) based indoor localization. With our proposed framework, we reduce the
number of transmitted bits by up to 98%. Moreover, we show that the proposed
framework is much more scalable than FL, thus more likely to cope with the
expansion of wireless networks."
4182,SiPRNet: End-to-End Learning for Single-Shot Phase Retrieval,"Traditional optimization algorithms have been developed to deal with the
phase retrieval problem. However, multiple measurements with different random
or non-random masks are needed for giving a satisfactory performance. This
brings a burden to the implementation of the algorithms in practical systems.
Even worse, expensive optical devices are required to implement the optical
masks. Recently, deep learning, especially convolutional neural networks (CNN),
has played important roles in various image reconstruction tasks. However,
traditional CNN structure fails to reconstruct the original images from their
Fourier measurements because of tremendous domain discrepancy. In this paper,
we design a novel CNN structure, named SiPRNet, to recover a signal from a
single Fourier intensity measurement. To effectively utilize the spectral
information of the measurements, we propose a new Multi-Layer Perception block
embedded with the dropout layer to extract the global representations. Two
Up-sampling and Reconstruction blocks with self-attention are utilized to
recover the signals from the extracted features. Extensive evaluations of the
proposed model are performed using different testing datasets on both
simulation and optical experimentation platforms. The results demonstrate that
the proposed approach consistently outperforms other CNN-based and traditional
optimization-based methods in single-shot maskless phase retrieval. The source
codes of the proposed method have been released on Github:
https://github.com/Qiustander/SiPRNet."
4183,Informed Pre-Training on Prior Knowledge,"When training data is scarce, the incorporation of additional prior knowledge
can assist the learning process. While it is common to initialize neural
networks with weights that have been pre-trained on other large data sets,
pre-training on more concise forms of knowledge has rather been overlooked. In
this paper, we propose a novel informed machine learning approach and suggest
to pre-train on prior knowledge. Formal knowledge representations, e.g. graphs
or equations, are first transformed into a small and condensed data set of
knowledge prototypes. We show that informed pre-training on such knowledge
prototypes (i) speeds up the learning processes, (ii) improves generalization
capabilities in the regime where not enough training data is available, and
(iii) increases model robustness. Analyzing which parts of the model are
affected most by the prototypes reveals that improvements come from deeper
layers that typically represent high-level features. This confirms that
informed pre-training can indeed transfer semantic knowledge. This is a novel
effect, which shows that knowledge-based pre-training has additional and
complementary strengths to existing approaches."
4184,Logical Reasoning with Span Predictions: Span-level Logical Atoms for Interpretable and Robust NLI Models,"Current Natural Language Inference (NLI) models achieve impressive results,
sometimes outperforming humans when evaluating on in-distribution test sets.
However, as these models are known to learn from annotation artefacts and
dataset biases, it is unclear to what extent the models are learning the task
of NLI instead of learning from shallow heuristics in their training data. We
address this issue by introducing a logical reasoning framework for NLI,
creating highly transparent model decisions that are based on logical rules.
Unlike prior work, we show that the improved interpretability can be achieved
without decreasing the predictive accuracy. We almost fully retain performance
on SNLI while identifying the exact hypothesis spans that are responsible for
each model prediction. Using the e-SNLI human explanations, we also verify that
our model makes sensible decisions at a span level, despite not using any
span-level labels during training. We can further improve model performance and
the span-level decisions by using the e-SNLI explanations during training.
Finally, our model outperforms its baseline in a reduced data setting. When
training with only 100 examples, in-distribution performance improves by 18%,
while out-of-distribution performance improves on SNLI-hard, MNLI-mismatched,
MNLI-matched and SICK by 11%, 26%, 22%, and 21% respectively."
4185,Spreading Factor and RSSI for Localization in LoRa Networks: A Deep Reinforcement Learning Approach,"Recent advancements in Internet of Things (IoT) technologies have resulted in
a tightening of requirements from various applications including localization
in LoRa networks. To address the growing demand for LoRaWAN-powered IoT
location-based services, accurate localization solutions are more crucial than
ever. As such, in this work, we develop an accurate deep neural network based
localization framework over a LoRa network by proposing a novel approach that
builds the network radio map with the combination of RSSI recordings and the
spreading factors (SF) used by LoRa devices during the transmissions. Then, we
validate our framework using a publicly available experimental dataset recorded
in an urban LoRa network. The performance evaluation shows the prominence of
adding the spreading factor as an additional fingerprint, since we can achieve,
by our approach, an improvement in localization accuracy by up to 6.67%
compared to the state-of-the-art methods which employ uniquely the RSSI
fingerprints. Additionally, we provide an analysis of the impact of the SF on
the localization performance which reveals that the localization accuracy
relies on the SF used for position request. Finally, we propose a deep
reinforcement learning based localization system to capture the ever-growing
complexity of LoRa networks environment and cope with the scalability issue in
LoRa enabled massive IoT, and the results show an improvement of 63.3% in terms
of accuracy."
4186,Instance-Based Uncertainty Estimation for Gradient-Boosted Regression Trees,"We propose Instance-Based Uncertainty estimation for Gradient-boosted
regression trees~(IBUG), a simple method for extending any GBRT point predictor
to produce probabilistic predictions. IBUG computes a non-parametric
distribution around a prediction using the k-nearest training instances, where
distance is measured with a tree-ensemble kernel. The runtime of IBUG depends
on the number of training examples at each leaf in the ensemble, and can be
improved by sampling trees or training instances. Empirically, we find that
IBUG achieves similar or better performance than the previous state-of-the-art
across 22 benchmark regression datasets. We also find that IBUG can achieve
improved probabilistic performance by using different base GBRT models, and can
more flexibly model the posterior distribution of a prediction than competing
methods. We also find that previous methods suffer from poor probabilistic
calibration on some datasets, which can be mitigated using a scalar factor
tuned on the validation data."
4187,Deep-learning-based prediction of nanoparticle phase transitions during in situ transmission electron microscopy,"We develop the machine learning capability to predict a time sequence of
in-situ transmission electron microscopy (TEM) video frames based on the
combined long-short-term-memory (LSTM) algorithm and the features
de-entanglement method. We train deep learning models to predict a sequence of
future video frames based on the input of a sequence of previous frames. This
unique capability provides insight into size dependent structural changes in Au
nanoparticles under dynamic reaction condition using in-situ environmental TEM
data, informing models of morphological evolution and catalytic properties. The
model performance and achieved accuracy of predictions are desirable based on,
for scientific data characteristic, based on limited size of training data
sets. The model convergence and values for the loss function mean square error
show dependence on the training strategy, and structural similarity measure
between predicted structure images and ground truth reaches the value of about
0.7. This computed structural similarity is smaller than values obtained when
the deep learning architecture is trained using much larger benchmark data
sets, it is sufficient to show the structural transition of Au nanoparticles.
While performance parameters of our model applied to scientific data fall short
of those achieved for the non-scientific big data sets, we demonstrate model
ability to predict the evolution, even including the particle structural phase
transformation, of Au nano particles as catalyst for CO oxidation under the
chemical reaction conditions. Using this approach, it may be possible to
anticipate the next steps of a chemical reaction for emerging automated
experimentation platforms."
4188,Variable-Input Deep Operator Networks,"Existing architectures for operator learning require that the number and
locations of sensors (where the input functions are evaluated) remain the same
across all training and test samples, significantly restricting the range of
their applicability. We address this issue by proposing a novel operator
learning framework, termed Variable-Input Deep Operator Network (VIDON), which
allows for random sensors whose number and locations can vary across samples.
VIDON is invariant to permutations of sensor locations and is proved to be
universal in approximating a class of continuous operators. We also prove that
VIDON can efficiently approximate operators arising in PDEs. Numerical
experiments with a diverse set of PDEs are presented to illustrate the robust
performance of VIDON in learning operators."
4189,Causal Machine Learning for Healthcare and Precision Medicine,"Causal machine learning (CML) has experienced increasing popularity in
healthcare. Beyond the inherent capabilities of adding domain knowledge into
learning systems, CML provides a complete toolset for investigating how a
system would react to an intervention (e.g.\ outcome given a treatment).
Quantifying effects of interventions allows actionable decisions to be made
whilst maintaining robustness in the presence of confounders. Here, we explore
how causal inference can be incorporated into different aspects of clinical
decision support (CDS) systems by using recent advances in machine learning.
Throughout this paper, we use Alzheimer's disease (AD) to create examples for
illustrating how CML can be advantageous in clinical scenarios. Furthermore, we
discuss important challenges present in healthcare applications such as
processing high-dimensional and unstructured data, generalisation to
out-of-distribution samples, and temporal relationships, that despite the great
effort from the research community remain to be solved. Finally, we review
lines of research within causal representation learning, causal discovery and
causal reasoning which offer the potential towards addressing the
aforementioned challenges."
4190,Fine-Grained Counting with Crowd-Sourced Supervision,"Crowd-sourcing is an increasingly popular tool for image analysis in animal
ecology. Computer vision methods that can utilize crowd-sourced annotations can
help scale up analysis further. In this work we study the potential to do so on
the challenging task of fine-grained counting. As opposed to the standard crowd
counting task, fine-grained counting also involves classifying attributes of
individuals in dense crowds. We introduce a new dataset from animal ecology to
enable this study that contains 1.7M crowd-sourced annotations of 8
fine-grained classes. It is the largest available dataset for fine-grained
counting and the first to enable the study of the task with crowd-sourced
annotations. We introduce methods for generating aggregate ""ground truths"" from
the collected annotations, as well as a counting method that can utilize the
aggregate information. Our method improves results by 8% over a comparable
baseline, indicating the potential for algorithms to learn fine-grained
counting using crowd-sourced supervision."
4191,Generic bounds on the approximation error for physics-informed (and) operator learning,"We propose a very general framework for deriving rigorous bounds on the
approximation error for physics-informed neural networks (PINNs) and operator
learning architectures such as DeepONets and FNOs as well as for
physics-informed operator learning. These bounds guarantee that PINNs and
(physics-informed) DeepONets or FNOs will efficiently approximate the
underlying solution or solution operator of generic partial differential
equations (PDEs). Our framework utilizes existing neural network approximation
results to obtain bounds on more involved learning architectures for PDEs. We
illustrate the general framework by deriving the first rigorous bounds on the
approximation error of physics-informed operator learning and by showing that
PINNs (and physics-informed DeepONets and FNOs) mitigate the curse of
dimensionality in approximating nonlinear parabolic PDEs."
4192,StreamingQA: A Benchmark for Adaptation to New Knowledge over Time in Question Answering Models,"Knowledge and language understanding of models evaluated through question
answering (QA) has been usually studied on static snapshots of knowledge, like
Wikipedia. However, our world is dynamic, evolves over time, and our models'
knowledge becomes outdated. To study how semi-parametric QA models and their
underlying parametric language models (LMs) adapt to evolving knowledge, we
construct a new large-scale dataset, StreamingQA, with human written and
generated questions asked on a given date, to be answered from 14 years of
time-stamped news articles. We evaluate our models quarterly as they read new
articles not seen in pre-training. We show that parametric models can be
updated without full retraining, while avoiding catastrophic forgetting. For
semi-parametric models, adding new articles into the search space allows for
rapid adaptation, however, models with an outdated underlying LM under-perform
those with a retrained LM. For questions about higher-frequency named entities,
parametric updates are particularly beneficial. In our dynamic world, the
StreamingQA dataset enables a more realistic evaluation of QA models, and our
experiments highlight several promising directions for future research."
4193,Markedness in Visual Semantic AI,"We evaluate the state-of-the-art multimodal ""visual semantic"" model CLIP
(""Contrastive Language Image Pretraining"") for biases related to the marking of
age, gender, and race or ethnicity. Given the option to label an image as ""a
photo of a person"" or to select a label denoting race or ethnicity, CLIP
chooses the ""person"" label 47.9% of the time for White individuals, compared
with 5.0% or less for individuals who are Black, East Asian, Southeast Asian,
Indian, or Latino or Hispanic. The model is more likely to rank the unmarked
""person"" label higher than labels denoting gender for Male individuals (26.7%
of the time) vs. Female individuals (15.2% of the time). Age affects whether an
individual is marked by the model: Female individuals under the age of 20 are
more likely than Male individuals to be marked with a gender label, but less
likely to be marked with an age label, while Female individuals over the age of
40 are more likely to be marked based on age than Male individuals. We also
examine the self-similarity (mean pairwise cosine similarity) for each social
group, where higher self-similarity denotes greater attention directed by CLIP
to the shared characteristics (age, race, or gender) of the social group. As
age increases, the self-similarity of representations of Female individuals
increases at a higher rate than for Male individuals, with the disparity most
pronounced at the ""more than 70"" age range. All ten of the most self-similar
social groups are individuals under the age of 10 or over the age of 70, and
six of the ten are Female individuals. Existing biases of self-similarity and
markedness between Male and Female gender groups are further exacerbated when
the groups compared are individuals who are White and Male and individuals who
are Black and Female. Results indicate that CLIP reflects the biases of the
language and society which produced its training data."
4194,Learned Digital Back-Propagation for Dual-Polarization Dispersion Managed Systems,"Digital back-propagation (DBP) and learned DBP (LDBP) are proposed for
nonlinearity mitigation in WDM dual-polarization dispersion-managed systems.
LDBP achieves Q-factor improvement of 1.8 dB and 1.2 dB, respectively, over
linear equalization and a variant of DBP adapted to DM systems."
4195,Exploring the limits of multifunctionality across different reservoir computers,"Multifunctional neural networks are capable of performing more than one task
without changing any network connections. In this paper we explore the
performance of a continuous-time, leaky-integrator, and next-generation
`reservoir computer' (RC), when trained on tasks which test the limits of
multifunctionality. In the first task we train each RC to reconstruct a
coexistence of chaotic attractors from different dynamical systems. By moving
the data describing these attractors closer together, we find that the extent
to which each RC can reconstruct both attractors diminishes as they begin to
overlap in state space. In order to provide a greater understanding of this
inhibiting effect, in the second task we train each RC to reconstruct a
coexistence of two circular orbits which differ only in the direction of
rotation. We examine the critical effects that certain parameters can have in
each RC to achieve multifunctionality in this extreme case of completely
overlapping training data."
4196,User Clustering for Rate Splitting using Machine Learning,"Hierarchical Rate Splitting (HRS) schemes proposed in recent years have shown
to provide significant improvements in exploiting spatial diversity in wireless
networks and provide high throughput for all users while minimising
interference among them. Hence, one of the major challenges for such HRS
schemes is the necessity to know the optimal clustering of these users based
only on their Channel State Information (CSI). This clustering problem is known
to be NP hard and, to deal with the unmanageable complexity of finding an
optimal solution, in this work a scalable and much lighter clustering mechanism
based on Neural Network (NN) is proposed. The accuracy and performance metrics
show that the NN is able to learn and cluster the users based on the noisy
channel response and is able to achieve a rate comparable to other more complex
clustering schemes from the literature."
4197,Statistical inference as Green's functions,"Statistical inference from data is foundational task in science. Recently, it
receives growing attention for its central role in inference systems of primary
interest in data science, artificial intelligence, or machine learning.
However, the understanding of statistical inference itself is not that solid
while regarded as a matter of subjective choice or implemented in obscure ways.
We here show that statistical inference has rigorous scientific description for
long sequence of exchangeable binary random variables, the prototypal
stochasticity in theories and applications. A linear differential equation is
derived from the exchangeability, and it turns out that statistical inference
is given by the Green's functions. Our finding is the answer to the normative
and foundational issue in science, and its significance will be far-reaching in
all pure and applied fields."
4198,Graph-Based Methods for Discrete Choice,"Choices made by individuals have widespread impacts--for instance, people
choose between political candidates to vote for, between social media posts to
share, and between brands to purchase--moreover, data on these choices are
increasingly abundant. Discrete choice models are a key tool for learning
individual preferences from such data. Additionally, social factors like
conformity and contagion influence individual choice. Existing methods for
incorporating these factors into choice models do not account for the entire
social network and require hand-crafted features. To overcome these
limitations, we use graph learning to study choice in networked contexts. We
identify three ways in which graph learning techniques can be used for discrete
choice: learning chooser representations, regularizing choice model parameters,
and directly constructing predictions from a network. We design methods in each
category and test them on real-world choice datasets, including county-level
2016 US election results and Android app installation and usage data. We show
that incorporating social network structure can improve the predictions of the
standard econometric choice model, the multinomial logit. We provide evidence
that app installations are influenced by social context, but we find no such
effect on app usage among the same participants, which instead is habit-driven.
In the election data, we highlight the additional insights a discrete choice
framework provides over classification or regression, the typical approaches.
On synthetic data, we demonstrate the sample complexity benefit of using social
information in choice models."
4199,Chaotic Regularization and Heavy-Tailed Limits for Deterministic Gradient Descent,"Recent studies have shown that gradient descent (GD) can achieve improved
generalization when its dynamics exhibits a chaotic behavior. However, to
obtain the desired effect, the step-size should be chosen sufficiently large, a
task which is problem dependent and can be difficult in practice. In this
study, we incorporate a chaotic component to GD in a controlled manner, and
introduce multiscale perturbed GD (MPGD), a novel optimization framework where
the GD recursion is augmented with chaotic perturbations that evolve via an
independent dynamical system. We analyze MPGD from three different angles: (i)
By building up on recent advances in rough paths theory, we show that, under
appropriate assumptions, as the step-size decreases, the MPGD recursion
converges weakly to a stochastic differential equation (SDE) driven by a
heavy-tailed L\'evy-stable process. (ii) By making connections to recently
developed generalization bounds for heavy-tailed processes, we derive a
generalization bound for the limiting SDE and relate the worst-case
generalization error over the trajectories of the process to the parameters of
MPGD. (iii) We analyze the implicit regularization effect brought by the
dynamical regularization and show that, in the weak perturbation regime, MPGD
introduces terms that penalize the Hessian of the loss function. Empirical
results are provided to demonstrate the advantages of MPGD."
4200,Capacity Bounds for the DeepONet Method of Solving Differential Equations,"In recent times machine learning methods have made significant advances in
becoming a useful tool for analyzing physical systems. A particularly active
area in this theme has been ""physics informed machine learning"" [1] which
focuses on using neural nets for numerically solving differential equations.
Among all the proposals for solving differential equations using deep-learning,
in this paper we aim to advance the theory of generalization error for
DeepONets - which is unique among all the available ideas because of its
particularly intriguing structure of having an inner-product of two neural
nets.
Our key contribution is to give a bound on the Rademacher complexity for a
large class of DeepONets. Our bound does not explicitly scale with the number
of parameters of the nets involved and is thus a step towards explaining the
efficacy of overparameterized DeepONets. Additionally, a capacity bound such as
ours suggests a novel regularizer on the neural net weights that can help in
training DeepONets - irrespective of the differential equation being solved.
[1] G. E. Karniadakis, I. G. Kevrekidis, L. Lu, P. Perdikaris, S. Wang, and
L. Yang. Physics-informed machine learning. Nature Reviews Physics, 2021."
4201,POLTER: Policy Trajectory Ensemble Regularization for Unsupervised Reinforcement Learning,"The goal of Unsupervised Reinforcement Learning (URL) is to find a
reward-agnostic prior policy on a task domain, such that the sample-efficiency
on supervised downstream tasks is improved. Although agents initialized with
such a prior policy can achieve a significantly higher reward with fewer
samples when finetuned on the downstream task, it is still an open question how
an optimal pretrained prior policy can be achieved in practice. In this work,
we present POLTER (Policy Trajectory Ensemble Regularization) - a general
method to regularize the pretraining that can be applied to any URL algorithm
and is especially useful on data- and knowledge-based URL algorithms. It
utilizes an ensemble of policies that are discovered during pretraining and
moves the policy of the URL algorithm closer to its optimal prior. Our method
is theoretically justified, and we analyze its practical effects on a white-box
benchmark, allowing us to study POLTER with full control. In our main
experiments, we evaluate POLTER on the Unsupervised Reinforcement Learning
Benchmark (URLB), which consists of 12 tasks in 3 domains. We demonstrate the
generality of our approach by improving the performance of a diverse set of
data- and knowledge-based URL algorithms by 19% on average and up to 40% in the
best case. Under a fair comparison with tuned baselines and tuned POLTER, we
establish a new the state-of-the-art on the URLB."
4202,ScholarBERT: Bigger is Not Always Better,"Transformer-based masked language models trained on general corpora, such as
BERT and RoBERTa, have shown impressive performance on various downstream
tasks. Increasingly, researchers are ""finetuning"" these models to improve
performance on domain-specific tasks. Here, we report a broad study in which we
applied 14 transformer-based models to 11 scientific tasks in order to evaluate
how downstream performance is affected by changes along various dimensions
(e.g., training data, model size, pretraining time, finetuning length). In this
process, we created the largest and most diverse scientific language model to
date, ScholarBERT, by training a 770M-parameter BERT model on an 221B token
scientific literature dataset spanning many disciplines. Counterintuitively,
our evaluation of the 14 BERT-based models (seven versions of ScholarBERT, five
science-specific large language models from the literature, BERT-Base, and
BERT-Large) reveals little difference in performance across the 11
science-focused tasks, despite major differences in model size and training
data. We argue that our results establish an upper bound for the performance
achievable with BERT-based architectures on tasks from the scientific domain."
4203,FedSA: Accelerating Intrusion Detection in Collaborative Environments with Federated Simulated Annealing,"Fast identification of new network attack patterns is crucial for improving
network security. Nevertheless, identifying an ongoing attack in a
heterogeneous network is a non-trivial task. Federated learning emerges as a
solution to collaborative training for an Intrusion Detection System (IDS). The
federated learning-based IDS trains a global model using local machine learning
models provided by federated participants without sharing local data. However,
optimization challenges are intrinsic to federated learning. This paper
proposes the Federated Simulated Annealing (FedSA) metaheuristic to select the
hyperparameters and a subset of participants for each aggregation round in
federated learning. FedSA optimizes hyperparameters linked to the global model
convergence. The proposal reduces aggregation rounds and speeds up convergence.
Thus, FedSA accelerates learning extraction from local models, requiring fewer
IDS updates. The proposal assessment shows that the FedSA global model
converges in less than ten communication rounds. The proposal requires up to
50% fewer aggregation rounds to achieve approximately 97% accuracy in attack
detection than the conventional aggregation approach."
4204,ImGCL: Revisiting Graph Contrastive Learning on Imbalanced Node Classification,"Graph contrastive learning (GCL) has attracted a surge of attention due to
its superior performance for learning node/graph representations without
labels. However, in practice, unlabeled nodes for the given graph usually
follow an implicit imbalanced class distribution, where the majority of nodes
belong to a small fraction of classes (a.k.a., head class) and the rest classes
occupy only a few samples (a.k.a., tail classes). This highly imbalanced class
distribution inevitably deteriorates the quality of learned node
representations in GCL. Indeed, we empirically find that most state-of-the-art
GCL methods exhibit poor performance on imbalanced node classification.
Motivated by this observation, we propose a principled GCL framework on
Imbalanced node classification (ImGCL), which automatically and adaptively
balances the representation learned from GCL without knowing the labels. Our
main inspiration is drawn from the recent progressively balanced sampling (PBS)
method in the computer vision domain. We first introduce online clustering
based PBS, which balances the training sets based on pseudo-labels obtained
from learned representations. We then develop the node centrality based PBS
method to better preserve the intrinsic structure of graphs, which highlight
the important nodes of the given graph. Besides, we theoretically consolidate
our method by proving that the classifier learned by balanced sampling without
labels on an imbalanced dataset can converge to the optimal balanced classifier
with a linear rate. Extensive experiments on multiple imbalanced graph datasets
and imbalance settings verify the effectiveness of our proposed framework,
which significantly improves the performance of the recent state-of-the-art GCL
methods. Further experimental ablations and analysis show that the ImGCL
framework remarkably improves the representations of nodes in tail classes."
4205,Towards automatic detection of wildlife trade using machine vision models,"Unsustainable trade in wildlife is one of the major threats affecting the
global biodiversity crisis. An important part of the trade now occurs on the
internet, especially on digital marketplaces and social media. Automated
methods to identify trade posts are needed as resources for conservation are
limited. Here, we developed machine vision models based on Deep Neural Networks
with the aim to automatically identify images of exotic pet animals for sale. A
new training dataset representing exotic pet animals advertised for sale on the
web was generated for this purpose. We trained 24 neural-net models spanning a
combination of five different architectures, three methods of training and two
types of datasets. Specifically, model generalisation improved after setting a
portion of the training images to represent negative features. Models were
evaluated on both within and out of distribution data to test wider model
applicability. The top performing models achieved an f-score of over 0.95 on
within distribution evaluation and between 0.75 to 0.87 on the two out of
distribution datasets. Notably, feature visualisation indicated that models
performed well in detecting the surrounding context (e.g. a cage) in which an
animal was located, therefore helping to automatically detect images of animals
in non-natural environments. The proposed methods can help investigate the
online wildlife trade, but can also be adapted to study other types of
people-nature interactions from digital platforms. Future studies can use these
findings to build robust machine learning models and new data collection
pipelines for more taxonomic groups."
4206,Learning heterophilious edge to drop: A general framework for boosting graph neural networks,"Graph Neural Networks (GNNs) aim at integrating node contents with graph
structure to learn nodes/graph representations. Nevertheless, it is found that
most of existing GNNs do not work well on data with high heterophily level that
accounts for a large proportion of edges between different class labels.
Recently, many efforts to tackle this problem focus on optimizing the way of
feature learning. From another angle, this work aims at mitigating the negative
impacts of heterophily by optimizing graph structure for the first time.
Specifically, on assumption that graph smoothing along heterophilious edges can
hurt prediction performance, we propose a structure learning method called LHE
to identify heterophilious edges to drop. A big advantage of this solution is
that it can boost GNNs without careful modification of feature learning
strategy. Extensive experiments demonstrate the remarkable performance
improvement of GNNs with \emph{LHE} on multiple datasets across full spectrum
of homophily level."
4207,Active Learning Through a Covering Lens,"Deep active learning aims to reduce the annotation cost for deep neural
networks, which are notoriously data-hungry. Until recently, deep active
learning methods struggled in the low-budget regime, where only a small amount
of samples are annotated. The situation has been alleviated by recent advances
in self-supervised representation learning methods, which impart the geometry
of the data representation with rich information about the points. Taking
advantage of this progress, we study the problem of subset selection for
annotation through a ""covering"" lens, proposing ProbCover -- a new active
learning algorithm for the low budget regime, which seeks to maximize
Probability Coverage. We describe a dual way to view our formulation, from
which one can derive strategies suitable for the high budget regime of active
learning, related to existing methods like Coreset. We conclude with extensive
experiments, evaluating ProbCover in the low budget regime. We show that our
principled active learning strategy improves the state-of-the-art in the
low-budget regime in several image recognition benchmarks. This method is
especially beneficial in semi-supervised settings, allowing state-of-the-art
semi-supervised methods to achieve high accuracy with only a few labels."
4208,Privacy-preserving Data Filtering in Federated Learning Using Influence Approximation,"Federated Learning by nature is susceptible to low-quality, corrupted, or
even malicious data that can severely degrade the quality of the learned model.
Traditional techniques for data valuation cannot be applied as the data is
never revealed. We present a novel technique for filtering, and scoring data
based on a practical influence approximation that can be implemented in a
privacy-preserving manner. Each agent uses his own data to evaluate the
influence of another agent's batch, and reports to the center an obfuscated
score using differential privacy. Our technique allows for almost perfect
($>92\%$ recall) filtering of corrupted data in a variety of applications using
real-data. Importantly, the accuracy does not degrade significantly, even under
really strong privacy guarantees ($\varepsilon \leq 1$), especially under
realistic percentages of mislabeled data (for $15\%$ mislabeled data we only
lose $10\%$ in accuracy)."
4209,"Training Efficient CNNS: Tweaking the Nuts and Bolts of Neural Networks for Lighter, Faster and Robust Models","Deep Learning has revolutionized the fields of computer vision, natural
language understanding, speech recognition, information retrieval and more.
Many techniques have evolved over the past decade that made models lighter,
faster, and robust with better generalization. However, many deep learning
practitioners persist with pre-trained models and architectures trained mostly
on standard datasets such as Imagenet, MS-COCO, IMDB-Wiki Dataset, and
Kinetics-700 and are either hesitant or unaware of redesigning the architecture
from scratch that will lead to better performance. This scenario leads to
inefficient models that are not suitable on various devices such as mobile,
edge, and fog. In addition, these conventional training methods are of concern
as they consume a lot of computing power. In this paper, we revisit various
SOTA techniques that deal with architecture efficiency (Global Average Pooling,
depth-wise convolutions & squeeze and excitation, Blurpool), learning rate
(Cyclical Learning Rate), data augmentation (Mixup, Cutout), label manipulation
(label smoothing), weight space manipulation (stochastic weight averaging), and
optimizer (sharpness aware minimization). We demonstrate how an efficient deep
convolution network can be built in a phased manner by sequentially reducing
the number of training parameters and using the techniques mentioned above. We
achieved a SOTA accuracy of 99.2% on MNIST data with just 1500 parameters and
an accuracy of 86.01% with just over 140K parameters on the CIFAR-10 dataset."
4210,SelfReformer: Self-Refined Network with Transformer for Salient Object Detection,"The global and local contexts significantly contribute to the integrity of
predictions in Salient Object Detection (SOD). Unfortunately, existing methods
still struggle to generate complete predictions with fine details. There are
two major problems in conventional approaches: first, for global context,
high-level CNN-based encoder features cannot effectively catch long-range
dependencies, resulting in incomplete predictions. Second, downsampling the
ground truth to fit the size of predictions will introduce inaccuracy as the
ground truth details are lost during interpolation or pooling. Thus, in this
work, we developed a Transformer-based network and framed a supervised task for
a branch to learn the global context information explicitly. Besides, we adopt
Pixel Shuffle from Super-Resolution (SR) to reshape the predictions back to the
size of ground truth instead of the reverse. Thus details in the ground truth
are untouched. In addition, we developed a two-stage Context Refinement Module
(CRM) to fuse global context and automatically locate and refine the local
details in the predictions. The proposed network can guide and correct itself
based on the global and local context generated, thus is named, Self-Refined
Transformer (SelfReformer). Extensive experiments and evaluation results on
five benchmark datasets demonstrate the outstanding performance of the network,
and we achieved the state-of-the-art."
4211,Neural Copula: A unified framework for estimating generic high-dimensional Copula functions,"The Copula is widely used to describe the relationship between the marginal
distribution and joint distribution of random variables. The estimation of
high-dimensional Copula is difficult, and most existing solutions rely either
on simplified assumptions or on complicating recursive decompositions.
Therefore, people still hope to obtain a generic Copula estimation method with
both universality and simplicity. To reach this goal, a novel neural
network-based method (named Neural Copula) is proposed in this paper. In this
method, a hierarchical unsupervised neural network is constructed to estimate
the marginal distribution function and the Copula function by solving
differential equations. In the training program, various constraints are
imposed on both the neural network and its derivatives. The Copula estimated by
the proposed method is smooth and has an analytic expression. The effectiveness
of the proposed method is evaluated on both real-world datasets and complex
numerical simulations. Experimental results show that Neural Copula's fitting
quality for complex distributions is much better than classical methods. The
relevant code for the experiments is available on GitHub. (We encourage the
reader to run the program for a better understanding of the proposed method)."
4212,Tyger: Task-Type-Generic Active Learning for Molecular Property Prediction,"How to accurately predict the properties of molecules is an essential problem
in AI-driven drug discovery, which generally requires a large amount of
annotation for training deep learning models. Annotating molecules, however, is
quite costly because it requires lab experiments conducted by experts. To
reduce annotation cost, deep Active Learning (AL) methods are developed to
select only the most representative and informative data for annotating.
However, existing best deep AL methods are mostly developed for a single type
of learning task (e.g., single-label classification), and hence may not perform
well in molecular property prediction that involves various task types. In this
paper, we propose a Task-type-generic active learning framework (termed Tyger)
that is able to handle different types of learning tasks in a unified manner.
The key is to learn a chemically-meaningful embedding space and perform active
selection fully based on the embeddings, instead of relying on
task-type-specific heuristics (e.g., class-wise prediction probability) as done
in existing works. Specifically, for learning the embedding space, we
instantiate a querying module that learns to translate molecule graphs into
corresponding SMILES strings. Furthermore, to ensure that samples selected from
the space are both representative and informative, we propose to shape the
embedding space by two learning objectives, one based on domain knowledge and
the other leveraging feedback from the task learner (i.e., model that performs
the learning task at hand). We conduct extensive experiments on benchmark
datasets of different task types. Experimental results show that Tyger
consistently achieves high AL performance on molecular property prediction,
outperforming baselines by a large margin. We also perform ablative experiments
to verify the effectiveness of each component in Tyger."
4213,Memory-enriched computation and learning in spiking neural networks through Hebbian plasticity,"Memory is a key component of biological neural systems that enables the
retention of information over a huge range of temporal scales, ranging from
hundreds of milliseconds up to years. While Hebbian plasticity is believed to
play a pivotal role in biological memory, it has so far been analyzed mostly in
the context of pattern completion and unsupervised learning. Here, we propose
that Hebbian plasticity is fundamental for computations in biological neural
systems. We introduce a novel spiking neural network architecture that is
enriched by Hebbian synaptic plasticity. We show that Hebbian enrichment
renders spiking neural networks surprisingly versatile in terms of their
computational as well as learning capabilities. It improves their abilities for
out-of-distribution generalization, one-shot learning, cross-modal generative
association, language processing, and reward-based learning. As spiking neural
networks are the basis for energy-efficient neuromorphic hardware, this also
suggests that powerful cognitive neuromorphic systems can be build based on
this principle."
4214,RL with KL penalties is better viewed as Bayesian inference,"Reinforcement learning (RL) is frequently employed in fine-tuning large
language models (LMs), such as GPT-3, to penalize them for undesirable features
of generated sequences, such as offensiveness, social bias, harmfulness or
falsehood. The RL formulation involves treating the LM as a policy and updating
it to maximise the expected value of a reward function which captures human
preferences, such as non-offensiveness. In this paper, we analyze challenges
associated with treating a language model as an RL policy and show how avoiding
those challenges requires moving beyond the RL paradigm. We start by observing
that the standard RL approach is flawed as an objective for fine-tuning LMs
because it leads to distribution collapse: turning the LM into a degenerate
distribution. Then, we analyze KL-regularised RL, a widely used recipe for
fine-tuning LMs, which additionally constrains the fine-tuned LM to stay close
to its original distribution in terms of Kullback-Leibler (KL) divergence. We
show that KL-regularised RL is equivalent to variational inference:
approximating a Bayesian posterior which specifies how to update a prior LM to
conform with evidence provided by the reward function. We argue that this
Bayesian inference view of KL-regularised RL is more insightful than the
typically employed RL perspective. The Bayesian inference view explains how
KL-regularised RL avoids the distribution collapse problem and offers a
first-principles derivation for its objective. While this objective happens to
be equivalent to RL (with a particular choice of parametric reward), there
exist other objectives for fine-tuning LMs which are no longer equivalent to
RL. That observation leads to a more general point: RL is not an adequate
formal framework for problems such as fine-tuning language models. These
problems are best viewed as Bayesian inference: approximating a pre-defined
target distribution."
4215,Fed-DART and FACT: A solution for Federated Learning in a production environment,"Federated Learning as a decentralized artificial intelligence (AI) solution
solves a variety of problems in industrial applications. It enables a
continuously self-improving AI, which can be deployed everywhere at the edge.
However, bringing AI to production for generating a real business impact is a
challenging task. Especially in the case of Federated Learning, expertise and
resources from multiple domains are required to realize its full potential.
Having this in mind we have developed an innovative Federated Learning
framework FACT based on Fed-DART, enabling an easy and scalable deployment,
helping the user to fully leverage the potential of their private and
decentralized data."
4216,What You See is What You Classify: Black Box Attributions,"An important step towards explaining deep image classifiers lies in the
identification of image regions that contribute to individual class scores in
the model's output. However, doing this accurately is a difficult task due to
the black-box nature of such networks. Most existing approaches find such
attributions either using activations and gradients or by repeatedly perturbing
the input. We instead address this challenge by training a second deep network,
the Explainer, to predict attributions for a pre-trained black-box classifier,
the Explanandum. These attributions are in the form of masks that only show the
classifier-relevant parts of an image, masking out the rest. Our approach
produces sharper and more boundary-precise masks when compared to the saliency
maps generated by other methods. Moreover, unlike most existing approaches,
ours is capable of directly generating very distinct class-specific masks.
Finally, the proposed method is very efficient for inference since it only
takes a single forward pass through the Explainer to generate all
class-specific masks. We show that our attributions are superior to established
methods both visually and quantitatively, by evaluating them on the PASCAL
VOC-2007 and Microsoft COCO-2014 datasets."
4217,Deep Image Retrieval is not Robust to Label Noise,"Large-scale datasets are essential for the success of deep learning in image
retrieval. However, manual assessment errors and semi-supervised annotation
techniques can lead to label noise even in popular datasets. As previous works
primarily studied annotation quality in image classification tasks, it is still
unclear how label noise affects deep learning approaches to image retrieval. In
this work, we show that image retrieval methods are less robust to label noise
than image classification ones. Furthermore, we, for the first time,
investigate different types of label noise specific to image retrieval tasks
and study their effect on model performance."
4218,An Evaluation Study of Intrinsic Motivation Techniques applied to Reinforcement Learning over Hard Exploration Environments,"In the last few years, the research activity around reinforcement learning
tasks formulated over environments with sparse rewards has been especially
notable. Among the numerous approaches proposed to deal with these hard
exploration problems, intrinsic motivation mechanisms are arguably among the
most studied alternatives to date. Advances reported in this area over time
have tackled the exploration issue by proposing new algorithmic ideas to
generate alternative mechanisms to measure the novelty. However, most efforts
in this direction have overlooked the influence of different design choices and
parameter settings that have also been introduced to improve the effect of the
generated intrinsic bonus, forgetting the application of those choices to other
intrinsic motivation techniques that may also benefit of them. Furthermore,
some of those intrinsic methods are applied with different base reinforcement
algorithms (e.g. PPO, IMPALA) and neural network architectures, being hard to
fairly compare the provided results and the actual progress provided by each
solution. The goal of this work is to stress on this crucial matter in
reinforcement learning over hard exploration environments, exposing the
variability and susceptibility of avant-garde intrinsic motivation techniques
to diverse design factors. Ultimately, our experiments herein reported
underscore the importance of a careful selection of these design aspects
coupled with the exploration requirements of the environment and the task in
question under the same setup, so that fair comparisons can be guaranteed."
4219,How Powerful are Spectral Graph Neural Networks,"Spectral Graph Neural Network is a kind of Graph Neural Network (GNN) based
on graph signal filters. Some models able to learn arbitrary spectral filters
have emerged recently. However, few works analyze the expressive power of
spectral GNNs. This paper studies spectral GNNs' expressive power
theoretically. We first prove that even spectral GNNs without nonlinearity can
produce arbitrary graph signals and give two conditions for reaching
universality. They are: 1) no multiple eigenvalues of graph Laplacian, and 2)
no missing frequency components in node features. We also establish a
connection between the expressive power of spectral GNNs and Graph Isomorphism
(GI) testing, the latter of which is often used to characterize spatial GNNs'
expressive power. Moreover, we study the difference in empirical performance
among different spectral GNNs with the same expressive power from an
optimization perspective, and motivate the use of an orthogonal basis whose
weight function corresponds to the graph signal density in the spectrum.
Inspired by the analysis, we propose JacobiConv, which uses Jacobi basis due to
its orthogonality and flexibility to adapt to a wide range of weight functions.
JacobiConv deserts nonlinearity while outperforming all baselines on both
synthetic and real-world datasets."
4220,Logarithmic regret bounds for continuous-time average-reward Markov decision processes,"We consider reinforcement learning for continuous-time Markov decision
processes (MDPs) in the infinite-horizon, average-reward setting. In contrast
to discrete-time MDPs, a continuous-time process moves to a state and stays
there for a random holding time after an action is taken. With unknown
transition probabilities and rates of exponential holding times, we derive
instance-dependent regret lower bounds that are logarithmic in the time
horizon. Moreover, we design a learning algorithm and establish a finite-time
regret bound that achieves the logarithmic growth rate. Our analysis builds
upon upper confidence reinforcement learning, a delicate estimation of the mean
holding times, and stochastic comparison of point processes."
4221,Time-series Transformer Generative Adversarial Networks,"Many real-world tasks are plagued by limitations on data: in some instances
very little data is available and in others, data is protected by privacy
enforcing regulations (e.g. GDPR). We consider limitations posed specifically
on time-series data and present a model that can generate synthetic time-series
which can be used in place of real data. A model that generates synthetic
time-series data has two objectives: 1) to capture the stepwise conditional
distribution of real sequences, and 2) to faithfully model the joint
distribution of entire real sequences. Autoregressive models trained via
maximum likelihood estimation can be used in a system where previous
predictions are fed back in and used to predict future ones; in such models,
errors can accrue over time. Furthermore, a plausible initial value is required
making MLE based models not really generative. Many downstream tasks learn to
model conditional distributions of the time-series, hence, synthetic data drawn
from a generative model must satisfy 1) in addition to performing 2). We
present TsT-GAN, a framework that capitalises on the Transformer architecture
to satisfy the desiderata and compare its performance against five
state-of-the-art models on five datasets and show that TsT-GAN achieves higher
predictive performance on all datasets."
4222,Learning to Advise and Learning from Advice in Cooperative Multi-Agent Reinforcement Learning,"Learning to coordinate is a daunting problem in multi-agent reinforcement
learning (MARL). Previous works have explored it from many facets, including
cognition between agents, credit assignment, communication, expert
demonstration, etc. However, less attention were paid to agents' decision
structure and the hierarchy of coordination. In this paper, we explore the
spatiotemporal structure of agents' decisions and consider the hierarchy of
coordination from the perspective of multilevel emergence dynamics, based on
which a novel approach, Learning to Advise and Learning from Advice (LALA), is
proposed to improve MARL. Specifically, by distinguishing the hierarchy of
coordination, we propose to enhance decision coordination at meso level with an
advisor and leverage a policy discriminator to advise agents' learning at micro
level. The advisor learns to aggregate decision information in both spatial and
temporal domains and generates coordinated decisions by employing a
spatiotemporal dual graph convolutional neural network with a task-oriented
objective function. Each agent learns from the advice via a policy generative
adversarial learning method where a discriminator distinguishes between the
policies of the agent and the advisor and boosts both of them based on its
judgement. Experimental results indicate the advantage of LALA over baseline
approaches in terms of both learning efficiency and coordination capability.
Coordination mechanism is investigated from the perspective of multilevel
emergence dynamics and mutual information point of view, which provides a novel
perspective and method to analyze and improve MARL algorithms."
4223,Theoretical Analysis of Primal-Dual Algorithm for Non-Convex Stochastic Decentralized Optimization,"In recent years, decentralized learning has emerged as a powerful tool not
only for large-scale machine learning, but also for preserving privacy. One of
the key challenges in decentralized learning is that the data distribution held
by each node is statistically heterogeneous. To address this challenge, the
primal-dual algorithm called the Edge-Consensus Learning (ECL) was proposed and
was experimentally shown to be robust to the heterogeneity of data
distributions. However, the convergence rate of the ECL is provided only when
the objective function is convex, and has not been shown in a standard machine
learning setting where the objective function is non-convex. Furthermore, the
intuitive reason why the ECL is robust to the heterogeneity of data
distributions has not been investigated. In this work, we first investigate the
relationship between the ECL and Gossip algorithm and show that the update
formulas of the ECL can be regarded as correcting the local stochastic gradient
in the Gossip algorithm. Then, we propose the Generalized ECL (G-ECL), which
contains the ECL as a special case, and provide the convergence rates of the
G-ECL in both (strongly) convex and non-convex settings, which do not depend on
the heterogeneity of data distributions. Through synthetic experiments, we
demonstrate that the numerical results of both the G-ECL and ECL coincide with
the convergence rate of the G-ECL."
4224,Collaborative Adversarial Training,"The vulnerability of deep neural networks (DNNs) to adversarial examples has
attracted great attention in the machine learning community. The problem is
related to local non-smoothness and steepness of normally obtained loss
landscapes. Training augmented with adversarial examples (a.k.a., adversarial
training) is considered as an effective remedy. In this paper, we highlight
that some collaborative examples, nearly perceptually indistinguishable from
both adversarial and benign examples yet show extremely lower prediction loss,
can be utilized to enhance adversarial training. A novel method called
collaborative adversarial training (CoAT) is thus proposed to achieve new
state-of-the-arts."
4225,KQGC: Knowledge Graph Embedding with Smoothing Effects of Graph Convolutions for Recommendation,"Leveraging graphs on recommender systems has gained popularity with the
development of graph representation learning (GRL). In particular, knowledge
graph embedding (KGE) and graph neural networks (GNNs) are representative GRL
approaches, which have achieved the state-of-the-art performance on several
recommendation tasks. Furthermore, combination of KGE and GNNs (KG-GNNs) has
been explored and found effective in many academic literatures. One of the main
characteristics of GNNs is their ability to retain structural properties among
neighbors in the resulting dense representation, which is usually coined as
smoothing. The smoothing is specially desired in the presence of homophilic
graphs, such as the ones we find on recommender systems. In this paper, we
propose a new model for recommender systems named Knowledge Query-based Graph
Convolution (KQGC). In contrast to exisiting KG-GNNs, KQGC focuses on the
smoothing, and leverages a simple linear graph convolution for smoothing KGE. A
pre-trained KGE is fed into KQGC, and it is smoothed by aggregating neighbor
knowledge queries, which allow entity-embeddings to be aligned on appropriate
vector points for smoothing KGE effectively. We apply the proposed KQGC to a
recommendation task that aims prospective users for specific products.
Extensive experiments on a real E-commerce dataset demonstrate the
effectiveness of KQGC."
4226,Split personalities in Bayesian Neural Networks: the case for full marginalisation,"The true posterior distribution of a Bayesian neural network is massively
multimodal. Whilst most of these modes are functionally equivalent, we
demonstrate that there remains a level of real multimodality that manifests in
even the simplest neural network setups. It is only by fully marginalising over
all posterior modes, using appropriate Bayesian sampling tools, that we can
capture the split personalities of the network. The ability of a network
trained in this manner to reason between multiple candidate solutions
dramatically improves the generalisability of the model, a feature we contend
is not consistently captured by alternative approaches to the training of
Bayesian neural networks. We provide a concise minimal example of this, which
can provide lessons and a future path forward for correctly utilising the
explainability and interpretability of Bayesian neural networks."
4227,OPQ: Compressing Deep Neural Networks with One-shot Pruning-Quantization,"As Deep Neural Networks (DNNs) usually are overparameterized and have
millions of weight parameters, it is challenging to deploy these large DNN
models on resource-constrained hardware platforms, e.g., smartphones. Numerous
network compression methods such as pruning and quantization are proposed to
reduce the model size significantly, of which the key is to find suitable
compression allocation (e.g., pruning sparsity and quantization codebook) of
each layer. Existing solutions obtain the compression allocation in an
iterative/manual fashion while finetuning the compressed model, thus suffering
from the efficiency issue. Different from the prior art, we propose a novel
One-shot Pruning-Quantization (OPQ) in this paper, which analytically solves
the compression allocation with pre-trained weight parameters only. During
finetuning, the compression module is fixed and only weight parameters are
updated. To our knowledge, OPQ is the first work that reveals pre-trained model
is sufficient for solving pruning and quantization simultaneously, without any
complex iterative/manual optimization at the finetuning stage. Furthermore, we
propose a unified channel-wise quantization method that enforces all channels
of each layer to share a common codebook, which leads to low bit-rate
allocation without introducing extra overhead brought by traditional
channel-wise quantization. Comprehensive experiments on ImageNet with
AlexNet/MobileNet-V1/ResNet-50 show that our method improves accuracy and
training efficiency while obtains significantly higher compression rates
compared to the state-of-the-art."
4228,Human-in-the-loop: Provably Efficient Preference-based Reinforcement Learning with General Function Approximation,"We study human-in-the-loop reinforcement learning (RL) with trajectory
preferences, where instead of receiving a numeric reward at each step, the
agent only receives preferences over trajectory pairs from a human overseer.
The goal of the agent is to learn the optimal policy which is most preferred by
the human overseer. Despite the empirical successes, the theoretical
understanding of preference-based RL (PbRL) is only limited to the tabular
case. In this paper, we propose the first optimistic model-based algorithm for
PbRL with general function approximation, which estimates the model using
value-targeted regression and calculates the exploratory policies by solving an
optimistic planning problem. Our algorithm achieves the regret of $\tilde{O}
(\operatorname{poly}(d H) \sqrt{K} )$, where $d$ is the complexity measure of
the transition and preference model depending on the Eluder dimension and
log-covering numbers, $H$ is the planning horizon, $K$ is the number of
episodes, and $\tilde O(\cdot)$ omits logarithmic terms. Our lower bound
indicates that our algorithm is near-optimal when specialized to the linear
setting. Furthermore, we extend the PbRL problem by formulating a novel problem
called RL with $n$-wise comparisons, and provide the first sample-efficient
algorithm for this new setting. To the best of our knowledge, this is the first
theoretical result for PbRL with (general) function approximation."
4229,GraphAD: A Graph Neural Network for Entity-Wise Multivariate Time-Series Anomaly Detection,"In recent years, the emergence and development of third-party platforms have
greatly facilitated the growth of the Online to Offline (O2O) business.
However, the large amount of transaction data raises new challenges for
retailers, especially anomaly detection in operating conditions. Thus,
platforms begin to develop intelligent business assistants with embedded
anomaly detection methods to reduce the management burden on retailers.
Traditional time-series anomaly detection methods capture underlying patterns
from the perspectives of time and attributes, ignoring the difference between
retailers in this scenario. Besides, similar transaction patterns extracted by
the platforms can also provide guidance to individual retailers and enrich
their available information without privacy issues. In this paper, we pose an
entity-wise multivariate time-series anomaly detection problem that considers
the time-series of each unique entity. To address this challenge, we propose
GraphAD, a novel multivariate time-series anomaly detection model based on the
graph neural network. GraphAD decomposes the Key Performance Indicator (KPI)
into stable and volatility components and extracts their patterns in terms of
attributes, entities and temporal perspectives via graph neural networks. We
also construct a real-world entity-wise multivariate time-series dataset from
the business data of Ele.me. The experimental results on this dataset show that
GraphAD significantly outperforms existing anomaly detection methods."
4230,KRNet: Towards Efficient Knowledge Replay,"The knowledge replay technique has been widely used in many tasks such as
continual learning and continuous domain adaptation. The key lies in how to
effectively encode the knowledge extracted from previous data and replay them
during current training procedure. A simple yet effective model to achieve
knowledge replay is autoencoder. However, the number of stored latent codes in
autoencoder increases linearly with the scale of data and the trained encoder
is redundant for the replaying stage. In this paper, we propose a novel and
efficient knowledge recording network (KRNet) which directly maps an arbitrary
sample identity number to the corresponding datum. Compared with autoencoder,
our KRNet requires significantly ($400\times$) less storage cost for the latent
codes and can be trained without the encoder sub-network. Extensive experiments
validate the efficiency of KRNet, and as a showcase, it is successfully applied
in the task of continual learning."
4231,PyRelationAL: A Library for Active Learning Research and Development,"In constrained real-world scenarios where it is challenging or costly to
generate data, disciplined methods for acquiring informative new data points
are of fundamental importance for the efficient training of machine learning
(ML) models. Active learning (AL) is a subfield of ML focused on the
development of methods to iteratively and economically acquire data through
strategically querying new data points that are the most useful for a
particular task. Here, we introduce PyRelationAL, an open source library for AL
research. We describe a modular toolkit that is compatible with diverse ML
frameworks (e.g. PyTorch, Scikit-Learn, TensorFlow, JAX). Furthermore, to help
accelerate research and development in the field, the library implements a
number of published methods and provides API access to wide-ranging benchmark
datasets and AL task configurations based on existing literature. The library
is supplemented by an expansive set of tutorials, demos, and documentation to
help users get started. We perform experiments on the PyRelationAL collection
of benchmark datasets and showcase the considerable economies that AL can
provide. PyRelationAL is maintained using modern software engineering practices
- with an inclusive contributor code of conduct - to promote long term library
quality and utilisation."
4232,DistilCamemBERT: a distillation of the French model CamemBERT,"Modern Natural Language Processing (NLP) models based on Transformer
structures represent the state of the art in terms of performance on very
diverse tasks. However, these models are complex and represent several hundred
million parameters for the smallest of them. This may hinder their adoption at
the industrial level, making it difficult to scale up to a reasonable
infrastructure and/or to comply with societal and environmental
responsibilities. To this end, we present in this paper a model that
drastically reduces the computational cost of a well-known French model
(CamemBERT), while preserving good performance."
4233,Meta-Learning Regrasping Strategies for Physical-Agnostic Objects,"Grasping inhomogeneous objects, practical use in real-world applications,
remains a challenging task due to the unknown physical properties such as mass
distribution and coefficient of friction. In this study, we propose a
vision-based meta-learning algorithm to learn physical properties in an
agnostic way. In particular, we employ Conditional Neural Processes (CNPs) on
top of DexNet-2.0. CNPs learn physical embeddings rapidly from a few
observations where each observation is composed of i) the cropped depth image,
ii) the grasping height between the gripper and estimated grasping point, and
iii) the binary grasping result. Our modified conditional DexNet-2.0
(DexNet-CNP) updates the predicted grasping quality iteratively from new
observations, which can be executed in an online fashion. We evaluate our
method in the Pybullet simulator using various shape primitive objects with
different physical parameters. The results show that our model outperforms the
original DexNet-2.0 and is able to generalize on unseen objects with different
shapes."
4234,Learning to branch with Tree MDPs,"State-of-the-art Mixed Integer Linear Program (MILP) solvers combine
systematic tree search with a plethora of hard-coded heuristics, such as the
branching rule. The idea of learning branching rules from data has received
increasing attention recently, and promising results have been obtained by
learning fast approximations of the strong branching expert. In this work, we
instead propose to learn branching rules from scratch via Reinforcement
Learning (RL). We revisit the work of Etheve et al. (2020) and propose tree
Markov Decision Processes, or tree MDPs, a generalization of temporal MDPs that
provides a more suitable framework for learning to branch. We derive a tree
policy gradient theorem, which exhibits a better credit assignment compared to
its temporal counterpart. We demonstrate through computational experiments that
tree MDPs improve the learning convergence, and offer a promising framework for
tackling the learning-to-branch problem in MILPs."
4235,An improved neural network model for treatment effect estimation,"Nowadays, in many scientific and industrial fields there is an increasing
need for estimating treatment effects and answering causal questions. The key
for addressing these problems is the wealth of observational data and the
processes for leveraging this data. In this work, we propose a new model for
predicting the potential outcomes and the propensity score, which is based on a
neural network architecture. The proposed model exploits the covariates as well
as the outcomes of neighboring instances in training data. Numerical
experiments illustrate that the proposed model reports better treatment effect
estimation performance compared to state-of-the-art models."
4236,"Generalization, Mayhems and Limits in Recurrent Proximal Policy Optimization","At first sight it may seem straightforward to use recurrent layers in Deep
Reinforcement Learning algorithms to enable agents to make use of memory in the
setting of partially observable environments. Starting from widely used
Proximal Policy Optimization (PPO), we highlight vital details that one must
get right when adding recurrence to achieve a correct and efficient
implementation, namely: properly shaping the neural net's forward pass,
arranging the training data, correspondingly selecting hidden states for
sequence beginnings and masking paddings for loss computation. We further
explore the limitations of recurrent PPO by benchmarking the contributed novel
environments Mortar Mayhem and Searing Spotlights that challenge the agent's
memory beyond solely capacity and distraction tasks. Remarkably, we can
demonstrate a transition to strong generalization in Mortar Mayhem when scaling
the number of training seeds, while the agent does not succeed on Searing
Spotlights, which seems to be a tough challenge for memory-based agents."
4237,FL Games: A federated learning framework for distribution shifts,"Federated learning aims to train predictive models for data that is
distributed across clients, under the orchestration of a server. However,
participating clients typically each hold data from a different distribution,
whereby predictive models with strong in-distribution generalization can fail
catastrophically on unseen domains. In this work, we argue that in order to
generalize better across non-i.i.d. clients, it is imperative to only learn
correlations that are stable and invariant across domains. We propose FL Games,
a game-theoretic framework for federated learning for learning causal features
that are invariant across clients. While training to achieve the Nash
equilibrium, the traditional best response strategy suffers from high-frequency
oscillations. We demonstrate that FL Games effectively resolves this challenge
and exhibits smooth performance curves. Further, FL Games scales well in the
number of clients, requires significantly fewer communication rounds, and is
agnostic to device heterogeneity. Through empirical evaluation, we demonstrate
that FL Games achieves high out-of-distribution performance on various
benchmarks."
4238,Bézier Flow: a Surface-wise Gradient Descent Method for Multi-objective Optimization,"In this paper, we propose a strategy to construct a multi-objective
optimization algorithm from a single-objective optimization algorithm by using
the B\'ezier simplex model. Also, we extend the stability of optimization
algorithms in the sense of Probability Approximately Correct (PAC) learning and
define the PAC stability. We prove that it leads to an upper bound on the
generalization with high probability. Furthermore, we show that multi-objective
optimization algorithms derived from a gradient descent-based single-objective
optimization algorithm are PAC stable. We conducted numerical experiments and
demonstrated that our method achieved lower generalization errors than the
existing multi-objective optimization algorithm."
4239,PointDistiller: Structured Knowledge Distillation Towards Efficient and Compact 3D Detection,"The remarkable breakthroughs in point cloud representation learning have
boosted their usage in real-world applications such as self-driving cars and
virtual reality. However, these applications usually have an urgent requirement
for not only accurate but also efficient 3D object detection. Recently,
knowledge distillation has been proposed as an effective model compression
technique, which transfers the knowledge from an over-parameterized teacher to
a lightweight student and achieves consistent effectiveness in 2D vision.
However, due to point clouds' sparsity and irregularity, directly applying
previous image-based knowledge distillation methods to point cloud detectors
usually leads to unsatisfactory performance. To fill the gap, this paper
proposes PointDistiller, a structured knowledge distillation framework for
point clouds-based 3D detection. Concretely, PointDistiller includes local
distillation which extracts and distills the local geometric structure of point
clouds with dynamic graph convolution and reweighted learning strategy, which
highlights student learning on the crucial points or voxels to improve
knowledge distillation efficiency. Extensive experiments on both voxels-based
and raw points-based detectors have demonstrated the effectiveness of our
method over seven previous knowledge distillation methods. For instance, our 4X
compressed PointPillars student achieves 2.8 and 3.4 mAP improvements on BEV
and 3D object detection, outperforming its teacher by 0.9 and 1.8 mAP,
respectively. Codes have been released at
https://github.com/RunpeiDong/PointDistiller."
4240,FedNorm: Modality-Based Normalization in Federated Learning for Multi-Modal Liver Segmentation,"Given the high incidence and effective treatment options for liver diseases,
they are of great socioeconomic importance. One of the most common methods for
analyzing CT and MRI images for diagnosis and follow-up treatment is liver
segmentation. Recent advances in deep learning have demonstrated encouraging
results for automatic liver segmentation. Despite this, their success depends
primarily on the availability of an annotated database, which is often not
available because of privacy concerns. Federated Learning has been recently
proposed as a solution to alleviate these challenges by training a shared
global model on distributed clients without access to their local databases.
Nevertheless, Federated Learning does not perform well when it is trained on a
high degree of heterogeneity of image data due to multi-modal imaging, such as
CT and MRI, and multiple scanner types. To this end, we propose Fednorm and its
extension \fednormp, two Federated Learning algorithms that use a
modality-based normalization technique. Specifically, Fednorm normalizes the
features on a client-level, while Fednorm+ employs the modality information of
single slices in the feature normalization. Our methods were validated using
428 patients from six publicly available databases and compared to
state-of-the-art Federated Learning algorithms and baseline models in
heterogeneous settings (multi-institutional, multi-modal data). The
experimental results demonstrate that our methods show an overall acceptable
performance, achieve Dice per patient scores up to 0.961, consistently
outperform locally trained models, and are on par or slightly better than
centralized models."
4241,YouTube Ad View Sentiment Analysis using Deep Learning and Machine Learning,"Sentiment Analysis is currently a vital area of research. With the
advancement in the use of the internet, the creation of social media, websites,
blogs, opinions, ratings, etc. has increased rapidly. People express their
feedback and emotions on social media posts in the form of likes, dislikes,
comments, etc. The rapid growth in the volume of viewer-generated or
user-generated data or content on YouTube has led to an increase in YouTube
sentiment analysis. Due to this, analyzing the public reactions has become an
essential need for information extraction and data visualization in the
technical domain. This research predicts YouTube Ad view sentiments using Deep
Learning and Machine Learning algorithms like Linear Regression (LR), Support
Vector Machine (SVM), Decision Tree (DT), Random Forest (RF), and Artificial
Neural Network (ANN). Finally, a comparative analysis is done based on
experimental results acquired from different models."
4242,Beyond EM Algorithm on Over-specified Two-Component Location-Scale Gaussian Mixtures,"The Expectation-Maximization (EM) algorithm has been predominantly used to
approximate the maximum likelihood estimation of the location-scale Gaussian
mixtures. However, when the models are over-specified, namely, the chosen
number of components to fit the data is larger than the unknown true number of
components, EM needs a polynomial number of iterations in terms of the sample
size to reach the final statistical radius; this is computationally expensive
in practice. The slow convergence of EM is due to the missing of the locally
strong convexity with respect to the location parameter on the negative
population log-likelihood function, i.e., the limit of the negative sample
log-likelihood function when the sample size goes to infinity. To efficiently
explore the curvature of the negative log-likelihood functions, by specifically
considering two-component location-scale Gaussian mixtures, we develop the
Exponential Location Update (ELU) algorithm. The idea of the ELU algorithm is
that we first obtain the exact optimal solution for the scale parameter and
then perform an exponential step-size gradient descent for the location
parameter. We demonstrate theoretically and empirically that the ELU iterates
converge to the final statistical radius of the models after a logarithmic
number of iterations. To the best of our knowledge, it resolves the
long-standing open question in the literature about developing an optimization
algorithm that has optimal statistical and computational complexities for
solving parameter estimation even under some specific settings of the
over-specified Gaussian mixture models."
4243,WOGAN at the SBST 2022 CPS Tool Competition,"WOGAN is an online test generation algorithm based on Wasserstein generative
adversarial networks. In this note, we present how WOGAN works and summarize
its performance in the SBST 2022 CPS tool competition concerning the AI of a
self-driving car."
4244,Wasserstein Generative Adversarial Networks for Online Test Generation for Cyber Physical Systems,"We propose a novel online test generation algorithm WOGAN based on
Wasserstein Generative Adversarial Networks. WOGAN is a general-purpose
black-box test generator applicable to any system under test having a fitness
function for determining failing tests. As a proof of concept, we evaluate
WOGAN by generating roads such that a lane assistance system of a car fails to
stay on the designated lane. We find that our algorithm has a competitive
performance respect to previously published algorithms."
4245,Falsification of Multiple Requirements for Cyber-Physical Systems Using Online Generative Adversarial Networks and Multi-Armed Bandits,"We consider the problem of falsifying safety requirements of Cyber-Physical
Systems expressed in signal temporal logic (STL). This problem can be turned
into an optimization problem via STL robustness functions. In this paper, our
focus is in falsifying systems with multiple requirements. We propose to solve
such conjunctive requirements using online generative adversarial networks
(GANs) as test generators. Our main contribution is an algorithm which
falsifies a conjunctive requirement $\varphi_1 \land \cdots \land \varphi_n$ by
using a GAN for each requirement $\varphi_i$ separately. Using ideas from
multi-armed bandit algorithms, our algorithm only trains a single GAN at every
step, which saves resources. Our experiments indicate that, in addition to
saving resources, this multi-armed bandit algorithm can falsify requirements
with fewer number of executions on the system under test when compared to (i)
an algorithm training a single GAN for the complete conjunctive requirement and
(ii) an algorithm always training $n$ GANs at each step."
4246,TempLM: Distilling Language Models into Template-Based Generators,"While pretrained language models (PLMs) have greatly improved text
generation, they have also been known to produce unfaithful or inappropriate
content. In contrast, classic template-based systems provide strong guarantees
of faithfulness at the cost of fluency. We propose TempLM, which achieves the
best of both worlds by distilling a PLM into a template-based generator. On the
E2E and SynthBio data-to-text datasets, we show that TempLM is more faithful
than the original PLM and is more fluent than prior template systems. Notably,
on an out-of-domain evaluation, TempLM reduces a finetuned BART model's
unfaithfulness rate from 83% to 0%. In a human study, we find that TempLM's
templates substantially improve upon human-written ones in BERTScore."
4247,Flow-based Recurrent Belief State Learning for POMDPs,"Partially Observable Markov Decision Process (POMDP) provides a principled
and generic framework to model real world sequential decision making processes
but yet remains unsolved, especially for high dimensional continuous space and
unknown models. The main challenge lies in how to accurately obtain the belief
state, which is the probability distribution over the unobservable environment
states given historical information. Accurately calculating this belief state
is a precondition for obtaining an optimal policy of POMDPs. Recent advances in
deep learning techniques show great potential to learn good belief states.
However, existing methods can only learn approximated distribution with limited
flexibility. In this paper, we introduce the \textbf{F}l\textbf{O}w-based
\textbf{R}ecurrent \textbf{BE}lief \textbf{S}tate model (FORBES), which
incorporates normalizing flows into the variational inference to learn general
continuous belief states for POMDPs. Furthermore, we show that the learned
belief states can be plugged into downstream RL algorithms to improve
performance. In experiments, we show that our methods successfully capture the
complex belief states that enable multi-modal predictions as well as high
quality reconstructions, and results on challenging visual-motor control tasks
show that our method achieves superior performance and sample efficiency."
4248,GBA: A Tuning-free Approach to Switch between Synchronous and Asynchronous Training for Recommendation Model,"High-concurrency asynchronous training upon parameter server (PS)
architecture and high-performance synchronous training upon all-reduce (AR)
architecture are the most commonly deployed distributed training modes for
recommender systems. Although the synchronous AR training is designed to have
higher training efficiency, the asynchronous PS training would be a better
choice on training speed when there are stragglers (slow workers) in the shared
cluster, especially under limited computing resources. To take full advantages
of these two training modes, an ideal way is to switch between them upon the
cluster status. We find two obstacles to a tuning-free approach: the different
distribution of the gradient values and the stale gradients from the
stragglers. In this paper, we propose Global Batch gradients Aggregation (GBA)
over PS, which aggregates and applies gradients with the same global batch size
as the synchronous training. A token-control process is implemented to assemble
the gradients and decay the gradients with severe staleness. We provide the
convergence analysis to demonstrate the robustness of GBA over the
recommendation models against the gradient staleness. Experiments on three
industrial-scale recommendation tasks show that GBA is an effective tuning-free
approach for switching. Compared to the state-of-the-art derived asynchronous
training, GBA achieves up to 0.2% improvement on the AUC metric, which is
significant for the recommendation models. Meanwhile, under the strained
hardware resource, GBA speeds up at least 2.4x compared to the synchronous
training."
4249,Personalized Federated Learning with Server-Side Information,"Personalized Federated Learning (FL) is an emerging research field in FL that
learns an easily adaptable global model in the presence of data heterogeneity
among clients. However, one of the main challenges for personalized FL is the
heavy reliance on clients' computing resources to calculate higher-order
gradients since client data is segregated from the server to ensure privacy. To
resolve this, we focus on a problem setting where the server may possess its
own data independent of clients' data -- a prevalent problem setting in various
applications, yet relatively unexplored in existing literature. Specifically,
we propose FedSIM, a new method for personalized FL that actively utilizes such
server data to improve meta-gradient calculation in the server for increased
personalization performance. Experimentally, we demonstrate through various
benchmarks and ablations that FedSIM is superior to existing methods in terms
of accuracy, more computationally efficient by calculating the full
meta-gradients in the server, and converges up to 34.2% faster."
4250,FLEX: Feature-Logic Embedding Framework for CompleX Knowledge Graph Reasoning,"Current best performing models for knowledge graph reasoning (KGR) are based
on complex distribution or geometry objects to embed entities and first-order
logical (FOL) queries in low-dimensional spaces. They can be summarized as a
center-size framework (point/box/cone, Beta/Gaussian distribution, etc.) whose
logical reasoning ability is limited by the expressiveness of the relevant
mathematical concepts. Because too deeply the center and the size depend on
each other, it is difficult to integrate the logical reasoning ability with
other models. To address these challenges, we instead propose a novel KGR
framework named Feature-Logic Embedding framework, FLEX, which is the first KGR
framework that can not only TRULY handle all FOL operations including
conjunction, disjunction, negation and so on, but also support various feature
spaces. Specifically, the logic part of feature-logic framework is based on
vector logic, which naturally models all FOL operations. Experiments
demonstrate that FLEX significantly outperforms existing state-of-the-art
methods on benchmark datasets."
4251,Augmented Newton Method for Optimization: Global Linear Rate and Momentum Interpretation,"We propose two variants of Newton method for solving unconstrained
minimization problem. Our method leverages optimization techniques such as
penalty and augmented Lagrangian method to generate novel variants of the
Newton method namely the Penalty Newton method and the Augmented Newton method.
In doing so, we recover several well-known existing Newton method variants such
as Damped Newton, Levenberg, and Levenberg-Marquardt methods as special cases.
Moreover, the proposed Augmented Newton method can be interpreted as Newton
method with adaptive heavy ball momentum. We provide global convergence results
for the proposed methods under mild assumptions that hold for a wide variety of
problems. The proposed methods can be sought as the penalty and augmented
extensions of the results obtained by Karimireddy et. al [24]."
4252,Body Composition Estimation Based on Multimodal Multi-task Deep Neural Network,"In addition to body weight and Body Mass Index (BMI), body composition is an
essential data point that allows people to understand their overall health and
body fitness. However, body composition is largely made up of muscle, fat,
bones, and water, which makes estimation not as easy and straightforward as
measuring body weight. In this paper, we introduce a multimodal multi-task deep
neural network to estimate body fat percentage and skeletal muscle mass by
analyzing facial images in addition to a person's height, gender, age, and
weight information. Using a dataset representative of demographics in Japan, we
confirmed that the proposed approach performed better compared to the existing
methods. Moreover, the multi-task approach implemented in this study is also
able to grasp the negative correlation between body fat percentage and skeletal
muscle mass gain/loss."
4253,HessianFR: An Efficient Hessian-based Follow-the-Ridge Algorithm for Minimax Optimization,"Wide applications of differentiable two-player sequential games (e.g., image
generation by GANs) have raised much interest and attention of researchers to
study efficient and fast algorithms. Most of the existing algorithms are
developed based on nice properties of simultaneous games, i.e., convex-concave
payoff functions, but are not applicable in solving sequential games with
different settings. Some conventional gradient descent ascent algorithms
theoretically and numerically fail to find the local Nash equilibrium of the
simultaneous game or the local minimax (i.e., local Stackelberg equilibrium) of
the sequential game. In this paper, we propose the HessianFR, an efficient
Hessian-based Follow-the-Ridge algorithm with theoretical guarantees.
Furthermore, the convergence of the stochastic algorithm and the approximation
of Hessian inverse are exploited to improve algorithm efficiency. A series of
experiments of training generative adversarial networks (GANs) have been
conducted on both synthetic and real-world large-scale image datasets (e.g.
MNIST, CIFAR-10 and CelebA). The experimental results demonstrate that the
proposed HessianFR outperforms baselines in terms of convergence and image
generation quality."
4254,Cardiomegaly Detection using Deep Convolutional Neural Network with U-Net,"Cardiomegaly is indeed a medical disease in which the heart is enlarged.
Cardiomegaly is better to handle if caught early, so early detection is
critical. The chest X-ray, being one of the most often used radiography
examinations, has been used to detect and visualize abnormalities of human
organs for decades. X-ray is also a significant medical diagnosis tool for
cardiomegaly. Even for domain experts, distinguishing the many types of
diseases from the X-ray is a difficult and time-consuming task. Deep learning
models are also most effective when used on huge data sets, yet due to privacy
concerns, large datasets are rarely available inside the medical industry. A
Deep learning-based customized retrained U-Net model for detecting Cardiomegaly
disease is presented in this research. In the training phase, chest X-ray
images from the ""ChestX-ray8"" open source real dataset are used. To reduce
computing time, this model performs data preprocessing, picture improvement,
image compression, and classification before moving on to the training step.
The work used a chest x-ray image dataset to simulate and produced a diagnostic
accuracy of 94%, a sensitivity of 96.2 percent, and a specificity of 92.5
percent, which beats prior pre-trained model findings for identifying
Cardiomegaly disease."
4255,Distance-Sensitive Offline Reinforcement Learning,"In offline reinforcement learning (RL), one detrimental issue to policy
learning is the error accumulation of deep Q function in out-of-distribution
(OOD) areas. Unfortunately, existing offline RL methods are often
over-conservative, inevitably hurting generalization performance outside data
distribution. In our study, one interesting observation is that deep Q
functions approximate well inside the convex hull of training data. Inspired by
this, we propose a new method, DOGE (Distance-sensitive Offline RL with better
GEneralization). DOGE marries dataset geometry with deep function approximators
in offline RL, and enables exploitation in generalizable OOD areas rather than
strictly constraining policy within data distribution. Specifically, DOGE
trains a state-conditioned distance function that can be readily plugged into
standard actor-critic methods as a policy constraint. Simple yet elegant, our
algorithm enjoys better generalization compared to state-of-the-art methods on
D4RL benchmarks. Theoretical analysis demonstrates the superiority of our
approach to existing methods that are solely based on data distribution or
support constraints."
4256,Flexible and Hierarchical Prior for Bayesian Nonnegative Matrix Factorization,"In this paper, we introduce a probabilistic model for learning nonnegative
matrix factorization (NMF) that is commonly used for predicting missing values
and finding hidden patterns in the data, in which the matrix factors are latent
variables associated with each data dimension. The nonnegativity constraint for
the latent factors is handled by choosing priors with support on the
nonnegative subspace. Bayesian inference procedure based on Gibbs sampling is
employed. We evaluate the model on several real-world datasets including
MovieLens 100K and MovieLens 1M with different sizes and dimensions and show
that the proposed Bayesian NMF GRRN model leads to better predictions and
avoids overfitting compared to existing Bayesian NMF approaches."
4257,Efficient Reinforcement Learning from Demonstration Using Local Ensemble and Reparameterization with Split and Merge of Expert Policies,"The current work on reinforcement learning (RL) from demonstrations often
assumes the demonstrations are samples from an optimal policy, an unrealistic
assumption in practice. When demonstrations are generated by sub-optimal
policies or have sparse state-action pairs, policy learned from sub-optimal
demonstrations may mislead an agent with incorrect or non-local action
decisions. We propose a new method called Local Ensemble and Reparameterization
with Split and Merge of expert policies (LEARN-SAM) to improve efficiency and
make better use of the sub-optimal demonstrations. First, LEARN-SAM employs a
new concept, the lambda-function, based on a discrepancy measure between the
current state to demonstrated states to ""localize"" the weights of the expert
policies during learning. Second, LEARN-SAM employs a split-and-merge (SAM)
mechanism by separating the helpful parts in each expert demonstration and
regrouping them into new expert policies to use the demonstrations selectively.
Both the lambda-function and SAM mechanism help boost the learning speed.
Theoretically, we prove the invariant property of reparameterized policy before
and after the SAM mechanism, providing theoretical guarantees for the
convergence of the employed policy gradient method. We demonstrate the
superiority of the LEARN-SAM method and its robustness with varying
demonstration quality and sparsity in six experiments on complex continuous
control problems of low to high dimensions, compared to existing methods on RL
from demonstration."
4258,Nonparametric learning of kernels in nonlocal operators,"Nonlocal operators with integral kernels have become a popular tool for
designing solution maps between function spaces, due to their efficiency in
representing long-range dependence and the attractive feature of being
resolution-invariant. In this work, we provide a rigorous identifiability
analysis and convergence study for the learning of kernels in nonlocal
operators. It is found that the kernel learning is an ill-posed or even
ill-defined inverse problem, leading to divergent estimators in the presence of
modeling errors or measurement noises. To resolve this issue, we propose a
nonparametric regression algorithm with a novel data adaptive RKHS Tikhonov
regularization method based on the function space of identifiability. The
method yields a noisy-robust convergent estimator of the kernel as the data
resolution refines, on both synthetic and real-world datasets. In particular,
the method successfully learns a homogenized model for the stress wave
propagation in a heterogeneous solid, revealing the unknown governing laws from
real-world data at microscale. Our regularization method outperforms baseline
methods in robustness, generalizability and accuracy."
4259,Semi-Decentralized Federated Learning with Collaborative Relaying,"We present a semi-decentralized federated learning algorithm wherein clients
collaborate by relaying their neighbors' local updates to a central parameter
server (PS). At every communication round to the PS, each client computes a
local consensus of the updates from its neighboring clients and eventually
transmits a weighted average of its own update and those of its neighbors to
the PS. We appropriately optimize these averaging weights to ensure that the
global update at the PS is unbiased and to reduce the variance of the global
update at the PS, consequently improving the rate of convergence. Numerical
simulations substantiate our theoretical claims and demonstrate settings with
intermittent connectivity between the clients and the PS, where our proposed
algorithm shows an improved convergence rate and accuracy in comparison with
the federated averaging algorithm."
4260,Data-Efficient Modeling for Precise Power Consumption Estimation of Quadrotor Operations Using Ensemble Learning,"Electric Take-Off and Landing (eVTOL) aircraft is considered as the major
aircraft type in the emerging urban air mobility. Accurate power consumption
estimation is crucial to eVTOL, supporting advanced power management strategies
and improving the efficiency and safety performance of flight operations. In
this study, a framework for power consumption modeling of eVTOL aircraft was
established. We employed an ensemble learning method, namely stacking, to
develop a data-driven model using flight records of three different types of
quadrotors. Random forest and extreme gradient boosting, showing advantages in
prediction, were chosen as base-models, and a linear regression model was used
as the meta-model. The established stacking model can accurately estimate the
power of a quadrotor. Error analysis shows that about 80% prediction errors
fall within one standard deviation interval and less than 0.5% error in the
prediction for an entire flight can be expected with a confidence of more than
80%. Our model outperforms the existing models in two aspects: firstly, our
model has a better prediction performance, and secondly, our model is more
data-efficient, requiring a much smaller dataset. Our model provides a powerful
tool for operators of eVTOL aircraft in mission management and contributes to
promoting safe and energy-efficient urban air traffic."
4261,Global Extreme Heat Forecasting Using Neural Weather Models,"Heat waves are projected to increase in frequency and severity with global
warming. Improved warning systems would help reduce the associated loss of
lives, wildfires, power disruptions, and reduction in crop yields. In this
work, we explore the potential for deep learning systems trained on historical
data to forecast extreme heat on short, medium and subseasonal timescales. To
this purpose, we train a set of neural weather models (NWMs) with convolutional
architectures to forecast surface temperature anomalies globally, 1 to 28 days
ahead, at $\sim200~\mathrm{km}$ resolution and on the cubed sphere. The NWMs
are trained using the ERA5 reanalysis product and a set of candidate loss
functions, including the mean squared error and exponential losses targeting
extremes. We find that training models to minimize custom losses tailored to
emphasize extremes leads to significant skill improvements in the heat wave
prediction task, compared to NWMs trained on the mean squared error loss. This
improvement is accomplished with almost no skill reduction in the general
temperature prediction task, and it can be efficiently realized through
transfer learning, by re-training NWMs with the custom losses for a few epochs.
In addition, we find that the use of a symmetric exponential loss reduces the
smoothing of NWM forecasts with lead time. Our best NWM is able to outperform
persistence in a regressive sense for all lead times and temperature anomaly
thresholds considered, and shows positive regressive skill compared to the
ECMWF subseasonal-to-seasonal control forecast within the first two forecast
days and after two weeks."
4262,Investigating classification learning curves for automatically generated and labelled plant images,"In the context of supervised machine learning a learning curve describes how
a model's performance on unseen data relates to the amount of samples used to
train the model. In this paper we present a dataset of plant images with
representatives of crops and weeds common to the Manitoba prairies at different
growth stages. We determine the learning curve for a classification task on
this data with the ResNet architecture. Our results are in accordance with
previous studies and add to the evidence that learning curves are governed by
power-law relationships over large scales, applications, and models. We further
investigate how label noise and the reduction of trainable parameters impacts
the learning curve on this dataset. Both effects lead to the model requiring
disproportionally larger training sets to achieve the same classification
performance as observed without these effects."
4263,CYRUS Soccer Simulation 2D Team Description Paper 2022,"Soccer Simulation 2D League is one of the major leagues of RoboCup
competitions. In a Soccer Simulation 2D (SS2D) game, two teams of 11 players
and one coach compete against each other. The players are only allowed to
communicate with the server that is called Soccer Simulation Server. This paper
introduces the previous and current research of the CYRUS soccer simulation
team, the champion of RoboCup 2021. We will present our idea about improving
Unmarking Decisioning and Positioning by using Pass Prediction Deep Neural
Network. Based on our experimental results, this idea proven to be effective on
increasing the winning rate of Cyrus against opponents."
4264,Analysis of functional neural codes of deep learning models,"Deep neural networks (DNNs), the agents of deep learning (DL), require a
massive number of parallel/sequential operations. This makes it extremely
challenging to comprehend DNNs' operations and hinders proper diagnosis.
Consequently, DNNs cannot be readily used in high-stakes domains, in which
incorrect decisions can lead to catastrophic failures. Therefore, to build more
reliable DNNs/DL to be deployed in high-stakes real-world problems, it is
imperative that we develop proper analysis tools that will allow us to better
understand DNNs' internal operations underlying their decision-making. Here, we
used the self-organizing map (SOM) to analyze internal codes of DL models
associated with their decision-making. Our analyses suggest that hidden layer
activation patterns can be mapped onto a finite number of patterns and are
correlated with DL predictions, raising the possibility that they could serve
as functional codes of DL models. Encouraged by this observation, we further
used SOM to estimate input features coded in hidden layers, analyzed the
effects of adversarial inputs to better understand characterized internal
representations' evolution and adversarial perturbations' propagation in DL
models."
4265,Incentivizing Federated Learning,"Federated Learning is an emerging distributed collaborative learning paradigm
used by many of applications nowadays. The effectiveness of federated learning
relies on clients' collective efforts and their willingness to contribute local
data. However, due to privacy concerns and the costs of data collection and
model training, clients may not always contribute all the data they possess,
which would negatively affect the performance of the global model. This paper
presents an incentive mechanism that encourages clients to contribute as much
data as they can obtain. Unlike previous incentive mechanisms, our approach
does not monetize data. Instead, we implicitly use model performance as a
reward, i.e., significant contributors are paid off with better models. We
theoretically prove that clients will use as much data as they can possibly
possess to participate in federated learning under certain conditions with our
incentive mechanism"
4266,Deep Discriminative Direct Decoders for High-dimensional Time-series Analysis,"Dynamical latent variable modeling has been significantly invested over the
last couple of decades with established solutions encompassing generative
processes like the state-space model (SSM) and discriminative processes like a
recurrent or a deep neural network (DNN). These solutions are powerful tools
with promising results; however, surprisingly they were never put together in a
unified model to analyze complex multivariate time-series data. A very recent
modeling approach, called the direct discriminative decoder (DDD) model,
proposes a principal solution to combine SMM and DNN models, with promising
results in decoding underlying latent processes, e.g. rat movement trajectory,
through high-dimensional neural recordings. The DDD consists of a) a state
transition process, as per the classical dynamical models, and b) a
discriminative process, like DNN, in which the conditional distribution of
states is defined as a function of the current observations and their recent
history. Despite promising results of the DDD model, no training solutions, in
the context of DNN, have been utilized for this model. Here, we propose how DNN
parameters along with an optimal history term can be simultaneously estimated
as a part of the DDD model. We use the D4 abbreviation for a DDD with a DNN as
its discriminative process. We showed the D4 decoding performance in both
simulation and (relatively) high-dimensional neural data. In both datasets, D4
performance surpasses the state-of-art decoding solutions, including those of
SSM and DNNs. The key success of DDD and potentially D4 is efficient
utilization of the recent history of observation along with the state-process
that carries long-term information, which is not addressed in either SSM or DNN
solutions. We argue that D4 can be a powerful tool for the analysis of
high-dimensional time-series data."
4267,"Toward smart composites: small-scale, untethered prediction and control for soft sensor/actuator systems","We present a suite of algorithms and tools for model-predictive control of
sensor/actuator systems with embedded microcontroller units (MCU). These MCUs
can be colocated with sensors and actuators, thereby enabling a new class of
smart composites capable of autonomous behavior that does not require an
external computer. In this approach, kinematics are learned using a neural
network model from offline data and compiled into MCU code using nn4mc, an
open-source tool. Online Newton-Raphson optimization solves for the control
input. Shallow neural network models applied to 1D sensor signals allow for
reduced model sizes and increased control loop frequencies. We validate this
approach on a simulated mass-spring-damper system and two experimental setups
with different sensing, actuation, and computational hardware: a tendon-based
platform with embedded optical lace sensors and a HASEL-based platform with
magnetic sensors. Experimental results indicate effective high-bandwidth
tracking of reference paths (120 Hz and higher) with a small memory footprint
(less than or equal to 6.4% of available flash). The measured path following
error does not exceed 2 mm in the tendon-based platform, and the predicted path
following error does not exceed 1 mm in the HASEL-based platform. This
controller code's mean power consumption in an ARM Cortex-M4 computer is 45.4
mW. This control approach is also compatible with Tensorflow Lite models and
equivalent compilers. Embedded intelligence in composite materials enables a
new class of composites that infuse intelligence into structures and systems,
making them capable of responding to environmental stimuli using their
proprioception."
4268,muNet: Evolving Pretrained Deep Neural Networks into Scalable Auto-tuning Multitask Systems,"Most uses of machine learning today involve training a model from scratch for
a particular task, or sometimes starting with a model pretrained on a related
task and then fine-tuning on a downstream task. Both approaches offer limited
knowledge transfer between different tasks, time-consuming human-driven
customization to individual tasks and high computational costs especially when
starting from randomly initialized models. We propose a method that uses the
layers of a pretrained deep neural network as building blocks to construct an
ML system that can jointly solve an arbitrary number of tasks. The resulting
system can leverage cross tasks knowledge transfer, while being immune from
common drawbacks of multitask approaches such as catastrophic forgetting,
gradients interference and negative transfer. We define an evolutionary
approach designed to jointly select the prior knowledge relevant for each task,
choose the subset of the model parameters to train and dynamically auto-tune
its hyperparameters. Furthermore, a novel scale control method is employed to
achieve quality/size trade-offs that outperform common fine-tuning techniques.
Compared with standard fine-tuning on a benchmark of 10 diverse image
classification tasks, the proposed model improves the average accuracy by 2.39%
while using 47% less parameters per task."
4269,On Elimination Strategies for Bandit Fixed-Confidence Identification,"Elimination algorithms for bandit identification, which prune the plausible
correct answers sequentially until only one remains, are computationally
convenient since they reduce the problem size over time. However, existing
elimination strategies are often not fully adaptive (they update their sampling
rule infrequently) and are not easy to extend to combinatorial settings, where
the set of answers is exponentially large in the problem dimension. On the
other hand, most existing fully-adaptive strategies to tackle general
identification problems are computationally demanding since they repeatedly
test the correctness of every answer, without ever reducing the problem size.
We show that adaptive methods can be modified to use elimination in both their
stopping and sampling rules, hence obtaining the best of these two worlds: the
algorithms (1) remain fully adaptive, (2) suffer a sample complexity that is
never worse of their non-elimination counterpart, and (3) provably eliminate
certain wrong answers early. We confirm these benefits experimentally, where
elimination improves significantly the computational complexity of adaptive
methods on common tasks like best-arm identification in linear bandits."
4270,AutoJoin: Efficient Adversarial Training for Robust Maneuvering via Denoising Autoencoder and Joint Learning,"As a result of increasingly adopted machine learning algorithms and
ubiquitous sensors, many 'perception-to-control' systems have been deployed in
various settings. For these systems to be trustworthy, we need to improve their
robustness with adversarial training being one approach. In this work, we
propose a gradient-free adversarial training technique, called AutoJoin.
AutoJoin is a very simple yet effective and efficient approach to produce
robust models for imaged-based autonomous maneuvering. Compared to other SOTA
methods with testing on over 5M perturbed and clean images, AutoJoin achieves
significant performance increases up to the 40% range under perturbed datasets
while improving on clean performance for almost every dataset tested. In
particular, AutoJoin can triple the clean performance improvement compared to
the SOTA work by Shen et al. Regarding efficiency, AutoJoin demonstrates strong
advantages over other SOTA techniques by saving up to 83% time per training
epoch and 90% training data. The core idea of AutoJoin is to use a decoder
attachment to the original regression model creating a denoising autoencoder
within the architecture. This allows the tasks 'steering' and 'denoising sensor
input' to be jointly learnt and enable the two tasks to reinforce each other's
performance."
4271,Argumentative Explanations for Pattern-Based Text Classifiers,"Recent works in Explainable AI mostly address the transparency issue of
black-box models or create explanations for any kind of models (i.e., they are
model-agnostic), while leaving explanations of interpretable models largely
underexplored. In this paper, we fill this gap by focusing on explanations for
a specific interpretable model, namely pattern-based logistic regression (PLR)
for binary text classification. We do so because, albeit interpretable, PLR is
challenging when it comes to explanations. In particular, we found that a
standard way to extract explanations from this model does not consider
relations among the features, making the explanations hardly plausible to
humans. Hence, we propose AXPLR, a novel explanation method using (forms of)
computational argumentation to generate explanations (for outputs computed by
PLR) which unearth model agreements and disagreements among the features.
Specifically, we use computational argumentation as follows: we see features
(patterns) in PLR as arguments in a form of quantified bipolar argumentation
frameworks (QBAFs) and extract attacks and supports between arguments based on
specificity of the arguments; we understand logistic regression as a gradual
semantics for these QBAFs, used to determine the arguments' dialectic strength;
and we study standard properties of gradual semantics for QBAFs in the context
of our argumentative re-interpretation of PLR, sanctioning its suitability for
explanatory purposes. We then show how to extract intuitive explanations (for
outputs computed by PLR) from the constructed QBAFs. Finally, we conduct an
empirical evaluation and two experiments in the context of human-AI
collaboration to demonstrate the advantages of our resulting AXPLR method."
4272,Fast ABC-Boost: A Unified Framework for Selecting the Base Class in Multi-Class Classification,"The work in ICML'09 showed that the derivatives of the classical multi-class
logistic regression loss function could be re-written in terms of a pre-chosen
""base class"" and applied the new derivatives in the popular boosting framework.
In order to make use of the new derivatives, one must have a strategy to
identify/choose the base class at each boosting iteration. The idea of
""adaptive base class boost"" (ABC-Boost) in ICML'09, adopted a computationally
expensive ""exhaustive search"" strategy for the base class at each iteration. It
has been well demonstrated that ABC-Boost, when integrated with trees, can
achieve substantial improvements in many multi-class classification tasks.
Furthermore, the work in UAI'10 derived the explicit second-order tree split
gain formula which typically improved the classification accuracy considerably,
compared with using only the fist-order information for tree-splitting, for
both multi-class and binary-class classification tasks. In this paper, we
develop a unified framework for effectively selecting the base class by
introducing a series of ideas to improve the computational efficiency of
ABC-Boost. Our framework has parameters $(s,g,w)$. At each boosting iteration,
we only search for the ""$s$-worst classes"" (instead of all classes) to
determine the base class. We also allow a ""gap"" $g$ when conducting the search.
That is, we only search for the base class at every $g+1$ iterations. We
furthermore allow a ""warm up"" stage by only starting the search after $w$
boosting iterations. The parameters $s$, $g$, $w$, can be viewed as tunable
parameters and certain combinations of $(s,g,w)$ may even lead to better test
accuracy than the ""exhaustive search"" strategy. Overall, our proposed framework
provides a robust and reliable scheme for implementing ABC-Boost in practice."
4273,Test-Time Robust Personalization for Federated Learning,"Federated Learning (FL) is a machine learning paradigm where many clients
collaboratively learn a shared global model with decentralized training data.
Personalization on FL model additionally adapts the global model to different
clients, achieving promising results on consistent local training & test
distributions. However, for real-world personalized FL applications, it is
crucial to go one step further: robustifying FL models under evolving local
test set during deployment, where various types of distribution shifts can
arise. In this work, we identify the pitfalls of existing works under test-time
distribution shifts and propose a novel test-time robust personalization
method, namely Federated Test-time Head Ensemble plus tuning (FedTHE+). We
illustrate the advancement of FedTHE+ (and its degraded computationally
efficient variant FedTHE) over strong competitors, for training various neural
architectures (CNN, ResNet, and Transformer) on CIFAR10 and ImageNet and
evaluating on diverse test distributions. Along with this, we build a benchmark
for assessing performance and robustness of personalized FL methods during
deployment."
4274,Weisfeiler and Leman Go Walking: Random Walk Kernels Revisited,"Random walk kernels have been introduced in seminal work on graph learning
and were later largely superseded by kernels based on the Weisfeiler-Leman test
for graph isomorphism. We give a unified view on both classes of graph kernels.
We study walk-based node refinement methods and formally relate them to several
widely-used techniques, including Morgan's algorithm for molecule canonization
and the Weisfeiler-Leman test. We define corresponding walk-based kernels on
nodes that allow fine-grained parameterized neighborhood comparison, reach
Weisfeiler-Leman expressiveness, and are computed using the kernel trick. From
this we show that classical random walk kernels with only minor modifications
regarding definition and computation are as expressive as the widely-used
Weisfeiler-Leman subtree kernel but support non-strict neighborhood comparison.
We verify experimentally that walk-based kernels reach or even surpass the
accuracy of Weisfeiler-Leman kernels in real-world classification tasks."
4275,Limitations of a proposed correction for slow drifts in decision criterion,"Trial history biases in decision-making tasks are thought to reflect
systematic updates of decision variables, therefore their precise nature
informs conclusions about underlying heuristic strategies and learning
processes. However, random drifts in decision variables can corrupt this
inference by mimicking the signatures of systematic updates. Hence, identifying
the trial-by-trial evolution of decision variables requires methods that can
robustly account for such drifts. Recent studies (Lak'20, Mendon\c{c}a'20) have
made important advances in this direction, by proposing a convenient method to
correct for the influence of slow drifts in decision criterion, a key decision
variable. Here we apply this correction to a variety of updating scenarios, and
evaluate its performance. We show that the correction fails for a wide range of
commonly assumed systematic updating strategies, distorting one's inference
away from the veridical strategies towards a narrow subset. To address these
limitations, we propose a model-based approach for disambiguating systematic
updates from random drifts, and demonstrate its success on real and synthetic
datasets. We show that this approach accurately recovers the latent trajectory
of drifts in decision criterion as well as the generative systematic updates
from simulated data. Our results offer recommendations for methods to account
for the interactions between history biases and slow drifts, and highlight the
advantages of incorporating assumptions about the generative process directly
into models of decision-making."
4276,Power and accountability in reinforcement learning applications to environmental policy,"Machine learning (ML) methods already permeate environmental decision-making,
from processing high-dimensional data on earth systems to monitoring compliance
with environmental regulations. Of the ML techniques available to address
pressing environmental problems (e.g., climate change, biodiversity loss),
Reinforcement Learning (RL) may both hold the greatest promise and present the
most pressing perils. This paper explores how RL-driven policy refracts
existing power relations in the environmental domain while also creating unique
challenges to ensuring equitable and accountable environmental decision
processes. We leverage examples from RL applications to climate change
mitigation and fisheries management to explore how RL technologies shift the
distribution of power between resource users, governing bodies, and private
industry."
4277,Improved Modeling of Persistence Diagram,"High-dimensional reduction methods are powerful tools for describing the main
patterns in big data. One of these methods is the topological data analysis
(TDA), which modeling the shape of the data in terms of topological properties.
This method specifically translates the original data into two-dimensional
system, which is graphically represented via the 'persistence diagram'. The
outliers points on this diagram present the data pattern, whereas the other
points behave as a random noise. In order to determine which points are
significant outliers, replications of the original data set are needed. Once
only one original data is available, replications can be created by fitting a
model for the points on the persistence diagram, and then using the MCMC
methods. One of such model is the RST (Replicating Statistical Topology). In
this paper we suggest a modification of the RST model. Using a simulation
study, we show that the modified RST improves the performance of the RST in
terms of goodness of fit. We use the MCMC Metropolis-Hastings algorithm for
sampling according to the fitted model."
4278,Contextual Information-Directed Sampling,"Information-directed sampling (IDS) has recently demonstrated its potential
as a data-efficient reinforcement learning algorithm. However, it is still
unclear what is the right form of information ratio to optimize when contextual
information is available. We investigate the IDS design through two contextual
bandit problems: contextual bandits with graph feedback and sparse linear
contextual bandits. We provably demonstrate the advantage of contextual IDS
over conditional IDS and emphasize the importance of considering the context
distribution. The main message is that an intelligent agent should invest more
on the actions that are beneficial for the future unseen contexts while the
conditional IDS can be myopic. We further propose a computationally-efficient
version of contextual IDS based on Actor-Critic and evaluate it empirically on
a neural network contextual bandit."
4279,Nonparametric likelihood-free inference with Jensen-Shannon divergence for simulator-based models with categorical output,"Likelihood-free inference for simulator-based statistical models has recently
attracted a surge of interest, both in the machine learning and statistics
communities. The primary focus of these research fields has been to approximate
the posterior distribution of model parameters, either by various types of
Monte Carlo sampling algorithms or deep neural network -based surrogate models.
Frequentist inference for simulator-based models has been given much less
attention to date, despite that it would be particularly amenable to
applications with big data where implicit asymptotic approximation of the
likelihood is expected to be accurate and can leverage computationally
efficient strategies. Here we derive a set of theoretical results to enable
estimation, hypothesis testing and construction of confidence intervals for
model parameters using asymptotic properties of the Jensen--Shannon divergence.
Such asymptotic approximation offers a rapid alternative to more
computation-intensive approaches and can be attractive for diverse applications
of simulator-based models. 61"
4280,Fast Gaussian Process Posterior Mean Prediction via Local Cross Validation and Precomputation,"Gaussian processes (GPs) are Bayesian non-parametric models useful in a
myriad of applications. Despite their popularity, the cost of GP predictions
(quadratic storage and cubic complexity with respect to the number of training
points) remains a hurdle in applying GPs to large data. We present a fast
posterior mean prediction algorithm called FastMuyGPs to address this
shortcoming. FastMuyGPs is based upon the MuyGPs hyperparameter estimation
algorithm and utilizes a combination of leave-one-out cross-validation,
batching, nearest neighbors sparsification, and precomputation to provide
scalable, fast GP prediction. We demonstrate several benchmarks wherein
FastMuyGPs prediction attains superior accuracy and competitive or superior
runtime to both deep neural networks and state-of-the-art scalable GP
algorithms."
4281,Fusion Subspace Clustering for Incomplete Data,"This paper introduces {\em fusion subspace clustering}, a novel method to
learn low-dimensional structures that approximate large scale yet highly
incomplete data. The main idea is to assign each datum to a subspace of its
own, and minimize the distance between the subspaces of all data, so that
subspaces of the same cluster get {\em fused} together. Our method allows low,
high, and even full-rank data; it directly accounts for noise, and its sample
complexity approaches the information-theoretic limit. In addition, our
approach provides a natural model selection {\em clusterpath}, and a direct
completion method. We give convergence guarantees, analyze computational
complexity, and show through extensive experiments on real and synthetic data
that our approach performs comparably to the state-of-the-art with complete
data, and dramatically better if data is missing."
4282,Memory-efficient Reinforcement Learning with Knowledge Consolidation,"Artificial neural networks are promising as general function approximators
but challenging to train on non-independent and identically distributed data
due to catastrophic forgetting. Experience replay, a standard component in deep
reinforcement learning, is often used to reduce forgetting and improve sample
efficiency by storing experiences in a large buffer and using them for training
later. However, a large replay buffer results in a heavy memory burden,
especially for onboard and edge devices with limited memory capacities. We
propose memory-efficient reinforcement learning algorithms based on the deep
Q-network algorithm to alleviate this problem. Our algorithms reduce forgetting
and maintain high sample efficiency by consolidating knowledge from the target
Q-network to the current Q-network. Compared to baseline methods, our
algorithms achieve comparable or better performance on both feature-based and
image-based tasks while easing the burden of large experience replay buffers."
4283,Federated Learning Aggregation: New Robust Algorithms with Guarantees,"Federated Learning has been recently proposed for distributed model training
at the edge. The principle of this approach is to aggregate models learned on
distributed clients to obtain a new more general ""average"" model (FedAvg). The
resulting model is then redistributed to clients for further training. To date,
the most popular federated learning algorithm uses coordinate-wise averaging of
the model parameters for aggregation. In this paper, we carry out a complete
general mathematical convergence analysis to evaluate aggregation strategies in
a federated learning framework. From this, we derive novel aggregation
algorithms which are able to modify their model architecture by differentiating
client contributions according to the value of their losses. Moreover, we go
beyond the assumptions introduced in theory, by evaluating the performance of
these strategies and by comparing them with the one of FedAvg in classification
tasks in both the IID and the Non-IID framework without additional hypothesis."
4284,Positioning Fog Computing for Smart Manufacturing,"We study machine learning systems for real-time industrial quality control.
In many factory systems, production processes must be continuously controlled
in order to maintain product quality. Especially challenging are the systems
that must balance in real-time between stringent resource consumption
constraints and the risk of defective end-product. There is a need for
automated quality control systems as human control is tedious and error-prone.
We see machine learning as a viable choice for developing automated quality
control systems, but integrating such system with existing factory automation
remains a challenge. In this paper we propose introducing a new fog computing
layer to the standard hierarchy of automation control to meet the needs of
machine learning driven quality control."
4285,RVAE-LAMOL: Residual Variational Autoencoder to Enhance Lifelong Language Learning,"Lifelong Language Learning (LLL) aims to train a neural network to learn a
stream of NLP tasks while retaining knowledge from previous tasks. However,
previous works which followed data-free constraint still suffer from
catastrophic forgetting issue, where the model forgets what it just learned
from previous tasks. In order to alleviate catastrophic forgetting, we propose
the residual variational autoencoder (RVAE) to enhance LAMOL, a recent LLL
model, by mapping different tasks into a limited unified semantic space. In
this space, previous tasks are easy to be correct to their own distribution by
pseudo samples. Furthermore, we propose an identity task to make the model is
discriminative to recognize the sample belonging to which task. For training
RVAE-LAMOL better, we propose a novel training scheme Alternate Lag Training.
In the experiments, we test RVAE-LAMOL on permutations of three datasets from
DecaNLP. The experimental results demonstrate that RVAE-LAMOL outperforms
na\""ive LAMOL on all permutations and generates more meaningful pseudo-samples."
4286,Robust Quantity-Aware Aggregation for Federated Learning,"Federated learning (FL) enables multiple clients to collaboratively train
models without sharing their local data, and becomes an important
privacy-preserving machine learning framework. However, classical FL faces
serious security and robustness problem, e.g., malicious clients can poison
model updates and at the same time claim large quantities to amplify the impact
of their model updates in the model aggregation. Existing defense methods for
FL, while all handling malicious model updates, either treat all quantities
benign or simply ignore/truncate the quantities of all clients. The former is
vulnerable to quantity-enhanced attack, while the latter leads to sub-optimal
performance since the local data on different clients is usually in
significantly different sizes. In this paper, we propose a robust
quantity-aware aggregation algorithm for federated learning, called FedRA, to
perform the aggregation with awareness of local data quantities while being
able to defend against quantity-enhanced attacks. More specifically, we propose
a method to filter malicious clients by jointly considering the uploaded model
updates and data quantities from different clients, and performing
quantity-aware weighted averaging on model updates from remaining clients.
Moreover, as the number of malicious clients participating in the federated
learning may dynamically change in different rounds, we also propose a
malicious client number estimator to predict how many suspicious clients should
be filtered in each round. Experiments on four public datasets demonstrate the
effectiveness of our FedRA method in defending FL against quantity-enhanced
attacks."
4287,Addressing Strategic Manipulation Disparities in Fair Classification,"In real-world classification settings, individuals respond to classifier
predictions by updating their features to increase their likelihood of
receiving a particular (positive) decision (at a certain cost). Yet, when
different demographic groups have different feature distributions or different
cost functions, prior work has shown that individuals from minority groups
often pay a higher cost to update their features. Fair classification aims to
address such classifier performance disparities by constraining the classifiers
to satisfy statistical fairness properties. However, we show that standard
fairness constraints do not guarantee that the constrained classifier reduces
the disparity in strategic manipulation cost. To address such biases in
strategic settings and provide equal opportunities for strategic manipulation,
we propose a constrained optimization framework that constructs classifiers
that lower the strategic manipulation cost for the minority groups. We develop
our framework by studying theoretical connections between group-specific
strategic cost disparity and standard selection rate fairness metrics (e.g.,
statistical rate and true positive rate). Empirically, we show the efficacy of
this approach over multiple real-world datasets."
4288,Self-supervised U-net for few-shot learning of object segmentation in microscopy images,"State-of-the-art segmentation performances are achieved by deep neural
networks. Training these networks from only a few training examples is
challenging while producing annotated images that provide supervision is
tedious. Recently, self-supervision, i.e. designing a neural pipeline providing
synthetic or indirect supervision, has proved to significantly increase
generalization performances of models trained on few shots. This paper
introduces one such neural pipeline in the context of microscopic image
segmentation. By leveraging the rather simple content of these images a trainee
network can be mentored by a referee network which has been previously trained
on synthetically generated pairs of corrupted/correct region masks."
4289,Neural Inverse Kinematics,"Inverse kinematic (IK) methods recover the parameters of the joints, given
the desired position of selected elements in the kinematic chain. While the
problem is well-defined and low-dimensional, it has to be solved rapidly,
accounting for multiple possible solutions. In this work, we propose a neural
IK method that employs the hierarchical structure of the problem to
sequentially sample valid joint angles conditioned on the desired position and
on the preceding joints along the chain. In our solution, a hypernetwork $f$
recovers the parameters of multiple primary networks {$g_1,g_2,\dots,g_N$,
where $N$ is the number of joints}, such that each $g_i$ outputs a distribution
of possible joint angles, and is conditioned on the sampled values obtained
from the previous primary networks $g_j, j90% at precision 99%."
4331,NS3: Neuro-Symbolic Semantic Code Search,"Semantic code search is the task of retrieving a code snippet given a textual
description of its functionality. Recent work has been focused on using
similarity metrics between neural embeddings of text and code. However, current
language models are known to struggle with longer, compositional text, and
multi-step reasoning. To overcome this limitation, we propose supplementing the
query sentence with a layout of its semantic structure. The semantic layout is
used to break down the final reasoning decision into a series of lower-level
decisions. We use a Neural Module Network architecture to implement this idea.
We compare our model - NS3 (Neuro-Symbolic Semantic Search) - to a number of
baselines, including state-of-the-art semantic code retrieval methods, and
evaluate on two datasets - CodeSearchNet and Code Search and Question
Answering. We demonstrate that our approach results in more precise code
retrieval, and we study the effectiveness of our modular design when handling
compositional queries."
4332,Pessimism for Offline Linear Contextual Bandits using $\ell_p$ Confidence Sets,"We present a family $\{\hat{\pi}\}_{p\ge 1}$ of pessimistic learning rules
for offline learning of linear contextual bandits, relying on confidence sets
with respect to different $\ell_p$ norms, where $\hat{\pi}_2$ corresponds to
Bellman-consistent pessimism (BCP), while $\hat{\pi}_\infty$ is a novel
generalization of lower confidence bound (LCB) to the linear setting. We show
that the novel $\hat{\pi}_\infty$ learning rule is, in a sense, adaptively
optimal, as it achieves the minimax performance (up to log factors) against all
$\ell_q$-constrained problems, and as such it strictly dominates all other
predictors in the family, including $\hat{\pi}_2$."
4333,Online Coreference Resolution for Dialogue Processing: Improving Mention-Linking on Real-Time Conversations,"This paper suggests a direction of coreference resolution for online decoding
on actively generated input such as dialogue, where the model accepts an
utterance and its past context, then finds mentions in the current utterance as
well as their referents, upon each dialogue turn. A baseline and four
incremental-updated models adapted from the mention-linking paradigm are
proposed for this new setting, which address different aspects including the
singletons, speaker-grounded encoding and cross-turn mention contextualization.
Our approach is assessed on three datasets: Friends, OntoNotes, and BOLT.
Results show that each aspect brings out steady improvement, and our best
models outperform the baseline by over 10%, presenting an effective system for
this setting. Further analysis highlights the task characteristics, such as the
significance of addressing the mention recall."
4334,Individual Topology Structure of Eye Movement Trajectories,"Traditionally, extracting patterns from eye movement data relies on
statistics of different macro-events such as fixations and saccades. This
requires an additional preprocessing step to separate the eye movement
subtypes, often with a number of parameters on which the classification results
depend. Besides that, definitions of such macro events are formulated in
different ways by different researchers.
We propose an application of a new class of features to the quantitative
analysis of personal eye movement trajectories structure. This new class of
features based on algebraic topology allows extracting patterns from different
modalities of gaze such as time series of coordinates and amplitudes, heatmaps,
and point clouds in a unified way at all scales from micro to macro. We
experimentally demonstrate the competitiveness of the new class of features
with the traditional ones and their significant synergy while being used
together for the person authentication task on the recently published eye
movement trajectories dataset."
4335,MultiBiSage: A Web-Scale Recommendation System Using Multiple Bipartite Graphs at Pinterest,"Graph Convolutional Networks (GCN) can efficiently integrate graph structure
and node features to learn high-quality node embeddings. These embeddings can
then be used for several tasks such as recommendation and search. At Pinterest,
we have developed and deployed PinSage, a data-efficient GCN that learns pin
embeddings from the Pin-Board graph. The Pin-Board graph contains pin and board
entities and the graph captures the pin belongs to a board interaction.
However, there exist several entities at Pinterest such as users, idea pins,
creators, and there exist heterogeneous interactions among these entities such
as add-to-cart, follow, long-click.
In this work, we show that training deep learning models on graphs that
captures these diverse interactions would result in learning higher-quality pin
embeddings than training PinSage on only the Pin-Board graph. To that end, we
model the diverse entities and their diverse interactions through multiple
bipartite graphs and propose a novel data-efficient MultiBiSage model.
MultiBiSage can capture the graph structure of multiple bipartite graphs to
learn high-quality pin embeddings. We take this pragmatic approach as it allows
us to utilize the existing infrastructure developed at Pinterest -- such as
Pixie system that can perform optimized random-walks on billion node graphs,
along with existing training and deployment workflows. We train MultiBiSage on
six bipartite graphs including our Pin-Board graph. Our offline metrics show
that MultiBiSage significantly outperforms the deployed latest version of
PinSage on multiple user engagement metrics."
4336,Temporal Domain Generalization with Drift-Aware Dynamic Neural Network,"Temporal domain generalization is a promising yet extremely challenging area
where the goal is to learn models under temporally changing data distributions
and generalize to unseen data distributions following the trends of the change.
The advancement of this area is challenged by: 1) characterizing data
distribution drift and its impacts on models, 2) expressiveness in tracking the
model dynamics, and 3) theoretical guarantee on the performance. To address
them, we propose a Temporal Domain Generalization with Drift-Aware Dynamic
Neural Network (DRAIN) framework. Specifically, we formulate the problem into a
Bayesian framework that jointly models the relation between data and model
dynamics. We then build a recurrent graph generation scenario to characterize
the dynamic graph-structured neural networks learned across different time
points. It captures the temporal drift of model parameters and data
distributions and can predict models in the future without the presence of
future data. In addition, we explore theoretical guarantees of the model
performance under the challenging temporal DG setting and provide theoretical
analysis, including uncertainty and generalization error. Finally, extensive
experiments on several real-world benchmarks with temporal drift demonstrate
the effectiveness and efficiency of the proposed method."
4337,Equivariant Mesh Attention Networks,"Equivariance to symmetries has proven to be a powerful inductive bias in deep
learning research. Recent works on mesh processing have concentrated on various
kinds of natural symmetries, including translations, rotations, scaling, node
permutations, and gauge transformations. To date, no existing architecture is
equivariant to all of these transformations. Moreover, previous implementations
have not always applied these symmetry transformations to the test dataset.
This inhibits the ability to determine whether the model attains the claimed
equivariance properties. In this paper, we present an attention-based
architecture for mesh data that is provably equivariant to all transformations
mentioned above. We carry out experiments on the FAUST and TOSCA datasets, and
apply the mentioned symmetries to the test set only. Our results confirm that
our proposed architecture is equivariant, and therefore robust, to these
local/global transformations."
4338,Are Graph Neural Networks Really Helpful for Knowledge Graph Completion?,"Knowledge graphs (KGs) facilitate a wide variety of applications due to their
ability to store relational knowledge applicable to many areas. Despite great
efforts invested in creation and maintenance, even the largest KGs are far from
complete. Hence, KG completion (KGC) has become one of the most crucial tasks
for KG research. Recently, considerable literature in this space has centered
around the use of Graph Neural Networks (GNNs) to learn powerful embeddings
which leverage topological structures in the KGs. Specifically, dedicated
efforts have been made to extend GNNs, which are commonly designed for simple
homogeneous and uni-relational graphs, to the KG context which has diverse and
multi-relational connections between entities, by designing more complex
aggregation schemes over neighboring nodes (crucial to GNN performance) to
appropriately leverage multi-relational information. The success of these
methods is naturally attributed to the use of GNNs over simpler multi-layer
perceptron (MLP) models, owing to their additional aggregation functionality.
In this work, we find that surprisingly, simple MLP models are able to achieve
comparable performance to GNNs, suggesting that aggregation may not be as
crucial as previously believed. With further exploration, we show careful
scoring function and loss function design has a much stronger influence on KGC
model performance, and aggregation is not practically required. This suggests a
conflation of scoring function design, loss function design, and aggregation in
prior work, with promising insights regarding the scalability of
state-of-the-art KGC methods today, as well as careful attention to more
suitable aggregation designs for KGC tasks tomorrow."
4339,Tensor Shape Search for Optimum Data Compression,"Various tensor decomposition methods have been proposed for data compression.
In real world applications of the tensor decomposition, selecting the tensor
shape for the given data poses a challenge and the shape of the tensor may
affect the error and the compression ratio. In this work, we study the effect
of the tensor shape on the tensor decomposition and propose an optimization
model to find an optimum shape for the tensor train (TT) decomposition. The
proposed optimization model maximizes the compression ratio of the TT
decomposition given an error bound. We implement a genetic algorithm (GA)
linked with the TT-SVD algorithm to solve the optimization model. We apply the
proposed method for the compression of RGB images. The results demonstrate the
effectiveness of the proposed evolutionary tensor shape search for the TT
decomposition."
4340,Transformer-based out-of-distribution detection for clinically safe segmentation,"In a clinical setting it is essential that deployed image processing systems
are robust to the full range of inputs they might encounter and, in particular,
do not make confidently wrong predictions. The most popular approach to safe
processing is to train networks that can provide a measure of their
uncertainty, but these tend to fail for inputs that are far outside the
training data distribution. Recently, generative modelling approaches have been
proposed as an alternative; these can quantify the likelihood of a data sample
explicitly, filtering out any out-of-distribution (OOD) samples before further
processing is performed. In this work, we focus on image segmentation and
evaluate several approaches to network uncertainty in the far-OOD and near-OOD
cases for the task of segmenting haemorrhages in head CTs. We find all of these
approaches are unsuitable for safe segmentation as they provide confidently
wrong predictions when operating OOD. We propose performing full 3D OOD
detection using a VQ-GAN to provide a compressed latent representation of the
image and a transformer to estimate the data likelihood. Our approach
successfully identifies images in both the far- and near-OOD cases. We find a
strong relationship between image likelihood and the quality of a model's
segmentation, making this approach viable for filtering images unsuitable for
segmentation. To our knowledge, this is the first time transformers have been
applied to perform OOD detection on 3D image data."
4341,Symmetry Teleportation for Accelerated Optimization,"Existing gradient-based optimization methods update the parameters locally,
in a direction that minimizes the loss function. We study a different approach,
symmetry teleportation, that allows the parameters to travel a large distance
on the loss level set, in order to improve the convergence speed in subsequent
steps. Teleportation exploits parameter space symmetries of the optimization
problem and transforms parameters while keeping the loss invariant. We derive
the loss-invariant group actions for test functions and multi-layer neural
networks, and prove a necessary condition of when teleportation improves
convergence rate. We also show that our algorithm is closely related to second
order methods. Experimentally, we show that teleportation improves the
convergence speed of gradient descent and AdaGrad for several optimization
problems including test functions, multi-layer regressions, and MNIST
classification."
4342,User-Interactive Offline Reinforcement Learning,"Offline reinforcement learning algorithms still lack trust in practice due to
the risk that the learned policy performs worse than the original policy that
generated the dataset or behaves in an unexpected way that is unfamiliar to the
user. At the same time, offline RL algorithms are not able to tune their most
important hyperparameter - the proximity of the learned policy to the original
policy. We propose an algorithm that allows the user to tune this
hyperparameter at runtime, thereby overcoming both of the above mentioned
issues simultaneously. This allows users to start with the original behavior
and grant successively greater deviation, as well as stopping at any time when
the policy deteriorates or the behavior is too far from the familiar one."
4343,DProQ: A Gated-Graph Transformer for Protein Complex Structure Assessment,"Proteins interact to form complexes to carry out essential biological
functions. Computational methods have been developed to predict the structures
of protein complexes. However, an important challenge in protein complex
structure prediction is to estimate the quality of predicted protein complex
structures without any knowledge of the corresponding native structures. Such
estimations can then be used to select high-quality predicted complex
structures to facilitate biomedical research such as protein function analysis
and drug discovery. We challenge this significant task with DProQ, which
introduces a gated neighborhood-modulating Graph Transformer (GGT) designed to
predict the quality of 3D protein complex structures. Notably, we incorporate
node and edge gates within a novel Graph Transformer framework to control
information flow during graph message passing. We train and evaluate DProQ on
four newly-developed datasets that we make publicly available in this work. Our
rigorous experiments demonstrate that DProQ achieves state-of-the-art
performance in ranking protein complex structures."
4344,CEP3: Community Event Prediction with Neural Point Process on Graph,"Many real world applications can be formulated as event forecasting on
Continuous Time Dynamic Graphs (CTDGs) where the occurrence of a timed event
between two entities is represented as an edge along with its occurrence
timestamp in the graphs.However, most previous works approach the problem in
compromised settings, either formulating it as a link prediction task on the
graph given the event time or a time prediction problem given which event will
happen next. In this paper, we propose a novel model combining Graph Neural
Networks and Marked Temporal Point Process (MTPP) that jointly forecasts
multiple link events and their timestamps on communities over a CTDG. Moreover,
to scale our model to large graphs, we factorize the jointly event prediction
problem into three easier conditional probability modeling problems.To evaluate
the effectiveness of our model and the rationale behind such a decomposition,
we establish a set of benchmarks and evaluation metrics for this event
forecasting task. Our experiments demonstrate the superior performance of our
model in terms of both model accuracy and training efficiency."
4345,Learning Meta Representations of One-shot Relations for Temporal Knowledge Graph Link Prediction,"Few-shot relational learning for static knowledge graphs (KGs) has drawn
greater interest in recent years, while few-shot learning for temporal
knowledge graphs (TKGs) has hardly been studied. Compared to KGs, TKGs contain
rich temporal information, thus requiring temporal reasoning techniques for
modeling. This poses a greater challenge in learning few-shot relations in the
temporal context. In this paper, we revisit the previous work related to
few-shot relational learning in KGs and extend two existing TKG reasoning
tasks, i.e., interpolated and extrapolated link prediction, to the one-shot
setting. We propose four new large-scale benchmark datasets and develop a TKG
reasoning model for learning one-shot relations in TKGs. Experimental results
show that our model can achieve superior performance on all datasets in both
interpolation and extrapolation tasks."
4346,A Pilot Study of Relating MYCN-Gene Amplification with Neuroblastoma-Patient CT Scans,"Neuroblastoma is one of the most common cancers in infants, and the initial
diagnosis of this disease is difficult. At present, the MYCN gene amplification
(MNA) status is detected by invasive pathological examination of tumor samples.
This is time-consuming and may have a hidden impact on children. To handle this
problem, we adopt multiple machine learning (ML) algorithms to predict the
presence or absence of MYCN gene amplification. The dataset is composed of
retrospective CT images of 23 neuroblastoma patients. Different from previous
work, we develop the algorithm without manually-segmented primary tumors which
is time-consuming and not practical. Instead, we only need the coordinate of
the center point and the number of tumor slices given by a subspecialty-trained
pediatric radiologist. Specifically, CNN-based method uses pre-trained
convolutional neural network, and radiomics-based method extracts radiomics
features. Our results show that CNN-based method outperforms the
radiomics-based method."
4347,Lightweight Human Pose Estimation Using Heatmap-Weighting Loss,"Recent research on human pose estimation exploits complex structures to
improve performance on benchmark datasets, ignoring the resource overhead and
inference speed when the model is actually deployed. In this paper, we lighten
the computation cost and parameters of the deconvolution head network in
SimpleBaseline and introduce an attention mechanism that utilizes original,
inter-level, and intra-level information to intensify the accuracy.
Additionally, we propose a novel loss function called heatmap weighting loss,
which generates weights for each pixel on the heatmap that makes the model more
focused on keypoints. Experiments demonstrate our method achieves a balance
between performance, resource volume, and inference speed. Specifically, our
method can achieve 65.3 AP score on COCO test-dev, while the inference speed is
55 FPS and 18 FPS on the mobile GPU and CPU, respectively."
4348,Calibration of Natural Language Understanding Models with Venn--ABERS Predictors,"Transformers, currently the state-of-the-art in natural language
understanding (NLU) tasks, are prone to generate uncalibrated predictions or
extreme probabilities, making the process of taking different decisions based
on their output relatively difficult. In this paper we propose to build several
inductive Venn--ABERS predictors (IVAP), which are guaranteed to be well
calibrated under minimal assumptions, based on a selection of pre-trained
transformers. We test their performance over a set of diverse NLU tasks and
show that they are capable of producing well-calibrated probabilistic
predictions that are uniformly spread over the [0,1] interval -- all while
retaining the original model's predictive accuracy."
4349,Evaluating Performance of Machine Learning Models for Diabetic Sensorimotor Polyneuropathy Severity Classification using Biomechanical Signals during Gait,"Diabetic sensorimotor polyneuropathy (DSPN) is one of the prevalent forms of
neuropathy affected by diabetic patients that involves alterations in
biomechanical changes in human gait. In literature, for the last 50 years,
researchers are trying to observe the biomechanical changes due to DSPN by
studying muscle electromyography (EMG), and ground reaction forces (GRF).
However, the literature is contradictory. In such a scenario, we are proposing
to use Machine learning techniques to identify DSPN patients by using EMG, and
GRF data. We have collected a dataset consists of three lower limb muscles EMG
(tibialis anterior (TA), vastus lateralis (VL), gastrocnemius medialis (GM) and
3-dimensional GRF components (GRFx, GRFy, and GRFz). Raw EMG and GRF signals
were preprocessed, and a newly proposed feature extraction technique scheme
from literature was applied to extract the best features from the signals. The
extracted feature list was ranked using Relief feature ranking techniques, and
highly correlated features were removed. We have trained different ML models to
find out the best-performing model and optimized that model. We trained the
optimized ML models for different combinations of muscles and GRF components
features, and the performance matrix was evaluated. This study has found
ensemble classifier model was performing in identifying DSPN Severity, and we
optimized it before training. For EMG analysis, we have found the best accuracy
of 92.89% using the Top 14 features for features from GL, VL and TA muscles
combined. In the GRF analysis, the model showed 94.78% accuracy by using the
Top 15 features for the feature combinations extracted from GRFx, GRFy and GRFz
signals. The performance of ML-based DSPN severity classification models,
improved significantly, indicating their reliability in DSPN severity
classification, for biomechanical data."
4350,Non-Autoregressive Neural Machine Translation: A Call for Clarity,"Non-autoregressive approaches aim to improve the inference speed of
translation models by only requiring a single forward pass to generate the
output sequence instead of iteratively producing each predicted token.
Consequently, their translation quality still tends to be inferior to their
autoregressive counterparts due to several issues involving output token
interdependence. In this work, we take a step back and revisit several
techniques that have been proposed for improving non-autoregressive translation
models and compare their combined translation quality and speed implications
under third-party testing environments. We provide novel insights for
establishing strong baselines using length prediction or CTC-based architecture
variants and contribute standardized BLEU, chrF++, and TER scores using
sacreBLEU on four translation tasks, which crucially have been missing as
inconsistencies in the use of tokenized BLEU lead to deviations of up to 1.7
BLEU points. Our open-sourced code is integrated into fairseq for
reproducibility."
4351,KGNN: Harnessing Kernel-based Networks for Semi-supervised Graph Classification,"This paper studies semi-supervised graph classification, which is an
important problem with various applications in social network analysis and
bioinformatics. This problem is typically solved by using graph neural networks
(GNNs), which yet rely on a large number of labeled graphs for training and are
unable to leverage unlabeled graphs. We address the limitations by proposing
the Kernel-based Graph Neural Network (KGNN). A KGNN consists of a GNN-based
network as well as a kernel-based network parameterized by a memory network.
The GNN-based network performs classification through learning graph
representations to implicitly capture the similarity between query graphs and
labeled graphs, while the kernel-based network uses graph kernels to explicitly
compare each query graph with all the labeled graphs stored in a memory for
prediction. The two networks are motivated from complementary perspectives, and
thus combing them allows KGNN to use labeled graphs more effectively. We
jointly train the two networks by maximizing their agreement on unlabeled
graphs via posterior regularization, so that the unlabeled graphs serve as a
bridge to let both networks mutually enhance each other. Experiments on a range
of well-known benchmark datasets demonstrate that KGNN achieves impressive
performance over competitive baselines."
4352,Neuroevolutionary Feature Representations for Causal Inference,"Within the field of causal inference, we consider the problem of estimating
heterogeneous treatment effects from data. We propose and validate a novel
approach for learning feature representations to aid the estimation of the
conditional average treatment effect or CATE. Our method focuses on an
intermediate layer in a neural network trained to predict the outcome from the
features. In contrast to previous approaches that encourage the distribution of
representations to be treatment-invariant, we leverage a genetic algorithm that
optimizes over representations useful for predicting the outcome to select
those less useful for predicting the treatment. This allows us to retain
information within the features useful for predicting outcome even if that
information may be related to treatment assignment. We validate our method on
synthetic examples and illustrate its use on a real life dataset."
4353,Principled Knowledge Extrapolation with GANs,"Human can extrapolate well, generalize daily knowledge into unseen scenarios,
raise and answer counterfactual questions. To imitate this ability via
generative models, previous works have extensively studied explicitly encoding
Structural Causal Models (SCMs) into architectures of generator networks. This
methodology, however, limits the flexibility of the generator as they must be
carefully crafted to follow the causal graph, and demands a ground truth SCM
with strong ignorability assumption as prior, which is a nontrivial assumption
in many real scenarios. Thus, many current causal GAN methods fail to generate
high fidelity counterfactual results as they cannot easily leverage
state-of-the-art generative models. In this paper, we propose to study
counterfactual synthesis from a new perspective of knowledge extrapolation,
where a given knowledge dimension of the data distribution is extrapolated, but
the remaining knowledge is kept indistinguishable from the original
distribution. We show that an adversarial game with a closed-form discriminator
can be used to address the knowledge extrapolation problem, and a novel
principal knowledge descent method can efficiently estimate the extrapolated
distribution through the adversarial game. Our method enjoys both elegant
theoretical guarantees and superior performance in many scenarios."
4354,Automated machine learning: AI-driven decision making in business analytics,"The realization that AI-driven decision-making is indispensable in todays
fast-paced and ultra-competitive marketplace has raised interest in industrial
machine learning (ML) applications significantly. The current demand for
analytics experts vastly exceeds the supply. One solution to this problem is to
increase the user-friendliness of ML frameworks to make them more accessible
for the non-expert. Automated machine learning (AutoML) is an attempt to solve
the problem of expertise by providing fully automated off-the-shelf solutions
for model choice and hyperparameter tuning. This paper analyzed the potential
of AutoML for applications within business analytics, which could help to
increase the adoption rate of ML across all industries. The H2O AutoML
framework was benchmarked against a manually tuned stacked ML model on three
real-world datasets to test its performance, robustness, and reliability. The
manually tuned ML model could reach a performance advantage in all three case
studies used in the experiment. Nevertheless, the H2O AutoML package proved to
be quite potent. It is fast, easy to use, and delivers reliable results, which
come close to a professionally tuned ML model. The H2O AutoML framework in its
current capacity is a valuable tool to support fast prototyping with the
potential to shorten development and deployment cycles. It can also bridge the
existing gap between supply and demand for ML experts and is a big step towards
fully automated decisions in business analytics."
4355,Knowledge Distillation from A Stronger Teacher,"Unlike existing knowledge distillation methods focus on the baseline
settings, where the teacher models and training strategies are not that strong
and competing as state-of-the-art approaches, this paper presents a method
dubbed DIST to distill better from a stronger teacher. We empirically find that
the discrepancy of predictions between the student and a stronger teacher may
tend to be fairly severer. As a result, the exact match of predictions in KL
divergence would disturb the training and make existing methods perform poorly.
In this paper, we show that simply preserving the relations between the
predictions of teacher and student would suffice, and propose a
correlation-based loss to capture the intrinsic inter-class relations from the
teacher explicitly. Besides, considering that different instances have
different semantic similarities to each class, we also extend this relational
match to the intra-class level. Our method is simple yet practical, and
extensive experiments demonstrate that it adapts well to various architectures,
model sizes and training strategies, and can achieve state-of-the-art
performance consistently on image classification, object detection, and
semantic segmentation tasks. Code is available at:
https://github.com/hunto/DIST_KD ."
4356,Deep Learning vs. Gradient Boosting: Benchmarking state-of-the-art machine learning algorithms for credit scoring,"Artificial intelligence (AI) and machine learning (ML) have become vital to
remain competitive for financial services companies around the globe. The two
models currently competing for the pole position in credit risk management are
deep learning (DL) and gradient boosting machines (GBM). This paper benchmarked
those two algorithms in the context of credit scoring using three distinct
datasets with different features to account for the reality that model
choice/power is often dependent on the underlying characteristics of the
dataset. The experiment has shown that GBM tends to be more powerful than DL
and has also the advantage of speed due to lower computational requirements.
This makes GBM the winner and choice for credit scoring. However, it was also
shown that the outperformance of GBM is not always guaranteed and ultimately
the concrete problem scenario or dataset will determine the final model choice.
Overall, based on this study both algorithms can be considered state-of-the-art
for binary classification tasks on structured datasets, while GBM should be the
go-to solution for most problem scenarios due to easier use, significantly
faster training time, and superior accuracy."
4357,Visualizing CoAtNet Predictions for Aiding Melanoma Detection,"Melanoma is considered to be the most aggressive form of skin cancer. Due to
the similar shape of malignant and benign cancerous lesions, doctors spend
considerably more time when diagnosing these findings. At present, the
evaluation of malignancy is performed primarily by invasive histological
examination of the suspicious lesion. Developing an accurate classifier for
early and efficient detection can minimize and monitor the harmful effects of
skin cancer and increase patient survival rates. This paper proposes a
multi-class classification task using the CoAtNet architecture, a hybrid model
that combines the depthwise convolution matrix operation of traditional
convolutional neural networks with the strengths of Transformer models and
self-attention mechanics to achieve better generalization and capacity. The
proposed multi-class classifier achieves an overall precision of 0.901, recall
0.895, and AP 0.923, indicating high performance compared to other
state-of-the-art networks."
4358,"Travel Time, Distance and Costs Optimization for Paratransit Operations using Graph Convolutional Neural Network","The provision of paratransit services is one option to meet the
transportation needs of Vulnerable Road Users (VRUs). Like any other means of
transportation, paratransit has obstacles such as high operational costs and
longer trip times. As a result, customers are dissatisfied, and paratransit
operators have a low approval rating. Researchers have undertaken various
studies over the years to better understand the travel behaviors of paratransit
customers and how they are operated. According to the findings of these
researches, paratransit operators confront the challenge of determining the
optimal route for their trips in order to save travel time. Depending on the
nature of the challenge, most research used different optimization techniques
to solve these routing problems. As a result, the goal of this study is to use
Graph Convolutional Neural Networks (GCNs) to assist paratransit operators in
researching various operational scenarios in a strategic setting in order to
optimize routing, minimize operating costs and minimize their users' travel
time. The study was carried out by using a randomized simulated dataset to help
determine the decision to make in terms of fleet composition and capacity under
different situations. For the various scenarios investigated, the GCN assisted
in determining the minimum optimal gap."
4359,Deeper vs Wider: A Revisit of Transformer Configuration,"Transformer-based models have delivered impressive results on many tasks,
particularly vision and language tasks. In many model training situations,
conventional configurations are typically adopted. For example, we often set
the base model with hidden dimensions (i.e. model width) to be 768 and the
number of transformer layers (i.e. model depth) to be 12. In this paper, we
revisit these conventional configurations. Through theoretical analysis and
experimental evaluation, we show that the masked autoencoder is effective in
alleviating the over-smoothing issue in deep transformer training. Based on
this finding, we propose Bamboo, an idea of using deeper and narrower
transformer configurations, for masked autoencoder training. On ImageNet, with
such a simple change in configuration, re-designed model achieves 87.1% top-1
accuracy and outperforms SoTA models like MAE and BEiT. On language tasks,
re-designed model outperforms BERT with default setting by 1.1 points on
average, on GLUE datasets."
4360,How to Find Actionable Static Analysis Warnings,"Automatically generated static code warnings suffer from a large number of
false alarms. Hence, developers only take action on a small percent of those
warnings. To better predict which static code warnings should not be ignored,
we suggest that analysts need to look deeper into their algorithms to find
choices that better improve the particulars of their specific problem.
Specifically, we show here that effective predictors of such warnings can be
created by methods that locally adjust the decision boundary (between
actionable warnings and others). These methods yield a new high water-mark for
recognizing actionable static code warnings. For eight open-source Java
projects (CASSANDRA, JMETER, COMMONS, LUCENE-SOLR, ANT, TOMCAT, DERBY) we
achieve perfect test results on 4/8 datasets and, overall, a median AUC (area
under the true negatives, true positives curve) of 92\%."
4361,eBIM-GNN : Fast and Scalable energy analysis through BIMs and Graph Neural Networks,"Building Information Modeling has been used to analyze as well as increase
the energy efficiency of the buildings. It has shown significant promise in
existing buildings by deconstruction and retrofitting. Current cities which
were built without the knowledge of energy savings are now demanding better
ways to become smart in energy utilization. However, the existing methods of
generating BIMs work on building basis. Hence they are slow and expensive when
we scale to a larger community or even entire towns or cities. In this paper,
we propose a method to creation of prototype buildings that enable us to match
and generate statistics very efficiently. Our method suggests better energy
efficient prototypes for the existing buildings. The existing buildings are
identified and located in the 3D point cloud. We perform experiments on
synthetic dataset to demonstrate the working of our approach."
4362,Theoretically Accurate Regularization Technique for Matrix Factorization based Recommender Systems,"Regularization is a popular technique to solve the overfitting problem of
machine learning algorithms. Most regularization technique relies on parameter
selection of the regularization coefficient. Plug-in method and
cross-validation approach are two most common parameter selection approaches
for regression methods such as Ridge Regression, Lasso Regression and Kernel
Regression. Matrix factorization based recommendation system also has heavy
reliance on the regularization technique. Most people select a single scalar
value to regularize the user feature vector and item feature vector
independently or collectively. In this paper, we prove that such approach of
selecting regularization coefficient is invalid, and we provide a theoretically
accurate method that outperforms the most widely used approach in both accuracy
and fairness metrics."
4363,LSTM-Based Adaptive Vehicle Position Control for Dynamic Wireless Charging,"Dynamic wireless charging (DWC) is an emerging technology that allows
electric vehicles (EVs) to be wirelessly charged while in motion. It is gaining
significant momentum as it can potentially address the range limitation issue
for EVs. However, due to significant power loss caused by wireless power
transfer, improving charging efficiency remains as a major challenge for DWC
systems. This paper presents the first LSTM-based vehicle motion control system
for DWC designed to maximize charging efficiency. The dynamics of the
electromagnetic field generated by the transmitter coils of a DWC system are
modeled based on a multi-layer LSTM. The LSTM model is used to make a
prediction of the lateral position where the electromagnetic strength is
expected to be maximal and to control the EV motion accordingly to optimize
charging efficiency. Simulations were conducted to demonstrate that our
LSTM-based approach achieves by up to 162.3% higher charging efficiency
compared with state-of-the-art vehicle motion control systems focused on
keeping an EV in the center of lane."
4364,Mapping Emulation for Knowledge Distillation,"This paper formalizes the source-blind knowledge distillation problem that is
essential to federated learning. A new geometric perspective is presented to
view such a problem as aligning generated distributions between the teacher and
student. With its guidance, a new architecture MEKD is proposed to emulate the
inverse mapping through generative adversarial training. Unlike mimicking
logits and aligning logit distributions, reconstructing the mapping from
classifier-logits has a geometric intuition of decreasing empirical distances,
and theoretical guarantees using the universal function approximation and
optimal mass transportation theories. A new algorithm is also proposed to train
the student model that reaches the teacher's performance source-blindly. On
various benchmarks, MEKD outperforms existing source-blind KD methods,
explainable with ablation studies and visualized results."
4365,Scaling Laws and Interpretability of Learning from Repeated Data,"Recent large language models have been trained on vast datasets, but also
often on repeated data, either intentionally for the purpose of upweighting
higher quality data, or unintentionally because data deduplication is not
perfect and the model is exposed to repeated data at the sentence, paragraph,
or document level. Some works have reported substantial negative performance
effects of this repeated data. In this paper we attempt to study repeated data
systematically and to understand its effects mechanistically. To do this, we
train a family of models where most of the data is unique but a small fraction
of it is repeated many times. We find a strong double descent phenomenon, in
which repeated data can lead test loss to increase midway through training. A
predictable range of repetition frequency leads to surprisingly severe
degradation in performance. For instance, performance of an 800M parameter
model can be degraded to that of a 2x smaller model (400M params) by repeating
0.1% of the data 100 times, despite the other 90% of the training tokens
remaining unique. We suspect there is a range in the middle where the data can
be memorized and doing so consumes a large fraction of the model's capacity,
and this may be where the peak of degradation occurs. Finally, we connect these
observations to recent mechanistic interpretability work - attempting to
reverse engineer the detailed computations performed by the model - by showing
that data repetition disproportionately damages copying and internal structures
associated with generalization, such as induction heads, providing a possible
mechanism for the shift from generalization to memorization. Taken together,
these results provide a hypothesis for why repeating a relatively small
fraction of data in large language models could lead to disproportionately
large harms to performance."
4366,Nuclear Norm Maximization Based Curiosity-Driven Learning,"To handle the sparsity of the extrinsic rewards in reinforcement learning,
researchers have proposed intrinsic reward which enables the agent to learn the
skills that might come in handy for pursuing the rewards in the future, such as
encouraging the agent to visit novel states. However, the intrinsic reward can
be noisy due to the undesirable environment's stochasticity and directly
applying the noisy value predictions to supervise the policy is detrimental to
improve the learning performance and efficiency. Moreover, many previous
studies employ $\ell^2$ norm or variance to measure the exploration novelty,
which will amplify the noise due to the square operation. In this paper, we
address aforementioned challenges by proposing a novel curiosity leveraging the
nuclear norm maximization (NNM), which can quantify the novelty of exploring
the environment more accurately while providing high-tolerance to the noise and
outliers. We conduct extensive experiments across a variety of benchmark
environments and the results suggest that NNM can provide state-of-the-art
performance compared with previous curiosity methods. On 26 Atari games subset,
when trained with only intrinsic reward, NNM achieves a human-normalized score
of 1.09, which doubles that of competitive intrinsic rewards-based approaches.
Our code will be released publicly to enhance the reproducibility."
4367,Semi-Supervised Subspace Clustering via Tensor Low-Rank Representation,"In this letter, we propose a novel semi-supervised subspace clustering
method, which is able to simultaneously augment the initial supervisory
information and construct a discriminative affinity matrix. By representing the
limited amount of supervisory information as a pairwise constraint matrix, we
observe that the ideal affinity matrix for clustering shares the same low-rank
structure as the ideal pairwise constraint matrix. Thus, we stack the two
matrices into a 3-D tensor, where a global low-rank constraint is imposed to
promote the affinity matrix construction and augment the initial pairwise
constraints synchronously. Besides, we use the local geometry structure of
input samples to complement the global low-rank prior to achieve better
affinity matrix learning. The proposed model is formulated as a Laplacian graph
regularized convex low-rank tensor representation problem, which is further
solved with an alternative iterative algorithm. In addition, we propose to
refine the affinity matrix with the augmented pairwise constraints.
Comprehensive experimental results on six commonly-used benchmark datasets
demonstrate the superiority of our method over state-of-the-art methods. The
code is publicly available at
https://github.com/GuanxingLu/Subspace-Clustering."
4368,DeepStruct: Pretraining of Language Models for Structure Prediction,"We introduce a method for improving the structural understanding abilities of
language models. Unlike previous approaches that finetune the models with
task-specific augmentation, we pretrain language models on a collection of
task-agnostic corpora to generate structures from text. Our structure
pretraining enables zero-shot transfer of the learned knowledge that models
have about the structure tasks. We study the performance of this approach on 28
datasets, spanning 10 structure prediction tasks including open information
extraction, joint entity and relation extraction, named entity recognition,
relation classification, semantic role labeling, event extraction, coreference
resolution, factual probe, intent detection, and dialogue state tracking. We
further enhance the pretraining with the task-specific training sets. We show
that a 10B parameter language model transfers non-trivially to most tasks and
obtains state-of-the-art performance on 21 of 28 datasets that we evaluate."
4369,De novo design of protein target specific scaffold-based Inhibitors via Reinforcement Learning,"Efficient design and discovery of target-driven molecules is a critical step
in facilitating lead optimization in drug discovery. Current approaches to
develop molecules for a target protein are intuition-driven, hampered by slow
iterative design-test cycles due to computational challenges in utilizing 3D
structural data, and ultimately limited by the expertise of the chemist -
leading to bottlenecks in molecular design. In this contribution, we propose a
novel framework, called 3D-MolGNN$_{RL}$, coupling reinforcement learning (RL)
to a deep generative model based on 3D-Scaffold to generate target candidates
specific to a protein building up atom by atom from the starting core scaffold.
3D-MolGNN$_{RL}$ provides an efficient way to optimize key features by
multi-objective reward function within a protein pocket using parallel graph
neural network models. The agent learns to build molecules in 3D space while
optimizing the activity, binding affinity, potency, and synthetic accessibility
of the candidates generated for infectious disease protein targets. Our
approach can serve as an interpretable artificial intelligence (AI) tool for
lead optimization with optimized activity, potency, and biophysical properties."
4370,Retrieval-Augmented Multilingual Keyphrase Generation with Retriever-Generator Iterative Training,"Keyphrase generation is the task of automatically predicting keyphrases given
a piece of long text. Despite its recent flourishing, keyphrase generation on
non-English languages haven't been vastly investigated. In this paper, we call
attention to a new setting named multilingual keyphrase generation and we
contribute two new datasets, EcommerceMKP and AcademicMKP, covering six
languages. Technically, we propose a retrieval-augmented method for
multilingual keyphrase generation to mitigate the data shortage problem in
non-English languages. The retrieval-augmented model leverages keyphrase
annotations in English datasets to facilitate generating keyphrases in
low-resource languages. Given a non-English passage, a cross-lingual dense
passage retrieval module finds relevant English passages. Then the associated
English keyphrases serve as external knowledge for keyphrase generation in the
current language. Moreover, we develop a retriever-generator iterative training
algorithm to mine pseudo parallel passage pairs to strengthen the cross-lingual
passage retriever. Comprehensive experiments and ablations show that the
proposed approach outperforms all baselines."
4371,Masterful: A Training Platform for Computer Vision Models,"Masterful is a software platform to train deep learning computer vision
models. Data and model architecture are inputs to the platform, and the output
is a trained model. The platform's primary goal is to maximize a trained
model's accuracy, which it achieves through its regularization and
semi-supervised learning implementations. The platform's secondary goal is to
minimize the amount of manual experimentation typically required to tune
training hyperparameters, which it achieves via multiple metalearning
algorithms which are custom built to control the platform's regularization and
semi-supervised learning implementations. The platform's tertiary goal is to
minimize the computing resources required to train a model, which it achieves
via another set of metalearning algorithms which are purpose built to control
Tensorflow's optimization implementations. The platform builds on top of
Tensorflow's data management, architecture, automatic differentiation, and
optimization implementations."
4372,A Survey on Physiological Signal Based Emotion Recognition,"Physiological Signals are the most reliable form of signals for emotion
recognition, as they cannot be controlled deliberately by the subject. Existing
review papers on emotion recognition based on physiological signals surveyed
only the regular steps involved in the workflow of emotion recognition such as
preprocessing, feature extraction, and classification. While these are
important steps, such steps are required for any signal processing application.
Emotion recognition poses its own set of challenges that are very important to
address for a robust system. Thus, to bridge the gap in the existing
literature, in this paper, we review the effect of inter-subject data variance
on emotion recognition, important data annotation techniques for emotion
recognition and their comparison, data preprocessing techniques for each
physiological signal, data splitting techniques for improving the
generalization of emotion recognition models and different multimodal fusion
techniques and their comparison. Finally we discuss key challenges and future
directions in this field."
4373,Action Recognition for American Sign Language,"In this research, we present our findings to recognize American Sign Language
from series of hand gestures. While most researches in literature focus only on
static handshapes, our work target dynamic hand gestures. Since dynamic signs
dataset are very few, we collect an initial dataset of 150 videos for 10 signs
and an extension of 225 videos for 15 signs. We apply transfer learning models
in combination with deep neural networks and background subtraction for videos
in different temporal settings. Our primarily results show that we can get an
accuracy of $0.86$ and $0.71$ using DenseNet201, LSTM with video sequence of 12
frames accordingly."
4374,Robust Sensible Adversarial Learning of Deep Neural Networks for Image Classification,"The idea of robustness is central and critical to modern statistical
analysis. However, despite the recent advances of deep neural networks (DNNs),
many studies have shown that DNNs are vulnerable to adversarial attacks. Making
imperceptible changes to an image can cause DNN models to make the wrong
classification with high confidence, such as classifying a benign mole as a
malignant tumor and a stop sign as a speed limit sign. The trade-off between
robustness and standard accuracy is common for DNN models. In this paper, we
introduce sensible adversarial learning and demonstrate the synergistic effect
between pursuits of standard natural accuracy and robustness. Specifically, we
define a sensible adversary which is useful for learning a robust model while
keeping high natural accuracy. We theoretically establish that the Bayes
classifier is the most robust multi-class classifier with the 0-1 loss under
sensible adversarial learning. We propose a novel and efficient algorithm that
trains a robust model using implicit loss truncation. We apply sensible
adversarial learning for large-scale image classification to a handwritten
digital image dataset called MNIST and an object recognition colored image
dataset called CIFAR10. We have performed an extensive comparative study to
compare our method with other competitive methods. Our experiments empirically
demonstrate that our method is not sensitive to its hyperparameter and does not
collapse even with a small model capacity while promoting robustness against
various attacks and keeping high natural accuracy."
4375,PSO-Convolutional Neural Networks with Heterogeneous Learning Rate,"Convolutional Neural Networks (ConvNets or CNNs) have been candidly deployed
in the scope of computer vision and related fields. Nevertheless, the dynamics
of training of these neural networks lie still elusive: it is hard and
computationally expensive to train them. A myriad of architectures and training
strategies have been proposed to overcome this challenge and address several
problems in image processing such as speech, image and action recognition as
well as object detection. In this article, we propose a novel Particle Swarm
Optimization (PSO) based training for ConvNets. In such framework, the vector
of weights of each ConvNet is typically cast as the position of a particle in
phase space whereby PSO collaborative dynamics intertwines with Stochastic
Gradient Descent (SGD) in order to boost training performance and
generalization. Our approach goes as follows: i) [regular phase] each ConvNet
is trained independently via SGD; ii) [collaborative phase] ConvNets share
among themselves their current vector of weights (or particle-position) along
with their gradient estimates of the Loss function. Distinct step sizes are
coined by distinct ConvNets. By properly blending ConvNets with large (possibly
random) step-sizes along with more conservative ones, we propose an algorithm
with competitive performance with respect to other PSO-based approaches on
Cifar-10 (accuracy of 98.31%). These accuracy levels are obtained by resorting
to only four ConvNets -- such results are expected to scale with the number of
collaborative ConvNets accordingly. We make our source codes available for
download https://github.com/leonlha/PSO-ConvNet-Dynamics."
4376,E2FL: Equal and Equitable Federated Learning,"Federated Learning (FL) enables data owners to train a shared global model
without sharing their private data. Unfortunately, FL is susceptible to an
intrinsic fairness issue: due to heterogeneity in clients' data distributions,
the final trained model can give disproportionate advantages across the
participating clients. In this work, we present Equal and Equitable Federated
Learning (E2FL) to produce fair federated learning models by preserving two
main fairness properties, equity and equality, concurrently. We validate the
efficiency and fairness of E2FL in different real-world FL applications, and
show that E2FL outperforms existing baselines in terms of the resulting
efficiency, fairness of different groups, and fairness among all individual
clients."
4377,A Hybrid Model for Forecasting Short-Term Electricity Demand,"Currently the UK Electric market is guided by load (demand) forecasts
published every thirty minutes by the regulator. A key factor in predicting
demand is weather conditions, with forecasts published every hour. We present
HYENA: a hybrid predictive model that combines feature engineering (selection
of the candidate predictor features), mobile-window predictors and finally LSTM
encoder-decoders to achieve higher accuracy with respect to mainstream models
from the literature. HYENA decreased MAPE loss by 16\% and RMSE loss by 10\%
over the best available benchmark model, thus establishing a new state of the
art for the UK electric load (and price) forecasting."
4378,Neur2SP: Neural Two-Stage Stochastic Programming,"Stochastic programming is a powerful modeling framework for decision-making
under uncertainty. In this work, we tackle two-stage stochastic programs
(2SPs), the most widely applied and studied class of stochastic programming
models. Solving 2SPs exactly requires evaluation of an expected value function
that is computationally intractable. Additionally, having a mixed-integer
linear program (MIP) or a nonlinear program (NLP) in the second stage further
aggravates the problem difficulty. In such cases, solving them can be
prohibitively expensive even if specialized algorithms that exploit problem
structure are employed. Finding high-quality (first-stage) solutions -- without
leveraging problem structure -- can be crucial in such settings. We develop
Neur2SP, a new method that approximates the expected value function via a
neural network to obtain a surrogate model that can be solved more efficiently
than the traditional extensive formulation approach. Moreover, Neur2SP makes no
assumptions about the problem structure, in particular about the second-stage
problem, and can be implemented using an off-the-shelf solver and open-source
libraries. Our extensive computational experiments on benchmark 2SP datasets
from four problem classes with different structures (containing MIP and NLP
second-stage problems) show the efficiency (time) and efficacy (solution
quality) of Neur2SP. Specifically, the proposed method takes less than 1.66
seconds across all problems, achieving high-quality solutions even as the
number of scenarios increases, an ideal property that is difficult to have for
traditional 2SP solution techniques. Namely, the most generic baseline method
typically requires minutes to hours to find solutions of comparable quality."
4379,Quantum Kerr Learning,"Quantum machine learning is a rapidly evolving area that could facilitate
important applications for quantum computing and significantly impact data
science. In our work, we argue that a single Kerr mode might provide some extra
quantum enhancements when using quantum kernel methods based on various reasons
from complexity theory and physics. Furthermore, we establish an experimental
protocol, which we call \emph{quantum Kerr learning} based on circuit QED. A
detailed study using the kernel method, neural tangent kernel theory,
first-order perturbation theory of the Kerr non-linearity, and non-perturbative
numerical simulations, shows quantum enhancements could happen in terms of the
convergence time and the generalization error, while explicit protocols are
also constructed for higher-dimensional input data."
4380,Predicting Seriousness of Injury in a Traffic Accident: A New Imbalanced Dataset and Benchmark,"The paper introduces a new dataset to assess the performance of machine
learning algorithms in the prediction of the seriousness of injury in a traffic
accident. The dataset is created by aggregating publicly available datasets
from the UK Department for Transport, which are drastically imbalanced with
missing attributes sometimes approaching 50\% of the overall data
dimensionality. The paper presents the data analysis pipeline starting from the
publicly available data of road traffic accidents and ending with predictors of
possible injuries and their degree of severity. It addresses the huge
incompleteness of public data with a MissForest model. The paper also
introduces two baseline approaches to create injury predictors: a supervised
artificial neural network and a reinforcement learning model. The dataset can
potentially stimulate diverse aspects of machine learning research on
imbalanced datasets and the two approaches can be used as baseline references
when researchers test more advanced learning algorithms in this area."
4381,How Useful are Gradients for OOD Detection Really?,"One critical challenge in deploying highly performant machine learning models
in real-life applications is out of distribution (OOD) detection. Given a
predictive model which is accurate on in distribution (ID) data, an OOD
detection system will further equip the model with the option to defer
prediction when the input is novel and the model has little confidence in
prediction. There has been some recent interest in utilizing the gradient
information in pre-trained models for OOD detection. While these methods have
shown competitive performance, there are misconceptions about the true
mechanism underlying them, which conflate their performance with the necessity
of gradients. In this work, we provide an in-depth analysis and comparison of
gradient based methods and elucidate the key components that warrant their OOD
detection performance. We further propose a general, non-gradient based method
of OOD detection which improves over previous baselines in both performance and
computational efficiency."
4382,Dynamic Ensemble Selection Using Fuzzy Hyperboxes,"Most dynamic ensemble selection (DES) methods utilize the K-Nearest Neighbors
(KNN) algorithm to estimate the competence of classifiers in a small region
surrounding the query sample. However, KNN is very sensitive to the local
distribution of the data. Moreover, it also has a high computational cost as it
requires storing the whole data in memory and performing multiple distance
calculations during inference. Hence, the dependency on the KNN algorithm ends
up limiting the use of DES techniques for large-scale problems. This paper
presents a new DES framework based on fuzzy hyperboxes called FH-DES. Each
hyperbox can represent a group of samples using only two data points (Min and
Max corners). Thus, the hyperbox-based system will have less computational
complexity than other dynamic selection methods. In addition, despite the
KNN-based approaches, the fuzzy hyperbox is not sensitive to the local data
distribution. Therefore, the local distribution of the samples does not affect
the system's performance. Furthermore, in this research, for the first time,
misclassified samples are used to estimate the competence of the classifiers,
which has not been observed in previous fusion approaches. Experimental results
demonstrate that the proposed method has high classification accuracy while
having a lower complexity when compared with the state-of-the-art dynamic
selection methods. The implemented code is available at
https://github.com/redavtalab/FH-DES_IJCNN.git."
4383,QADAM: Quantization-Aware DNN Accelerator Modeling for Pareto-Optimality,"As the machine learning and systems communities strive to achieve higher
energy-efficiency through custom deep neural network (DNN) accelerators, varied
bit precision or quantization levels, there is a need for design space
exploration frameworks that incorporate quantization-aware processing elements
(PE) into the accelerator design space while having accurate and fast power,
performance, and area models. In this work, we present QADAM, a highly
parameterized quantization-aware power, performance, and area modeling
framework for DNN accelerators. Our framework can facilitate future research on
design space exploration and Pareto-efficiency of DNN accelerators for various
design choices such as bit precision, PE type, scratchpad sizes of PEs, global
buffer size, number of total PEs, and DNN configurations. Our results show that
different bit precisions and PE types lead to significant differences in terms
of performance per area and energy. Specifically, our framework identifies a
wide range of design points where performance per area and energy varies more
than 5x and 35x, respectively. We also show that the proposed lightweight
processing elements (LightPEs) consistently achieve Pareto-optimal results in
terms of accuracy and hardware-efficiency. With the proposed framework, we show
that LightPEs achieve on par accuracy results and up to 5.7x more performance
per area and energy improvement when compared to the best INT16 based design."
4384,Towards Better Understanding Attribution Methods,"Deep neural networks are very successful on many vision tasks, but hard to
interpret due to their black box nature. To overcome this, various post-hoc
attribution methods have been proposed to identify image regions most
influential to the models' decisions. Evaluating such methods is challenging
since no ground truth attributions exist. We thus propose three novel
evaluation schemes to more reliably measure the faithfulness of those methods,
to make comparisons between them more fair, and to make visual inspection more
systematic. To address faithfulness, we propose a novel evaluation setting
(DiFull) in which we carefully control which parts of the input can influence
the output in order to distinguish possible from impossible attributions. To
address fairness, we note that different methods are applied at different
layers, which skews any comparison, and so evaluate all methods on the same
layers (ML-Att) and discuss how this impacts their performance on quantitative
metrics. For more systematic visualizations, we propose a scheme (AggAtt) to
qualitatively evaluate the methods on complete datasets. We use these
evaluation schemes to study strengths and shortcomings of some widely used
attribution methods. Finally, we propose a post-processing smoothing step that
significantly improves the performance of some attribution methods, and discuss
its applicability."
4385,Learning Dense Reward with Temporal Variant Self-Supervision,"Rewards play an essential role in reinforcement learning. In contrast to
rule-based game environments with well-defined reward functions, complex
real-world robotic applications, such as contact-rich manipulation, lack
explicit and informative descriptions that can directly be used as a reward.
Previous effort has shown that it is possible to algorithmically extract dense
rewards directly from multimodal observations. In this paper, we aim to extend
this effort by proposing a more efficient and robust way of sampling and
learning. In particular, our sampling approach utilizes temporal variance to
simulate the fluctuating state and action distribution of a manipulation task.
We then proposed a network architecture for self-supervised learning to better
incorporate temporal information in latent representations. We tested our
approach in two experimental setups, namely joint-assembly and door-opening.
Preliminary results show that our approach is effective and efficient in
learning dense rewards, and the learned rewards lead to faster convergence than
baselines."
4386,Using machine learning on new feature sets extracted from 3D models of broken animal bones to classify fragments according to break agent,"Distinguishing agents of bone modification at paleoanthropological sites is
at the root of much of the research directed at understanding early hominin
exploitation of large animal resources and the effects those subsistence
behaviors had on early hominin evolution. However, current methods,
particularly in the area of fracture pattern analysis as a signal of marrow
exploitation, have failed to overcome equifinality. Furthermore, researchers
debate the replicability and validity of current and emerging methods for
analyzing bone modifications. Here we present a new approach to fracture
pattern analysis aimed at distinguishing bone fragments resulting from hominin
bone breakage and those produced by carnivores. This new method uses 3D models
of fragmentary bone to extract a much richer dataset that is more transparent
and replicable than feature sets previously used in fracture pattern analysis.
Supervised machine learning algorithms are properly used to classify bone
fragments according to agent of breakage with average mean accuracy of 77%
across tests."
4387,Learning Geometrically Disentangled Representations of Protein Folding Simulations,"Massive molecular simulations of drug-target proteins have been used as a
tool to understand disease mechanism and develop therapeutics. This work
focuses on learning a generative neural network on a structural ensemble of a
drug-target protein, e.g. SARS-CoV-2 Spike protein, obtained from
computationally expensive molecular simulations. Model tasks involve
characterizing the distinct structural fluctuations of the protein bound to
various drug molecules, as well as efficient generation of protein
conformations that can serve as an complement of a molecular simulation engine.
Specifically, we present a geometric autoencoder framework to learn separate
latent space encodings of the intrinsic and extrinsic geometries of the protein
structure. For this purpose, the proposed Protein Geometric AutoEncoder
(ProGAE) model is trained on the protein contact map and the orientation of the
backbone bonds of the protein. Using ProGAE latent embeddings, we reconstruct
and generate the conformational ensemble of a protein at or near the
experimental resolution, while gaining better interpretability and
controllability in term of protein structure generation from the learned latent
space. Additionally, ProGAE models are transferable to a different state of the
same protein or to a new protein of different size, where only the dense layer
decoding from the latent representation needs to be retrained. Results show
that our geometric learning-based method enjoys both accuracy and efficiency
for generating complex structural variations, charting the path toward scalable
and improved approaches for analyzing and enhancing high-cost simulations of
drug-target proteins."
4388,ARLO: A Framework for Automated Reinforcement Learning,"Automated Reinforcement Learning (AutoRL) is a relatively new area of
research that is gaining increasing attention. The objective of AutoRL consists
in easing the employment of Reinforcement Learning (RL) techniques for the
broader public by alleviating some of its main challenges, including data
collection, algorithm selection, and hyper-parameter tuning. In this work, we
propose a general and flexible framework, namely ARLO: Automated Reinforcement
Learning Optimizer, to construct automated pipelines for AutoRL. Based on this,
we propose a pipeline for offline and one for online RL, discussing the
components, interaction, and highlighting the difference between the two
settings. Furthermore, we provide a Python implementation of such pipelines,
released as an open-source library. Our implementation has been tested on an
illustrative LQG domain and on classic MuJoCo environments, showing the ability
to reach competitive performances requiring limited human intervention. We also
showcase the full pipeline on a realistic dam environment, automatically
performing the feature selection and the model generation tasks."
4389,Prototyping three key properties of specific curiosity in computational reinforcement learning,"Curiosity for machine agents has been a focus of intense research. The study
of human and animal curiosity, particularly specific curiosity, has unearthed
several properties that would offer important benefits for machine learners,
but that have not yet been well-explored in machine intelligence. In this work,
we introduce three of the most immediate of these properties -- directedness,
cessation when satisfied, and voluntary exposure -- and show how they may be
implemented together in a proof-of-concept reinforcement learning agent;
further, we demonstrate how the properties manifest in the behaviour of this
agent in a simple non-episodic grid-world environment that includes
curiosity-inducing locations and induced targets of curiosity. As we would
hope, the agent exhibits short-term directed behaviour while updating long-term
preferences to adaptively seek out curiosity-inducing situations. This work
therefore presents a novel view into how specific curiosity operates and in the
future might be integrated into the behaviour of goal-seeking, decision-making
agents in complex environments."
4390,Tackling Provably Hard Representative Selection via Graph Neural Networks,"Representative selection (RS) is the problem of finding a small subset of
exemplars from an unlabeled dataset, and has numerous applications in
summarization, active learning, data compression and many other domains. In
this paper, we focus on finding representatives that optimize the accuracy of a
model trained on the selected representatives. We study RS for data represented
as attributed graphs. We develop RS-GNN, a representation learning-based RS
model based on Graph Neural Networks. Empirically, we demonstrate the
effectiveness of RS-GNN on problems with predefined graph structures as well as
problems with graphs induced from node feature similarities, by showing that
RS-GNN achieves significant improvements over established baselines that
optimize surrogate functions. Theoretically, we establish a new hardness result
for RS by proving that RS is hard to approximate in polynomial time within any
reasonable factor, which implies a significant gap between the optimum solution
of widely-used surrogate functions and the actual accuracy of the model, and
provides justification for the superiority of representation learning-based
approaches such as RS-GNN over surrogate functions."
4391,Multilingual Normalization of Temporal Expressions with Masked Language Models,"The detection and normalization of temporal expressions is an important task
and a preprocessing step for many applications. However, prior work on
normalization is rule-based, which severely limits the applicability in
real-world multilingual settings, due to the costly creation of new rules. We
propose a novel neural method for normalizing temporal expressions based on
masked language modeling. Our multilingual method outperforms prior rule-based
systems in many languages, and in particular, for low-resource languages with
performance improvements of up to 35 F1 on average compared to the state of the
art."
4392,Modernizing Open-Set Speech Language Identification,"While most modern speech Language Identification methods are closed-set, we
want to see if they can be modified and adapted for the open-set problem. When
switching to the open-set problem, the solution gains the ability to reject an
audio input when it fails to match any of our known language options. We tackle
the open-set task by adapting two modern-day state-of-the-art approaches to
closed-set language identification: the first using a CRNN with attention and
the second using a TDNN. In addition to enhancing our input feature embeddings
using MFCCs, log spectral features, and pitch, we will be attempting two
approaches to out-of-set language detection: one using thresholds, and the
other essentially performing a verification task. We will compare both the
performance of the TDNN and the CRNN, as well as our detection approaches."
4393,EGR: Equivariant Graph Refinement and Assessment of 3D Protein Complex Structures,"Protein complexes are macromolecules essential to the functioning and
well-being of all living organisms. As the structure of a protein complex, in
particular its region of interaction between multiple protein subunits (i.e.,
chains), has a notable influence on the biological function of the complex,
computational methods that can quickly and effectively be used to refine and
assess the quality of a protein complex's 3D structure can directly be used
within a drug discovery pipeline to accelerate the development of new
therapeutics and improve the efficacy of future vaccines. In this work, we
introduce the Equivariant Graph Refiner (EGR), a novel E(3)-equivariant graph
neural network (GNN) for multi-task structure refinement and assessment of
protein complexes. Our experiments on new, diverse protein complex datasets,
all of which we make publicly available in this work, demonstrate the
state-of-the-art effectiveness of EGR for atomistic refinement and assessment
of protein complexes and outline directions for future work in the field. In
doing so, we establish a baseline for future studies in macromolecular
refinement and structure analysis."
4394,A Dynamic Weighted Tabular Method for Convolutional Neural Networks,"Traditional Machine Learning (ML) models like Support Vector Machine, Random
Forest, and Logistic Regression are generally preferred for classification
tasks on tabular datasets. Tabular data consists of rows and columns
corresponding to instances and features, respectively. Past studies indicate
that traditional classifiers often produce unsatisfactory results in complex
tabular datasets. Hence, researchers attempt to use the powerful Convolutional
Neural Networks (CNN) for tabular datasets. Recent studies propose several
techniques like SuperTML, Conditional GAN (CTGAN), and Tabular Convolution
(TAC) for applying Convolutional Neural Networks (CNN) on tabular data. These
models outperform the traditional classifiers and substantially improve the
performance on tabular data. This study introduces a novel technique, namely,
Dynamic Weighted Tabular Method (DWTM), that uses feature weights dynamically
based on statistical techniques to apply CNNs on tabular datasets. The method
assigns weights dynamically to each feature based on their strength of
associativity to the class labels. Each data point is converted into images and
fed to a CNN model. The features are allocated image canvas space based on
their weights. The DWTM is an improvement on the previously mentioned methods
as it dynamically implements the entire experimental setting rather than using
the static configuration provided in the previous methods. Furthermore, it uses
the novel idea of using feature weights to create image canvas space. In this
paper, the DWTM is applied to six benchmarked tabular datasets and it achieves
outstanding performance (i.e., average accuracy = 95%) on all of them."
4395,Lossless Acceleration for Seq2seq Generation with Aggressive Decoding,"We study lossless acceleration for seq2seq generation with a novel decoding
algorithm -- Aggressive Decoding. Unlike the previous efforts (e.g.,
non-autoregressive decoding) speeding up seq2seq generation at the cost of
quality loss, our approach aims to yield the identical (or better) generation
compared with autoregressive decoding but in a significant speedup, achieved by
innovative cooperation of aggressive decoding and verification that are both
efficient due to parallel computing.
We propose two Aggressive Decoding paradigms for 2 kinds of seq2seq tasks: 1)
For the seq2seq tasks whose inputs and outputs are highly similar (e.g.,
Grammatical Error Correction), we propose Input-guided Aggressive Decoding
(IAD) that aggressively copies from the input sentence as drafted decoded
tokens to verify in parallel; 2) For other general seq2seq tasks (e.g., Machine
Translation), we propose Generalized Aggressive Decoding (GAD) that first
employs an additional non-autoregressive decoding model for aggressive decoding
and then verifies in parallel in the autoregressive manner.
We test Aggressive Decoding on the most popular 6-layer Transformer model on
GPU in multiple seq2seq tasks: 1) For IAD, we show that it can introduce a
7x-9x speedup for the Transformer in Grammatical Error Correction and Text
Simplification tasks with the identical results as greedy decoding; 2) For GAD,
we observe a 3x-5x speedup with the identical or even better quality in two
important seq2seq tasks: Machine Translation and Abstractive Summarization.
Moreover, Aggressive Decoding can benefit even more from stronger computing
devices that are better at parallel computing. Given the lossless quality as
well as significant and promising speedup, we believe Aggressive Decoding may
potentially evolve into a de facto standard for efficient and lossless seq2seq
generation in the near future."
4396,Diverse super-resolution with pretrained deep hiererarchical VAEs,"Image super-resolution is a one-to-many problem, but most deep-learning based
methods only provide one single solution to this problem. In this work, we
tackle the problem of diverse super-resolution by reusing VD-VAE, a
state-of-the art variational autoencoder (VAE). We find that the hierarchical
latent representation learned by VD-VAE naturally separates the image
low-frequency information, encoded in the latent groups at the top of the
hierarchy, from the image high-frequency details, determined by the latent
groups at the bottom of the latent hierarchy. Starting from this observation,
we design a super-resolution model exploiting the specific structure of VD-VAE
latent space. Specifically, we train an encoder to encode low-resolution images
in the subset of VD-VAE latent space encoding the low-frequency information,
and we combine this encoder with VD-VAE generative model to sample diverse
super-resolved version of a low-resolution input. We demonstrate the ability of
our method to generate diverse solutions to the super-resolution problem on
face super-resolution with upsampling factors x4, x8, and x16."
4397,Towards Understanding Grokking: An Effective Theory of Representation Learning,"We aim to understand grokking, a phenomenon where models generalize long
after overfitting their training set. We present both a microscopic analysis
anchored by an effective theory and a macroscopic analysis of phase diagrams
describing learning performance across hyperparameters. We find that
generalization originates from structured representations whose training
dynamics and dependence on training set size can be predicted by our effective
theory in a toy setting. We observe empirically the presence of four learning
phases: comprehension, grokking, memorization, and confusion. We find
representation learning to occur only in a ""Goldilocks zone"" (including
comprehension and grokking) between memorization and confusion. Compared to the
comprehension phase, the grokking phase stays closer to the memorization phase,
leading to delayed generalization. The Goldilocks phase is reminiscent of
""intelligence from starvation"" in Darwinian evolution, where resource
limitations drive discovery of more efficient solutions. This study not only
provides intuitive explanations of the origin of grokking, but also highlights
the usefulness of physics-inspired tools, e.g., effective theories and phase
diagrams, for understanding deep learning."
4398,DELMAR: Deep Linear Matrix Approximately Reconstruction to Extract Hierarchical Functional Connectivity in the Human Brain,"The Matrix Decomposition techniques have been a vital computational approach
to analyzing the hierarchy of functional connectivity in the human brain.
However, there are still four shortcomings of these methodologies: 1). Large
training samples; 2). Manually tuning hyperparameters; 3). Time-consuming and
require extensive computational source; 4). It cannot guarantee convergence to
a unique fixed point.
Therefore, we propose a novel deep matrix factorization technique called Deep
Linear Matrix Approximate Reconstruction (DELMAR) to bridge the abovementioned
gaps. The advantages of the proposed method are: at first, proposed DELMAR can
estimate the important hyperparameters automatically; furthermore, DELMAR
employs the matrix backpropagation to reduce the potential accumulative errors;
finally, an orthogonal projection is introduced to update all variables of
DELMAR rather than directly calculating the inverse matrices.
The validation experiments of three peer methods and DELMAR using real
functional MRI signal of the human brain demonstrates that our proposed method
can efficiently identify the spatial feature in fMRI signal even faster and
more accurately than other peer methods. Moreover, the theoretical analyses
indicate that DELMAR can converge to the unique fixed point and even enable the
accurate approximation of original input as DNNs."
4399,"A Review of Safe Reinforcement Learning: Methods, Theory and Applications","Reinforcement learning (RL) has achieved tremendous success in many complex
decision making tasks. When it comes to deploying RL in the real world, safety
concerns are usually raised, leading to a growing demand for safe RL
algorithms, such as in autonomous driving and robotics scenarios. While safety
control has a long history, the study of safe RL algorithms is still in the
early stages. To establish a good foundation for future research in this
thread, in this paper, we provide a review for safe RL from the perspectives of
methods, theory and applications. Firstly, we review the progress of safe RL
from five dimensions and come up with five problems that are crucial for safe
RL being deployed in real-world applications, coined as ""2H3W"". Secondly, we
analyze the theory and algorithm progress from the perspectives of answering
the ""2H3W"" problems. Then, the sample complexity of safe RL methods is reviewed
and discussed, followed by an introduction of the applications and benchmarks
of safe RL algorithms. Finally, we open the discussion of the challenging
problems in safe RL, hoping to inspire more future research on this thread.
To advance the study of safe RL algorithms, we release a benchmark suite, an
open-sourced repository containing the implementations of major safe RL
algorithms, along with tutorials at the link:
https://github.com/chauncygu/Safe-Reinforcement-Learning-Baselines.git."
4400,What's the Harm? Sharp Bounds on the Fraction Negatively Affected by Treatment,"The fundamental problem of causal inference -- that we never observe
counterfactuals -- prevents us from identifying how many might be negatively
affected by a proposed intervention. If, in an A/B test, half of users click
(or buy, or watch, or renew, etc.), whether exposed to the standard experience
A or a new one B, hypothetically it could be because the change affects no one,
because the change positively affects half the user population to go from
no-click to click while negatively affecting the other half, or something in
between. While unknowable, this impact is clearly of material importance to the
decision to implement a change or not, whether due to fairness, long-term,
systemic, or operational considerations. We therefore derive the
tightest-possible (i.e., sharp) bounds on the fraction negatively affected (and
other related estimands) given data with only factual observations, whether
experimental or observational. Naturally, the more we can stratify individuals
by observable covariates, the tighter the sharp bounds. Since these bounds
involve unknown functions that must be learned from data, we develop a robust
inference algorithm that is efficient almost regardless of how and how fast
these functions are learned, remains consistent when some are mislearned, and
still gives valid conservative bounds when most are mislearned. Our methodology
altogether therefore strongly supports credible conclusions: it avoids
spuriously point-identifying this unknowable impact, focusing on the best
bounds instead, and it permits exceedingly robust inference on these. We
demonstrate our method in simulation studies and in a case study of career
counseling for the unemployed."
4401,"Nothing makes sense in deep learning, except in the light of evolution","Deep Learning (DL) is a surprisingly successful branch of machine learning.
The success of DL is usually explained by focusing analysis on a particular
recent algorithm and its traits. Instead, we propose that an explanation of the
success of DL must look at the population of all algorithms in the field and
how they have evolved over time. We argue that cultural evolution is a useful
framework to explain the success of DL. In analogy to biology, we use
`development' to mean the process converting the pseudocode or text description
of an algorithm into a fully trained model. This includes writing the
programming code, compiling and running the program, and training the model. If
all parts of the process don't align well then the resultant model will be
useless (if the code runs at all!). This is a constraint. A core component of
evolutionary developmental biology is the concept of deconstraints -- these are
modification to the developmental process that avoid complete failure by
automatically accommodating changes in other components. We suggest that many
important innovations in DL, from neural networks themselves to hyperparameter
optimization and AutoGrad, can be seen as developmental deconstraints. These
deconstraints can be very helpful to both the particular algorithm in how it
handles challenges in implementation and the overall field of DL in how easy it
is for new ideas to be generated. We highlight how our perspective can both
advance DL and lead to new insights for evolutionary biology."
4402,Seeking entropy: complex behavior from intrinsic motivation to occupy action-state path space,"Intrinsic motivation generates behaviors that do not necessarily lead to
immediate reward, but help exploration and learning. Here we show that agents
having the sole goal of maximizing occupancy of future actions and states, that
is, moving and exploring on the long term, are capable of complex behavior
without any reference to external rewards. We find that action-state path
entropy is the only measure consistent with additivity and other intuitive
properties of expected future action-state path occupancy. We provide
analytical expressions that relate the optimal policy with the optimal
state-value function, from where we prove uniqueness of the solution of the
associated Bellman equation and convergence of our algorithm to the optimal
state-value function. Using discrete and continuous state tasks, we show that
`dancing', hide-and-seek and a basic form of altruistic behavior naturally
result from entropy seeking without external rewards. Intrinsically motivated
agents can objectively determine what states constitute rewards, exploiting
them to ultimately maximize action-state path entropy."
4403,ClusterEA: Scalable Entity Alignment with Stochastic Training and Normalized Mini-batch Similarities,"Entity alignment (EA) aims at finding equivalent entities in different
knowledge graphs (KGs). Embedding-based approaches have dominated the EA task
in recent years. Those methods face problems that come from the geometric
properties of embedding vectors, including hubness and isolation. To solve
these geometric problems, many normalization approaches have been adopted for
EA. However, the increasing scale of KGs renders it hard for EA models to adopt
the normalization processes, thus limiting their usage in real-world
applications. To tackle this challenge, we present ClusterEA, a general
framework that is capable of scaling up EA models and enhancing their results
by leveraging normalization methods on mini-batches with a high entity
equivalent rate. ClusterEA contains three components to align entities between
large-scale KGs, including stochastic training, ClusterSampler, and
SparseFusion. It first trains a large-scale Siamese GNN for EA in a stochastic
fashion to produce entity embeddings. Based on the embeddings, a novel
ClusterSampler strategy is proposed for sampling highly overlapped
mini-batches. Finally, ClusterEA incorporates SparseFusion, which normalizes
local and global similarity and then fuses all similarity matrices to obtain
the final similarity matrix. Extensive experiments with real-life datasets on
EA benchmarks offer insight into the proposed framework, and suggest that it is
capable of outperforming the state-of-the-art scalable EA framework by up to 8
times in terms of Hits@1."
4404,Delator: Automatic Detection of Money Laundering Evidence on Transaction Graphs via Neural Networks,"Money laundering is one of the most relevant criminal activities today, due
to its potential to cause massive financial losses to governments, banks, etc.
We propose DELATOR, a new CAAT (computer-assisted audit technology) to detect
money laundering activities based on neural network models that encode bank
transfers as a large-scale temporal graph. In collaboration with a Brazilian
bank, we design and apply an evaluation strategy to quantify DELATOR's
performance on historic data comprising millions of clients. DELATOR
outperforms an off-the-shelf solution from Amazon AWS by 18.9% with respect to
AUC. We conducted real experiments that led to discovery of 8 new suspicious
among 100 analyzed cases, which would have been reported to the authorities
under the current criteria."
4405,On the SDEs and Scaling Rules for Adaptive Gradient Algorithms,"Approximating Stochastic Gradient Descent (SGD) as a Stochastic Differential
Equation (SDE) has allowed researchers to enjoy the benefits of studying a
continuous optimization trajectory while carefully preserving the stochasticity
of SGD. Analogous study of adaptive gradient methods, such as RMSprop and Adam,
has been challenging because there were no rigorously proven SDE approximations
for these methods. This paper derives the SDE approximations for RMSprop and
Adam, giving theoretical guarantees of their correctness as well as
experimental validation of their applicability to common large-scaling vision
and language settings. A key practical result is the derivation of a
$\textit{square root scaling rule}$ to adjust the optimization hyperparameters
of RMSprop and Adam when changing batch size, and its empirical validation in
deep learning settings."
4406,Heterformer: A Transformer Architecture for Node Representation Learning on Heterogeneous Text-Rich Networks,"We study node representation learning on heterogeneous text-rich networks,
where nodes and edges are multi-typed and some types of nodes are associated
with text information. Although recent studies on graph neural networks (GNNs)
and pretrained language models (PLMs) have demonstrated their power in encoding
network and text signals, respectively, less focus has been given to delicately
coupling these two types of models on heterogeneous text-rich networks.
Specifically, existing GNNs rarely model text in each node in a contextualized
way; existing PLMs can hardly be applied to characterize graph structures due
to their sequence architecture. In this paper, we propose Heterformer, a
Heterogeneous GNN-nested transformer that blends GNNs and PLMs into a unified
model. Different from previous ""cascaded architectures"" that directly add GNN
layers upon a PLM, our Heterformer alternately stacks two modules - a
graph-attention-based neighbor aggregation module and a transformer-based text
and neighbor joint encoding module - to facilitate thorough mutual enhancement
between network and text signals. Meanwhile, Heterformer is capable of
characterizing network heterogeneity and nodes without text information.
Comprehensive experiments on three large-scale datasets from different domains
demonstrate the superiority of Heterformer over state-of-the-art baselines in
link prediction, transductive/inductive node classification, node clustering,
and semantics-based retrieval."
4407,Pre-Train Your Loss: Easy Bayesian Transfer Learning with Informative Priors,"Deep learning is increasingly moving towards a transfer learning paradigm
whereby large foundation models are fine-tuned on downstream tasks, starting
from an initialization learned on the source task. But an initialization
contains relatively little information about the source task. Instead, we show
that we can learn highly informative posteriors from the source task, through
supervised or self-supervised approaches, which then serve as the basis for
priors that modify the whole loss surface on the downstream task. This simple
modular approach enables significant performance gains and more data-efficient
learning on a variety of downstream classification and segmentation tasks,
serving as a drop-in replacement for standard pre-training strategies. These
highly informative priors also can be saved for future use, similar to
pre-trained weights, and stand in contrast to the zero-mean isotropic
uninformative priors that are typically used in Bayesian deep learning."
4408,"DEMAND: Deep Matrix Approximately Nonlinear Decomposition to Identify Meta, Canonical, and Sub-Spatial Pattern of functional Magnetic Resonance Imaging in the Human Brain","Deep Neural Networks (DNNs) have already become a crucial computational
approach to revealing the spatial patterns in the human brain; however, there
are three major shortcomings in utilizing DNNs to detect the spatial patterns
in functional Magnetic Resonance Signals: 1). It is a fully connected
architecture that increases the complexity of network structures that is
difficult to optimize and vulnerable to overfitting; 2). The requirement of
large training samples results in erasing the individual/minor patterns in
feature extraction; 3). The hyperparameters are required to be tuned manually,
which is time-consuming. Therefore, we propose a novel deep nonlinear matrix
factorization named Deep Matrix Approximately Nonlinear Decomposition (DEMAND)
in this work to take advantage of the shallow linear model, e.g., Sparse
Dictionary Learning (SDL) and DNNs. At first, the proposed DEMAND employs a
non-fully connected and multilayer-stacked architecture that is easier to be
optimized compared with canonical DNNs; furthermore, due to the efficient
architecture, training DEMAND can avoid overfitting and enables the recognition
of individual/minor features based on a small dataset such as an individual
data; finally, a novel rank estimator technique is introduced to tune all
hyperparameters of DEMAND automatically. Moreover, the proposed DEMAND is
validated by four other peer methodologies via real functional Magnetic
Resonance Imaging data in the human brain. In short, the validation results
demonstrate that DEMAND can reveal the reproducible meta, canonical, and
sub-spatial features of the human brain more efficiently than other peer
methodologies."
4409,Adaptive Fairness-Aware Online Meta-Learning for Changing Environments,"The fairness-aware online learning framework has arisen as a powerful tool
for the continual lifelong learning setting. The goal for the learner is to
sequentially learn new tasks where they come one after another over time and
the learner ensures the statistic parity of the new coming task across
different protected sub-populations (e.g. race and gender). A major drawback of
existing methods is that they make heavy use of the i.i.d assumption for data
and hence provide static regret analysis for the framework. However, low static
regret cannot imply a good performance in changing environments where tasks are
sampled from heterogeneous distributions. To address the fairness-aware online
learning problem in changing environments, in this paper, we first construct a
novel regret metric FairSAR by adding long-term fairness constraints onto a
strongly adapted loss regret. Furthermore, to determine a good model parameter
at each round, we propose a novel adaptive fairness-aware online meta-learning
algorithm, namely FairSAOML, which is able to adapt to changing environments in
both bias control and model precision. The problem is formulated in the form of
a bi-level convex-concave optimization with respect to the model's primal and
dual parameters that are associated with the model's accuracy and fairness,
respectively. The theoretic analysis provides sub-linear upper bounds for both
loss regret and violation of cumulative fairness constraints. Our experimental
evaluation on different real-world datasets with settings of changing
environments suggests that the proposed FairSAOML significantly outperforms
alternatives based on the best prior online learning approaches."
4410,Persistent Homology of Coarse Grained State Space Networks,"This work is dedicated to the topological analysis of complex transitional
networks for dynamic state detection. Transitional networks are formed from
time series data and they leverage graph theory tools to reveal information
about the underlying dynamic system. However, traditional tools can fail to
summarize the complex topology present in such graphs. In this work, we
leverage persistent homology from topological data analysis to study the
structure of these networks. We contrast dynamic state detection from time
series using CGSSN and TDA to two state of the art approaches: Ordinal
Partition Networks (OPNs) combined with TDA, and the standard application of
persistent homology to the time-delay embedding of the signal. We show that the
CGSSN captures rich information about the dynamic state of the underlying
dynamical system as evidenced by a significant improvement in dynamic state
detection and noise robustness in comparison to OPNs. We also show that because
the computational time of CGSSN is not linearly dependent on the signal's
length, it is more computationally efficient than applying TDA to the
time-delay embedding of the time series."
4411,Explanatory machine learning for sequential human teaching,"The topic of comprehensibility of machine-learned theories has recently drawn
increasing attention. Inductive Logic Programming (ILP) uses logic programming
to derive logic theories from small data based on abduction and induction
techniques. Learned theories are represented in the form of rules as
declarative descriptions of obtained knowledge. In earlier work, the authors
provided the first evidence of a measurable increase in human comprehension
based on machine-learned logic rules for simple classification tasks. In a
later study, it was found that the presentation of machine-learned explanations
to humans can produce both beneficial and harmful effects in the context of
game learning. We continue our investigation of comprehensibility by examining
the effects of the ordering of concept presentations on human comprehension. In
this work, we examine the explanatory effects of curriculum order and the
presence of machine-learned explanations for sequential problem-solving. We
show that 1) there exist tasks A and B such that learning A before B has a
better human comprehension with respect to learning B before A and 2) there
exist tasks A and B such that the presence of explanations when learning A
contributes to improved human comprehension when subsequently learning B. We
propose a framework for the effects of sequential teaching on comprehension
based on an existing definition of comprehensibility and provide evidence for
support from data collected in human trials. Empirical results show that
sequential teaching of concepts with increasing complexity a) has a beneficial
effect on human comprehension and b) leads to human re-discovery of
divide-and-conquer problem-solving strategies, and c) studying machine-learned
explanations allows adaptations of human problem-solving strategy with better
performance."
4412,"SADAM: Stochastic Adam, A Stochastic Operator for First-Order Gradient-based Optimizer","In this work, to efficiently help escape the stationary and saddle points, we
propose, analyze, and generalize a stochastic strategy performed as an operator
for a first-order gradient descent algorithm in order to increase the target
accuracy and reduce time consumption. Unlike existing algorithms, the proposed
stochastic the strategy does not require any batches and sampling techniques,
enabling efficient implementation and maintaining the initial first-order
optimizer's convergence rate, but provides an incomparable improvement of
target accuracy when optimizing the target functions. In short, the proposed
strategy is generalized, applied to Adam, and validated via the decomposition
of biomedical signals using Deep Matrix Fitting and another four peer
optimizers. The validation results show that the proposed random strategy can
be easily generalized for first-order optimizers and efficiently improve the
target accuracy."
4413,EXODUS: Stable and Efficient Training of Spiking Neural Networks,"Spiking Neural Networks (SNNs) are gaining significant traction in machine
learning tasks where energy-efficiency is of utmost importance. Training such
networks using the state-of-the-art back-propagation through time (BPTT) is,
however, very time-consuming. Previous work by Shrestha and Orchard [2018]
employs an efficient GPU-accelerated back-propagation algorithm called SLAYER,
which speeds up training considerably. SLAYER, however, does not take into
account the neuron reset mechanism while computing the gradients, which we
argue to be the source of numerical instability. To counteract this, SLAYER
introduces a gradient scale hyperparameter across layers, which needs manual
tuning. In this paper, (i) we modify SLAYER and design an algorithm called
EXODUS, that accounts for the neuron reset mechanism and applies the Implicit
Function Theorem (IFT) to calculate the correct gradients (equivalent to those
computed by BPTT), (ii) we eliminate the need for ad-hoc scaling of gradients,
thus, reducing the training complexity tremendously, (iii) we demonstrate, via
computer simulations, that EXODUS is numerically stable and achieves a
comparable or better performance than SLAYER especially in various tasks with
SNNs that rely on temporal features. Our code is available at
https://github.com/synsense/sinabs-exodus."
4414,"Exploring the Trade-off between Plausibility, Change Intensity and Adversarial Power in Counterfactual Explanations using Multi-objective Optimization","There is a broad consensus on the importance of deep learning models in tasks
involving complex data. Often, an adequate understanding of these models is
required when focusing on the transparency of decisions in human-critical
applications. Besides other explainability techniques, trustworthiness can be
achieved by using counterfactuals, like the way a human becomes familiar with
an unknown process: by understanding the hypothetical circumstances under which
the output changes. In this work we argue that automated counterfactual
generation should regard several aspects of the produced adversarial instances,
not only their adversarial capability. To this end, we present a novel
framework for the generation of counterfactual examples which formulates its
goal as a multi-objective optimization problem balancing three different
objectives: 1) plausibility, i.e., the likeliness of the counterfactual of
being possible as per the distribution of the input data; 2) intensity of the
changes to the original input; and 3) adversarial power, namely, the
variability of the model's output induced by the counterfactual. The framework
departs from a target model to be audited and uses a Generative Adversarial
Network to model the distribution of input data, together with a
multi-objective solver for the discovery of counterfactuals balancing among
these objectives. The utility of the framework is showcased over six
classification tasks comprising image and three-dimensional data. The
experiments verify that the framework unveils counterfactuals that comply with
intuition, increasing the trustworthiness of the user, and leading to further
insights, such as the detection of bias and data misrepresentation."
4415,Learning Task-relevant Representations for Generalization via Characteristic Functions of Reward Sequence Distributions,"Generalization across different environments with the same tasks is critical
for successful applications of visual reinforcement learning (RL) in real
scenarios. However, visual distractions -- which are common in real scenes --
from high-dimensional observations can be hurtful to the learned
representations in visual RL, thus degrading the performance of generalization.
To tackle this problem, we propose a novel approach, namely Characteristic
Reward Sequence Prediction (CRESP), to extract the task-relevant information by
learning reward sequence distributions (RSDs), as the reward signals are
task-relevant in RL and invariant to visual distractions. Specifically, to
effectively capture the task-relevant information via RSDs, CRESP introduces an
auxiliary task -- that is, predicting the characteristic functions of RSDs --
to learn task-relevant representations, because we can well approximate the
high-dimensional distributions by leveraging the corresponding characteristic
functions. Experiments demonstrate that CRESP significantly improves the
performance of generalization on unseen environments, outperforming several
state-of-the-arts on DeepMind Control tasks with different visual distractions."
4416,Memorization and Optimization in Deep Neural Networks with Minimum Over-parameterization,"The Neural Tangent Kernel (NTK) has emerged as a powerful tool to provide
memorization, optimization and generalization guarantees in deep neural
networks. A line of work has studied the NTK spectrum for two-layer and deep
networks with at least a layer with $\Omega(N)$ neurons, $N$ being the number
of training samples. Furthermore, there is increasing evidence suggesting that
deep networks with sub-linear layer widths are powerful memorizers and
optimizers, as long as the number of parameters exceeds the number of samples.
Thus, a natural open question is whether the NTK is well conditioned in such a
challenging sub-linear setup. In this paper, we answer this question in the
affirmative. Our key technical contribution is a lower bound on the smallest
NTK eigenvalue for deep networks with the minimum possible
over-parameterization: the number of parameters is roughly $\Omega(N)$ and,
hence, the number of neurons is as little as $\Omega(\sqrt{N})$. To showcase
the applicability of our NTK bounds, we provide two results concerning
memorization capacity and optimization guarantees for gradient descent
training."
4417,Test-time Batch Normalization,"Deep neural networks often suffer the data distribution shift between
training and testing, and the batch statistics are observed to reflect the
shift. In this paper, targeting of alleviating distribution shift in test time,
we revisit the batch normalization (BN) in the training process and reveals two
key insights benefiting test-time optimization: $(i)$ preserving the same
gradient backpropagation form as training, and $(ii)$ using dataset-level
statistics for robust optimization and inference. Based on the two insights, we
propose a novel test-time BN layer design, GpreBN, which is optimized during
testing by minimizing Entropy loss. We verify the effectiveness of our method
on two typical settings with distribution shift, i.e., domain generalization
and robustness tasks. Our GpreBN significantly improves the test-time
performance and achieves the state of the art results."
4418,How to Guide Adaptive Depth Sampling?,"Recent advances in depth sensing technologies allow fast electronic
maneuvering of the laser beam, as opposed to fixed mechanical rotations. This
will enable future sensors, in principle, to vary in real-time the sampling
pattern. We examine here the abstract problem of whether adapting the sampling
pattern for a given frame can reduce the reconstruction error or allow a
sparser pattern. We propose a constructive generic method to guide adaptive
depth sampling algorithms.
Given a sampling budget B, a depth predictor P and a desired quality measure
M, we propose an Importance Map that highlights important sampling locations.
This map is defined for a given frame as the per-pixel expected value of M
produced by the predictor P, given a pattern of B random samples. This map can
be well estimated in a training phase. We show that a neural network can learn
to produce a highly faithful Importance Map, given an RGB image. We then
suggest an algorithm to produce a sampling pattern for the scene, which is
denser in regions that are harder to reconstruct. The sampling strategy of our
modular framework can be adjusted according to hardware limitations, type of
depth predictor, and any custom reconstruction error measure that should be
minimized. We validate through simulations that our approach outperforms grid
and random sampling patterns as well as recent state-of-the-art adaptive
algorithms."
4419,The Fairness of Credit Scoring Models,"In credit markets, screening algorithms aim to discriminate between good-type
and bad-type borrowers. However, when doing so, they also often discriminate
between individuals sharing a protected attribute (e.g. gender, age, racial
origin) and the rest of the population. In this paper, we show how (1) to test
whether there exists a statistically significant difference between protected
and unprotected groups, which we call lack of fairness and (2) to identify the
variables that cause the lack of fairness. We then use these variables to
optimize the fairness-performance trade-off. Our framework provides guidance on
how algorithmic fairness can be monitored by lenders, controlled by their
regulators, and improved for the benefit of protected groups."
4420,A Proximal Algorithm for Sampling from Non-convex Potentials,"We study sampling problems associated with non-convex potentials that
meanwhile lack smoothness. In particular, we consider target distributions that
satisfy either logarithmic-Sobolev inequality or Poincar\'e inequality. Rather
than smooth, the potentials are assumed to be semi-smooth or the summation of
multiple semi-smooth functions. We develop a sampling algorithm that resembles
proximal algorithms in optimization for this challenging sampling task. Our
algorithm is based on a special case of Gibbs sampling known as the alternating
sampling framework (ASF). The key contribution of this work is a practical
realization of the ASF based on rejection sampling in the non-convex and
semi-smooth setting. This work extends the recent algorithm in
\cite{LiaChe21,LiaChe22} for non-smooth/semi-smooth log-concave distribution to
the setting with non-convex potentials. In almost all the cases of sampling
considered in this work, our proximal sampling algorithm achieves better
complexity than all existing methods."
4421,Bayesian Active Learning with Fully Bayesian Gaussian Processes,"The bias-variance trade-off is a well-known problem in machine learning that
only gets more pronounced the less available data there is. In active learning,
where labeled data is scarce or difficult to obtain, neglecting this trade-off
can cause inefficient and non-optimal querying, leading to unnecessary data
labeling. In this paper, we focus on active learning with Gaussian Processes
(GPs). For the GP, the bias-variance trade-off is made by optimization of the
two hyperparameters: the length scale and noise-term. Considering that the
optimal mode of the joint posterior of the hyperparameters is equivalent to the
optimal bias-variance trade-off, we approximate this joint posterior and
utilize it to design two new acquisition functions. The first one is a Bayesian
variant of Query-by-Committee (B-QBC), and the second is an extension that
explicitly minimizes the predictive variance through a Query by Mixture of
Gaussian Processes (QB-MGP) formulation. Across six common simulators, we
empirically show that B-QBC, on average, achieves the best marginal likelihood,
whereas QB-MGP achieves the best predictive performance. We show that
incorporating the bias-variance trade-off in the acquisition functions
mitigates unnecessary and expensive data labeling."
4422,Towards the Generation of Synthetic Images of Palm Vein Patterns: A Review,"With the recent success of computer vision and deep learning, remarkable
progress has been achieved on automatic personal recognition using vein
biometrics. However, collecting large-scale real-world training data for palm
vein recognition has turned out to be challenging, mainly due to the noise and
irregular variations included at the time of acquisition. Meanwhile, existing
palm vein recognition datasets are usually collected under near-infrared light,
lacking detailed annotations on attributes (e.g., pose), so the influences of
different attributes on vein recognition have been poorly investigated.
Therefore, this paper examines the suitability of synthetic vein images
generated to compensate for the urgent lack of publicly available large-scale
datasets. Firstly, we present an overview of recent research progress on palm
vein recognition, from the basic background knowledge to vein anatomical
structure, data acquisition, public database, and quality assessment
procedures. Then, we focus on the state-of-the-art methods that have allowed
the generation of vascular structures for biometric purposes and the modeling
of biological networks with their respective application domains. In addition,
we review the existing research on the generation of style transfer and
biological nature-based synthetic palm vein image algorithms. Afterward, we
formalize a general flowchart for the creation of a synthetic database
comparing real palm vein images and generated synthetic samples to obtain some
understanding into the development of the realistic vein imaging system.
Ultimately, we conclude by discussing the challenges, insights, and future
perspectives in generating synthetic palm vein images for further works."
4423,Task Relabelling for Multi-task Transfer using Successor Features,"Deep Reinforcement Learning has been very successful recently with various
works on complex domains. Most works are concerned with learning a single
policy that solves the target task, but is fixed in the sense that if the
environment changes the agent is unable to adapt to it. Successor Features
(SFs) proposes a mechanism that allows learning policies that are not tied to
any particular reward function. In this work we investigate how SFs may be
pre-trained without observing any reward in a custom environment that features
resource collection, traps and crafting. After pre-training we expose the SF
agents to various target tasks and see how well they can transfer to new tasks.
Transferring is done without any further training on the SF agents, instead
just by providing a task vector. For training the SFs we propose a task
relabelling method which greatly improves the agent's performance."
4424,Diversity vs. Recognizability: Human-like generalization in one-shot generative models,"Robust generalization to new concepts has long remained a distinctive feature
of human intelligence. However, recent progress in deep generative models has
now led to neural architectures capable of synthesizing novel instances of
unknown visual concepts from a single training example. Yet, a more precise
comparison between these models and humans is not possible because existing
performance metrics for generative models (i.e., FID, IS, likelihood) are not
appropriate for the one-shot generation scenario. Here, we propose a new
framework to evaluate one-shot generative models along two axes: sample
recognizability vs. diversity (i.e., intra-class variability). Using this
framework, we perform a systematic evaluation of representative one-shot
generative models on the Omniglot handwritten dataset. We first show that
GAN-like and VAE-like models fall on opposite ends of the
diversity-recognizability space. Extensive analyses of the effect of key model
parameters further revealed that spatial attention and context integration have
a linear contribution to the diversity-recognizability trade-off. In contrast,
disentanglement transports the model along a parabolic curve that could be used
to maximize recognizability. Using the diversity-recognizability framework, we
were able to identify models and parameters that closely approximate human
data."
4425,AutoFedNLP: An efficient FedNLP framework,"Transformer-based pre-trained models have revolutionized NLP for superior
performance and generality. Fine-tuning pre-trained models for downstream tasks
often require private data, for which federated learning is the de-facto
approach (i.e., FedNLP). However, our measurements show that FedNLP is
prohibitively slow due to the large model sizes and the resultant high
network/computation cost. Towards practical FedNLP, we identify as the key
building blocks adapters, small bottleneck modules inserted at a variety of
model layers. A key challenge is to properly configure the depth and width of
adapters, to which the training speed and efficiency is highly sensitive. No
silver-bullet configuration exists: the optimal choice varies across downstream
NLP tasks, desired model accuracy, and client resources. A silver-bullet
configuration does not exist and a non-optimal configuration could
significantly slow down the training. To automate adapter configuration, we
propose AutoFedNLP, a framework that enhances the existing FedNLP with two
novel designs. First, AutoFedNLP progressively upgrades the adapter
configuration throughout a training session. Second, AutoFedNLP continuously
profiles future adapter configurations by allocating participant devices to
trial groups. To minimize client-side computations, AutoFedNLP exploits the
fact that a FedNLP client trains on the same samples repeatedly between
consecutive changes of adapter configurations, and caches computed activations
on clients. Extensive experiments show that AutoFedNLP can reduce FedNLP's
model convergence delay to no more than several hours, which is up to
155.5$\times$ faster compared to vanilla FedNLP and 48$\times$ faster compared
to strong baselines."
4426,Swapping Semantic Contents for Mixing Images,"Deep architecture have proven capable of solving many tasks provided a
sufficient amount of labeled data. In fact, the amount of available labeled
data has become the principal bottleneck in low label settings such as
Semi-Supervised Learning. Mixing Data Augmentations do not typically yield new
labeled samples, as indiscriminately mixing contents creates between-class
samples. In this work, we introduce the SciMix framework that can learn to
generator to embed a semantic style code into image backgrounds, we obtain new
mixing scheme for data augmentation. We then demonstrate that SciMix yields
novel mixed samples that inherit many characteristics from their non-semantic
parents. Afterwards, we verify those samples can be used to improve the
performance semi-supervised frameworks like Mean Teacher or Fixmatch, and even
fully supervised learning on a small labeled dataset."
4427,Machine Learning for Combinatorial Optimisation of Partially-Specified Problems: Regret Minimisation as a Unifying Lens,"It is increasingly common to solve combinatorial optimisation problems that
are partially-specified. We survey the case where the objective function or the
relations between variables are not known or are only partially specified. The
challenge is to learn them from available data, while taking into account a set
of hard constraints that a solution must satisfy, and that solving the
optimisation problem (esp. during learning) is computationally very demanding.
This paper overviews four seemingly unrelated approaches, that can each be
viewed as learning the objective function of a hard combinatorial optimisation
problem: 1) surrogate-based optimisation, 2) empirical model learning, 3)
decision-focused learning (`predict + optimise'), and 4) structured-output
prediction. We formalise each learning paradigm, at first in the ways commonly
found in the literature, and then bring the formalisations together in a
compatible way using regret. We discuss the differences and interactions
between these frameworks, highlight the opportunities for cross-fertilization
and survey open directions."
4428,"Revisiting GANs by Best-Response Constraint: Perspective, Methodology, and Application","In past years, the minimax type single-level optimization formulation and its
variations have been widely utilized to address Generative Adversarial Networks
(GANs). Unfortunately, it has been proved that these alternating learning
strategies cannot exactly reveal the intrinsic relationship between the
generator and discriminator, thus easily result in a series of issues,
including mode collapse, vanishing gradients and oscillations in the training
phase, etc. In this work, by investigating the fundamental mechanism of GANs
from the perspective of hierarchical optimization, we propose Best-Response
Constraint (BRC), a general learning framework, that can explicitly formulate
the potential dependency of the generator on the discriminator. Rather than
adopting these existing time-consuming bilevel iterations, we design an
implicit gradient scheme with outer-product Hessian approximation as our fast
solution strategy. \emph{Noteworthy, we demonstrate that even with different
motivations and formulations, a variety of existing GANs ALL can be uniformly
improved by our flexible BRC methodology.} Extensive quantitative and
qualitative experimental results verify the effectiveness, flexibility and
stability of our proposed framework."
4429,The developmental trajectory of object recognition robustness: children are like small adults but unlike big deep neural networks,"In laboratory object recognition tasks based on undistorted photographs, both
adult humans and Deep Neural Networks (DNNs) perform close to ceiling. Unlike
adults', whose object recognition performance is robust against a wide range of
image distortions, DNNs trained on standard ImageNet (1.3M images) perform
poorly on distorted images. However, the last two years have seen impressive
gains in DNN distortion robustness, predominantly achieved through
ever-increasing large-scale datasets$\unicode{x2014}$orders of magnitude larger
than ImageNet. While this simple brute-force approach is very effective in
achieving human-level robustness in DNNs, it raises the question of whether
human robustness, too, is simply due to extensive experience with (distorted)
visual input during childhood and beyond. Here we investigate this question by
comparing the core object recognition performance of 146 children (aged
4$\unicode{x2013}$15) against adults and against DNNs. We find, first, that
already 4$\unicode{x2013}$6 year-olds showed remarkable robustness to image
distortions and outperform DNNs trained on ImageNet. Second, we estimated the
number of $\unicode{x201C}$images$\unicode{x201D}$ children have been exposed
to during their lifetime. Compared to various DNNs, children's high robustness
requires relatively little data. Third, when recognizing objects
children$\unicode{x2014}$like adults but unlike DNNs$\unicode{x2014}$rely
heavily on shape but not on texture cues. Together our results suggest that the
remarkable robustness to distortions emerges early in the developmental
trajectory of human object recognition and is unlikely the result of a mere
accumulation of experience with distorted visual input. Even though current
DNNs match human performance regarding robustness they seem to rely on
different and more data-hungry strategies to do so."
4430,Towards efficient feature sharing in MIMO architectures,"Multi-input multi-output architectures propose to train multiple subnetworks
within one base network and then average the subnetwork predictions to benefit
from ensembling for free. Despite some relative success, these architectures
are wasteful in their use of parameters. Indeed, we highlight in this paper
that the learned subnetwork fail to share even generic features which limits
their applicability on smaller mobile and AR/VR devices. We posit this behavior
stems from an ill-posed part of the multi-input multi-output framework. To
solve this issue, we propose a novel unmixing step in MIMO architectures that
allows subnetworks to properly share features. Preliminary experiments on
CIFAR-100 show our adjustments allow feature sharing and improve model
performance for small architectures."
4431,FedNoiL: A Simple Two-Level Sampling Method for Federated Learning with Noisy Labels,"Federated learning (FL) aims at training a global model on the server side
while the training data are collected and located at the local devices. Hence,
the labels in practice are usually annotated by clients of varying expertise or
criteria and thus contain different amounts of noises. Local training on noisy
labels can easily result in overfitting to noisy labels, which is devastating
to the global model through aggregation. Although recent robust FL methods take
malicious clients into account, they have not addressed local noisy labels on
each device and the impact to the global model. In this paper, we develop a
simple two-level sampling method ""FedNoiL"" that (1) selects clients for more
robust global aggregation on the server; and (2) selects clean labels and
correct pseudo-labels at the client end for more robust local training. The
sampling probabilities are built upon clean label detection by the global
model. Moreover, we investigate different schedules changing the local epochs
between aggregations over the course of FL, which notably improves the
communication and computation efficiency in noisy label setting. In experiments
with homogeneous/heterogeneous data distributions and noise ratios, we observed
that direct combinations of SOTA FL methods with SOTA noisy-label learning
methods can easily fail but our method consistently achieves better and robust
performance."
4432,LeNSE: Learning To Navigate Subgraph Embeddings for Large-Scale Combinatorial Optimisation,"Combinatorial Optimisation problems arise in several application domains and
are often formulated in terms of graphs. Many of these problems are NP-hard,
but exact solutions are not always needed. Several heuristics have been
developed to provide near-optimal solutions; however, they do not typically
scale well with the size of the graph. We propose a low-complexity approach for
identifying a (possibly much smaller) subgraph of the original graph where the
heuristics can be run in reasonable time and with a high likelihood of finding
a global near-optimal solution. The core component of our approach is LeNSE, a
reinforcement learning algorithm that learns how to navigate the space of
possible subgraphs using an Euclidean subgraph embedding as its map. To solve
CO problems, LeNSE is provided with a discriminative embedding trained using
any existing heuristics using only on a small portion of the original graph.
When tested on three problems (vertex cover, max-cut and influence
maximisation) using real graphs with up to $10$ million edges, LeNSE identifies
small subgraphs yielding solutions comparable to those found by running the
heuristics on the entire graph, but at a fraction of the total run time."
4433,Visual Concepts Tokenization,"Obtaining the human-like perception ability of abstracting visual concepts
from concrete pixels has always been a fundamental and important target in
machine learning research fields such as disentangled representation learning
and scene decomposition. Towards this goal, we propose an unsupervised
transformer-based Visual Concepts Tokenization framework, dubbed VCT, to
perceive an image into a set of disentangled visual concept tokens, with each
concept token responding to one type of independent visual concept.
Particularly, to obtain these concept tokens, we only use cross-attention to
extract visual information from the image tokens layer by layer without
self-attention between concept tokens, preventing information leakage across
concept tokens. We further propose a Concept Disentangling Loss to facilitate
that different concept tokens represent independent visual concepts. The
cross-attention and disentangling loss play the role of induction and mutual
exclusion for the concept tokens, respectively. Extensive experiments on
several popular datasets verify the effectiveness of VCT on the tasks of
disentangled representation learning and scene decomposition. VCT achieves the
state of the art results by a large margin."
4434,Kernel Normalized Convolutional Networks,"Existing deep convolutional neural network (CNN) architectures frequently
rely upon batch normalization (BatchNorm) to effectively train the model.
BatchNorm significantly improves model performance, but performs poorly with
smaller batch sizes. To address this limitation, we propose kernel
normalization and kernel normalized convolutional layers, and incorporate them
into kernel normalized convolutional networks (KNConvNets) as the main building
blocks. We implement KNConvNets corresponding to the state-of-the-art CNNs such
as ResNet and DenseNet while forgoing BatchNorm layers. Through extensive
experiments, we illustrate that KNConvNets consistently outperform their batch,
group, and layer normalized counterparts in terms of both accuracy and
convergence rate while maintaining competitive computational efficiency."
4435,Semi-self-supervised Automated ICD Coding,"Clinical Text Notes (CTNs) contain physicians' reasoning process, written in
an unstructured free text format, as they examine and interview patients. In
recent years, several studies have been published that provide evidence for the
utility of machine learning for predicting doctors' diagnoses from CTNs, a task
known as ICD coding. Data annotation is time consuming, particularly when a
degree of specialization is needed, as is the case for medical data. This paper
presents a method of augmenting a sparsely annotated dataset of Icelandic CTNs
with a machine-learned imputation in a semi-self-supervised manner. We train a
neural network on a small set of annotated CTNs and use it to extract clinical
features from a set of un-annotated CTNs. These clinical features consist of
answers to about a thousand potential questions that a physician might find the
answers to during a consultation of a patient. The features are then used to
train a classifier for the diagnosis of certain types of diseases. We report
the results of an evaluation of this data augmentation method over three tiers
of data availability to the physician. Our data augmentation method shows a
significant positive effect which is diminished when clinical features from the
examination of the patient and diagnostics are made available. We recommend our
method for augmenting scarce datasets for systems that take decisions based on
clinical features that do not include examinations or tests."
4436,A Unified Experiment Design Approach for Cyclic and Acyclic Causal Models,"We study experiment design for the unique identification of the causal graph
of a system where the graph may contain cycles. The presence of cycles in the
structure introduces major challenges for experiment design. Unlike the case of
acyclic graphs, learning the skeleton of the causal graph from observational
distribution may not be possible. Furthermore, intervening on a variable does
not necessarily lead to orienting all the edges incident to it. In this paper,
we propose an experiment design approach that can learn both cyclic and acyclic
graphs and hence, unifies the task of experiment design for both types of
graphs. We provide a lower bound on the number of experiments required to
guarantee the unique identification of the causal graph in the worst case,
showing that the proposed approach is order-optimal in terms of the number of
experiments up to an additive logarithmic term. Moreover, we extend our result
to the setting where the size of each experiment is bounded by a constant. For
this case, we show that our approach is optimal in terms of the size of the
largest experiment required for the unique identification of the causal graph
in the worst case."
4437,On Calibration of Ensemble-Based Credal Predictors,"In recent years, several classification methods that intend to quantify
epistemic uncertainty have been proposed, either by producing predictions in
the form of second-order distributions or sets of probability distributions. In
this work, we focus on the latter, also called credal predictors, and address
the question of how to evaluate them: What does it mean that a credal predictor
represents epistemic uncertainty in a faithful manner? To answer this question,
we refer to the notion of calibration of probabilistic predictors and extend it
to credal predictors. Broadly speaking, we call a credal predictor calibrated
if it returns sets that cover the true conditional probability distribution. To
verify this property for the important case of ensemble-based credal
predictors, we propose a novel nonparametric calibration test that generalizes
an existing test for probabilistic predictors to the case of credal predictors.
Making use of this test, we empirically show that credal predictors based on
deep neural networks are often not well calibrated."
4438,Deployment of Energy-Efficient Deep Learning Models on Cortex-M based Microcontrollers using Deep Compression,"Large Deep Neural Networks (DNNs) are the backbone of today's artificial
intelligence due to their ability to make accurate predictions when being
trained on huge datasets. With advancing technologies, such as the Internet of
Things, interpreting large quantities of data generated by sensors is becoming
an increasingly important task. However, in many applications not only the
predictive performance but also the energy consumption of deep learning models
is of major interest. This paper investigates the efficient deployment of deep
learning models on resource-constrained microcontroller architectures via
network compression. We present a methodology for the systematic exploration of
different DNN pruning, quantization, and deployment strategies, targeting
different ARM Cortex-M based low-power systems. The exploration allows to
analyze trade-offs between key metrics such as accuracy, memory consumption,
execution time, and power consumption. We discuss experimental results on three
different DNN architectures and show that we can compress them to below 10\% of
their original parameter count before their predictive quality decreases. This
also allows us to deploy and evaluate them on Cortex-M based microcontrollers."
4439,Unintended memorisation of unique features in neural networks,"Neural networks pose a privacy risk due to their propensity to memorise and
leak training data. We show that unique features occurring only once in
training data are memorised by discriminative multi-layer perceptrons and
convolutional neural networks trained on benchmark imaging datasets. We design
our method for settings where sensitive training data is not available, for
example medical imaging. Our setting knows the unique feature, but not the
training data, model weights or the unique feature's label. We develop a score
estimating a model's sensitivity to a unique feature by comparing the KL
divergences of the model's output distributions given modified
out-of-distribution images. We find that typical strategies to prevent
overfitting do not prevent unique feature memorisation. And that images
containing a unique feature are highly influential, regardless of the influence
the images's other features. We also find a significant variation in
memorisation with training seed. These results imply that neural networks pose
a privacy risk to rarely occurring private information. This risk is more
pronounced in healthcare applications since sensitive patient information can
be memorised when it remains in training data due to an imperfect data
sanitisation process."
4440,On the Prediction Instability of Graph Neural Networks,"Instability of trained models, i.e., the dependence of individual node
predictions on random factors, can affect reproducibility, reliability, and
trust in machine learning systems. In this paper, we systematically assess the
prediction instability of node classification with state-of-the-art Graph
Neural Networks (GNNs). With our experiments, we establish that multiple
instantiations of popular GNN models trained on the same data with the same
model hyperparameters result in almost identical aggregated performance but
display substantial disagreement in the predictions for individual nodes. We
find that up to one third of the incorrectly classified nodes differ across
algorithm runs. We identify correlations between hyperparameters, node
properties, and the size of the training set with the stability of predictions.
In general, maximizing model performance implicitly also reduces model
instability."
4441,Understanding and Mitigating the Uncertainty in Zero-Shot Translation,"Zero-shot translation is a promising direction for building a comprehensive
multilingual neural machine translation (MNMT) system. However, its quality is
still not satisfactory due to off-target issues. In this paper, we aim to
understand and alleviate the off-target issues from the perspective of
uncertainty in zero-shot translation. By carefully examining the translation
output and model confidence, we identify two uncertainties that are responsible
for the off-target issues, namely, extrinsic data uncertainty and intrinsic
model uncertainty. Based on the observations, we propose two light-weight and
complementary approaches to denoise the training data for model training, and
mask out the vocabulary of the off-target languages in inference. Extensive
experiments on both balanced and unbalanced datasets show that our approaches
significantly improve the performance of zero-shot translation over strong MNMT
baselines. Qualitative analyses provide insights into where our approaches
reduce off-target translations"
4442,The Unreasonable Effectiveness of Deep Evidential Regression,"There is a significant need for principled uncertainty reasoning in machine
learning systems as they are increasingly deployed in safety-critical domains.
A new approach with uncertainty-aware regression-based neural networks (NNs),
based on learning evidential distributions for aleatoric and epistemic
uncertainties, shows promise over traditional deterministic methods and typical
Bayesian NNs, notably with the capabilities to disentangle aleatoric and
epistemic uncertainties. Despite some empirical success of Deep Evidential
Regression (DER), there are important gaps in the mathematical foundation that
raise the question of why the proposed technique seemingly works. We detail the
theoretical shortcomings and analyze the performance on synthetic and
real-world data sets, showing that Deep Evidential Regression is a heuristic
rather than an exact uncertainty quantification. We go on to propose
corrections and redefinitions of how aleatoric and epistemic uncertainties
should be extracted from NNs."
4443,Leveraging Relational Information for Learning Weakly Disentangled Representations,"Disentanglement is a difficult property to enforce in neural representations.
This might be due, in part, to a formalization of the disentanglement problem
that focuses too heavily on separating relevant factors of variation of the
data in single isolated dimensions of the neural representation. We argue that
such a definition might be too restrictive and not necessarily beneficial in
terms of downstream tasks. In this work, we present an alternative view over
learning (weakly) disentangled representations, which leverages concepts from
relational learning. We identify the regions of the latent space that
correspond to specific instances of generative factors, and we learn the
relationships among these regions in order to perform controlled changes to the
latent codes. We also introduce a compound generative model that implements
such a weak disentanglement approach. Our experiments shows that the learned
representations can separate the relevant factors of variation in the data,
while preserving the information needed for effectively generating high quality
data samples."
4444,A Case of Exponential Convergence Rates for SVM,"Classification is often the first problem described in introductory machine
learning classes. Generalization guarantees of classification have historically
been offered by Vapnik-Chervonenkis theory. Yet those guarantees are based on
intractable algorithms, which has led to the theory of surrogate methods in
classification. Guarantees offered by surrogate methods are based on
calibration inequalities, which have been shown to be highly sub-optimal under
some margin conditions, failing short to capture exponential convergence
phenomena. Those ""super"" fast rates are becoming to be well understood for
smooth surrogates, but the picture remains blurry for non-smooth losses such as
the hinge loss, associated with the renowned support vector machines. In this
paper, we present a simple mechanism to obtain fast convergence rates and we
investigate its usage for SVM. In particular, we show that SVM can exhibit
exponential convergence rates even without assuming the hard Tsybakov margin
condition."
4445,Towards Extremely Fast Bilevel Optimization with Self-governed Convergence Guarantees,"Gradient methods have become mainstream techniques for Bi-Level Optimization
(BLO) in learning and vision fields. The validity of existing works heavily
relies on solving a series of approximation subproblems with extraordinarily
high accuracy. Unfortunately, to achieve the approximation accuracy requires
executing a large quantity of time-consuming iterations and computational
burden is naturally caused. This paper is thus devoted to address this critical
computational issue. In particular, we propose a single-level formulation to
uniformly understand existing explicit and implicit Gradient-based BLOs
(GBLOs). This together with our designed counter-example can clearly illustrate
the fundamental numerical and theoretical issues of GBLOs and their naive
accelerations. By introducing the dual multipliers as a new variable, we then
establish Bilevel Alternating Gradient with Dual Correction (BAGDC), a general
framework, which significantly accelerates different categories of existing
methods by taking specific settings. A striking feature of our convergence
result is that, compared to those original unaccelerated GBLO versions, the
fast BAGDC admits a unified non-asymptotic convergence theory towards
stationarity. A variety of numerical experiments have also been conducted to
demonstrate the superiority of the proposed algorithmic framework."
4446,MaskGAE: Masked Graph Modeling Meets Graph Autoencoders,"We present masked graph autoencoder (MaskGAE), a self-supervised learning
framework for graph-structured data. Different from previous graph autoencoders
(GAEs), MaskGAE adopts masked graph modeling (MGM) as a principled pretext
task: masking a portion of edges and attempting to reconstruct the missing part
with partially visible, unmasked graph structure. To understand whether MGM can
help GAEs learn better representations, we provide both theoretical and
empirical evidence to justify the benefits of this pretext task. Theoretically,
we establish the connections between GAEs and contrastive learning, showing
that MGM significantly improves the self-supervised learning scheme of GAEs.
Empirically, we conduct extensive experiments on a number of benchmark
datasets, demonstrating the superiority of MaskGAE over several
state-of-the-arts on both link prediction and node classification tasks. Our
code is publicly available at \url{https://github.com/EdisonLeeeee/MaskGAE}."
4447,The Sufficiency of Off-policyness: PPO is insufficient according to an Off-policy Measure,"One of the major difficulties of reinforcement learning is learning from {\em
off-policy} samples, which are collected by a different policy (behavior
policy) from what the algorithm evaluates (the target policy). Off-policy
learning needs to correct the distribution of the samples from the behavior
policy towards that of the target policy. Unfortunately, important sampling has
an inherent high variance issue which leads to poor gradient estimation in
policy gradient methods. We focus on an off-policy Actor-Critic architecture,
and propose a novel method, called Preconditioned Proximal Policy Optimization
(P3O), which can control the high variance of importance sampling by applying a
preconditioner to the Conservative Policy Iteration (CPI) objective. {\em This
preconditioning uses the sigmoid function in a special way that when there is
no policy change, the gradient is maximal and hence policy gradient will drive
a big parameter update for efficient exploration of the parameter space}. This
is a novel exploration method that has not been studied before given that
existing exploration methods are based on the novelty of states and actions. We
compare with several best-performing algorithms on both discrete and continuous
tasks and the results showed that {\em PPO is insufficient in off-policyness},
and our P3O is {\em more off-policy} than PPO according to the ""off-policyness""
measured by the DEON metric, and P3O explores in a larger policy space than
PPO. Results also show that our P3O maximizes the CPI objective better than PPO
during the training process."
4448,ExMo: Explainable AI Model using Inverse Frequency Decision Rules,"In this paper, we present a novel method to compute decision rules to build a
more accurate interpretable machine learning model, denoted as ExMo. The ExMo
interpretable machine learning model consists of a list of IF...THEN...
statements with a decision rule in the condition. This way, ExMo naturally
provides an explanation for a prediction using the decision rule that was
triggered. ExMo uses a new approach to extract decision rules from the training
data using term frequency-inverse document frequency (TF-IDF) features. With
TF-IDF, decision rules with feature values that are more relevant to each class
are extracted. Hence, the decision rules obtained by ExMo can distinguish the
positive and negative classes better than the decision rules used in the
existing Bayesian Rule List (BRL) algorithm, obtained using the frequent
pattern mining approach. The paper also shows that ExMo learns a qualitatively
better model than BRL. Furthermore, ExMo demonstrates that the textual
explanation can be provided in a human-friendly way so that the explanation can
be easily understood by non-expert users. We validate ExMo on several datasets
with different sizes to evaluate its efficacy. Experimental validation on a
real-world fraud detection application shows that ExMo is 20% more accurate
than BRL and that it achieves accuracy similar to those of deep learning
models."
4449,Towards biologically plausible Dreaming and Planning,"Humans and animals can learn new skills after practicing for a few hours,
while current reinforcement learning algorithms require a large amount of data
to achieve good performances. Recent model-based approaches show promising
results by reducing the number of necessary interactions with the environment
to learn a desirable policy. However, these methods require biological
implausible ingredients, such as the detailed storage of older experiences, and
long periods of offline learning. The optimal way to learn and exploit
word-models is still an open question. Taking inspiration from biology, we
suggest that dreaming might be an efficient expedient to use an inner model. We
propose a two-module (agent and model) neural network in which ""dreaming""
(living new experiences in a model-based simulated environment) significantly
boosts learning. We also explore ""planning"", an online alternative to dreaming,
that shows comparable performances. Importantly, our model does not require the
detailed storage of experiences, and learns online the world-model. This is a
key ingredient for biological plausibility and implementability (e.g., in
neuromorphic hardware). Our network is composed of spiking neurons, further
increasing the energetic efficiency and the plausibility of the model. To our
knowledge, there are no previous works proposing biologically plausible
model-based reinforcement learning in recurrent spiking networks. Our work is a
step toward building efficient neuromorphic systems for autonomous robots,
capable of learning new skills in real-world environments. Even when the
environment is no longer accessible, the robot optimizes learning by
""reasoning"" in its own ""mind"". These approaches are of great relevance when the
acquisition from the environment is slow, expensive (robotics) or unsafe
(autonomous driving)."
4450,Posterior Refinement Improves Sample Efficiency in Bayesian Neural Networks,"Monte Carlo (MC) integration is the de facto method for approximating the
predictive distribution of Bayesian neural networks (BNNs). But, even with many
MC samples, Gaussian-based BNNs could still yield bad predictive performance
due to the posterior approximation's error. Meanwhile, alternatives to MC
integration tend to be more expensive or biased. In this work, we
experimentally show that the key to good MC-approximated predictive
distributions is the quality of the approximate posterior itself. However,
previous methods for obtaining accurate posterior approximations are expensive
and non-trivial to implement. We, therefore, propose to refine Gaussian
approximate posteriors with normalizing flows. When applied to last-layer BNNs,
it yields a simple \emph{post hoc} method for improving pre-existing parametric
approximations. We show that the resulting posterior approximation is
competitive with even the gold-standard full-batch Hamiltonian Monte Carlo."
4451,Exploring Extreme Parameter Compression for Pre-trained Language Models,"Recent work explored the potential of large-scale Transformer-based
pre-trained models, especially Pre-trained Language Models (PLMs) in natural
language processing. This raises many concerns from various perspectives, e.g.,
financial costs and carbon emissions. Compressing PLMs like BERT with
negligible performance loss for faster inference and cheaper deployment has
attracted much attention. In this work, we aim to explore larger compression
ratios for PLMs, among which tensor decomposition is a potential but
under-investigated one. Two decomposition and reconstruction protocols are
further proposed to improve the effectiveness and efficiency during
compression. Our compressed BERT with ${1}/{7}$ parameters in Transformer
layers performs on-par with, sometimes slightly better than the original BERT
in GLUE benchmark. A tiny version achieves $96.7\%$ performance of BERT-base
with $ {1}/{48} $ encoder parameters (i.e., less than 2M parameters excluding
the embedding layer) and $2.7 \times$ faster on inference. To show that the
proposed method is orthogonal to existing compression methods like knowledge
distillation, we also explore the benefit of the proposed method on a distilled
BERT."
4452,Survey on Fair Reinforcement Learning: Theory and Practice,"Fairness-aware learning aims at satisfying various fairness constraints in
addition to the usual performance criteria via data-driven machine learning
techniques. Most of the research in fairness-aware learning employs the setting
of fair-supervised learning. However, many dynamic real-world applications can
be better modeled using sequential decision-making problems and fair
reinforcement learning provides a more suitable alternative for addressing
these problems. In this article, we provide an extensive overview of fairness
approaches that have been implemented via a reinforcement learning (RL)
framework. We discuss various practical applications in which RL methods have
been applied to achieve a fair solution with high accuracy. We further include
various facets of the theory of fair reinforcement learning, organizing them
into single-agent RL, multi-agent RL, long-term fairness via RL, and offline
learning. Moreover, we highlight a few major issues to explore in order to
advance the field of fair-RL, namely - i) correcting societal biases, ii)
feasibility of group fairness or individual fairness, and iii) explainability
in RL. Our work is beneficial for both researchers and practitioners as we
discuss articles providing mathematical guarantees as well as articles with
empirical studies on real-world problems."
4453,Trend analysis and forecasting air pollution in Rwanda,"Air pollution is a major public health problem worldwide although the lack of
data is a global issue for most low and middle income countries. Ambient air
pollution in the form of fine particulate matter (PM2.5) exceeds the World
Health Organization guidelines in Rwanda with a daily average of around 42.6
microgram per meter cube. Monitoring and mitigation strategies require an
expensive investment in equipment to collect pollution data. Low-cost sensor
technology and machine learning methods have appeared as an alternative
solution to get reliable information for decision making. This paper analyzes
the trend of air pollution in Rwanda and proposes forecasting models suitable
to data collected by a network of low-cost sensors deployed in Rwanda."
4454,Towards Consistency in Adversarial Classification,"In this paper, we study the problem of consistency in the context of
adversarial examples. Specifically, we tackle the following question: can
surrogate losses still be used as a proxy for minimizing the $0/1$ loss in the
presence of an adversary that alters the inputs at test-time? Different from
the standard classification task, this question cannot be reduced to a
point-wise minimization problem, and calibration needs not to be sufficient to
ensure consistency. In this paper, we expose some pathological behaviors
specific to the adversarial problem, and show that no convex surrogate loss can
be consistent or calibrated in this context. It is therefore necessary to
design another class of surrogate functions that can be used to solve the
adversarial consistency issue. As a first step towards designing such a class,
we identify sufficient and necessary conditions for a surrogate loss to be
calibrated in both the adversarial and standard settings. Finally, we give some
directions for building a class of losses that could be consistent in the
adversarial framework."
4455,Predicting electrode array impedance after one month from cochlear implantation surgery,"Sensorineural hearing loss can be treated using Cochlear implantation. After
this surgery using the electrode array impedance measurements, we can check the
stability of the impedance value and the dynamic range. Deterioration of speech
recognition scores could happen because of increased impedance values.
Medicines used to do these measures many times during a year after the surgery.
Predicting the electrode impedance could help in taking decisions to help the
patient get better hearing. In this research we used a dataset of 80 patients
of children who did cochlear implantation using MED-EL FLEX28 electrode array
of 12 channels. We predicted the electrode impedance on each channel after 1
month from the surgery date. We used different machine learning algorithms like
neural networks and decision trees. Our results indicates that the electrode
impedance can be predicted, and the best algorithm is different based on the
electrode channel. Also, the accuracy level varies between 66% and 100% based
on the electrode channel when accepting an error range between 0 and 3 KO.
Further research is required to predict the electrode impedance after three
months, six months and one year."
4456,Neural Additive Models for Nowcasting,"Deep neural networks (DNNs) are one of the most highlighted methods in
machine learning. However, as DNNs are black-box models, they lack explanatory
power for their predictions. Recently, neural additive models (NAMs) have been
proposed to provide this power while maintaining high prediction performance.
In this paper, we propose a novel NAM approach for multivariate nowcasting (NC)
problems, which comprise an important focus area of machine learning. For the
multivariate time-series data used in NC problems, explanations should be
considered for every input value to the variables at distinguishable time
steps. By employing generalized additive models, the proposed NAM-NC
successfully explains each input value's importance for multiple variables and
time steps. Experimental results involving a toy example and two real-world
datasets show that the NAM-NC predicts multivariate time-series data as
accurately as state-of-the-art neural networks, while also providing the
explanatory importance of each input value. We also examine parameter-sharing
networks using NAM-NC to decrease their complexity, and NAM-MC's hard-tied
feature net extracted explanations with good performance."
4457,Translating Hanja historical documents to understandable Korean and English,"The Annals of Joseon Dynasty (AJD) contain the daily records of the Kings of
Joseon, the 500-year kingdom preceding the modern nation of Korea. The Annals
were originally written in an archaic Korean writing system, `Hanja', and
translated into Korean from 1968 to 1993. However, this translation was literal
and contained many archaic Korean words; thus, a new expert translation effort
began in 2012, completing the records of only one king in a decade. Also,
expert translators are working on an English translation, of which only one
king's records are available because of the high cost and slow progress. Thus,
we propose H2KE, the neural machine translation model that translates Hanja
historical documents to understandable Korean and English. Based on the
multilingual neural machine translation approach, it translates the historical
document written in Hanja, using both the full dataset of outdated Korean
translation and a small dataset of recently translated Korean and English. We
compare our method with two baselines: one is a recent model that
simultaneously learns to restore and translate Hanja historical document and
the other is the transformer that trained on newly translated corpora only. The
results show that our method significantly outperforms the baselines in terms
of BLEU score in both modern Korean and English translations. We also conduct a
human evaluation that shows that our translation is preferred over the original
expert translation."
4458,Self-Paced Multi-Agent Reinforcement Learning,"Curriculum reinforcement learning (CRL) aims to speed up learning of a task
by changing gradually the difficulty of the task from easy to hard through
control of factors such as initial state or environment dynamics. While
automating CRL is well studied in the single-agent setting, in multi-agent
reinforcement learning (MARL) an open question is whether control of the number
of agents with other factors in a principled manner is beneficial, prior
approaches typically relying on hand-crafted heuristics. In addition, how the
tasks evolve as the number of agents changes remains understudied, which is
critical for scaling to more challenging tasks. We introduce self-paced MARL
(SPMARL) that enables optimizing the number of agents with other environment
factors in a principled way, and, show that usual assumptions such as that
fewer agents make the task always easier are not generally valid. The
curriculum induced by SPMARL reveals the evolution of tasks w.r.t. number of
agents and experiments show that SPMARL improves the performance when the
number of agents sufficiently influences task difficulty."
4459,"A Survey of Trustworthy Graph Learning: Reliability, Explainability, and Privacy Protection","Deep graph learning has achieved remarkable progresses in both business and
scientific areas ranging from finance and e-commerce, to drug and advanced
material discovery. Despite these progresses, how to ensure various deep graph
learning algorithms behave in a socially responsible manner and meet regulatory
compliance requirements becomes an emerging problem, especially in
risk-sensitive domains. Trustworthy graph learning (TwGL) aims to solve the
above problems from a technical viewpoint. In contrast to conventional graph
learning research which mainly cares about model performance, TwGL considers
various reliability and safety aspects of the graph learning framework
including but not limited to robustness, explainability, and privacy. In this
survey, we provide a comprehensive review of recent leading approaches in the
TwGL field from three dimensions, namely, reliability, explainability, and
privacy protection. We give a general categorization for existing work and
review typical work for each category. To give further insights for TwGL
research, we provide a unified view to inspect previous works and build the
connection between them. We also point out some important open problems
remaining to be solved in the future developments of TwGL."
4460,"Constructive Interpretability with CoLabel: Corroborative Integration, Complementary Features, and Collaborative Learning","Machine learning models with explainable predictions are increasingly sought
after, especially for real-world, mission-critical applications that require
bias detection and risk mitigation. Inherent interpretability, where a model is
designed from the ground-up for interpretability, provides intuitive insights
and transparent explanations on model prediction and performance. In this
paper, we present CoLabel, an approach to build interpretable models with
explanations rooted in the ground truth. We demonstrate CoLabel in a vehicle
feature extraction application in the context of vehicle make-model recognition
(VMMR). CoLabel performs VMMR with a composite of interpretable features such
as vehicle color, type, and make, all based on interpretable annotations of the
ground truth labels. First, CoLabel performs corroborative integration to join
multiple datasets that each have a subset of desired annotations of color,
type, and make. Then, CoLabel uses decomposable branches to extract
complementary features corresponding to desired annotations. Finally, CoLabel
fuses them together for final predictions. During feature fusion, CoLabel
harmonizes complementary branches so that VMMR features are compatible with
each other and can be projected to the same semantic space for classification.
With inherent interpretability, CoLabel achieves superior performance to the
state-of-the-art black-box models, with accuracy of 0.98, 0.95, and 0.94 on
CompCars, Cars196, and BoxCars116K, respectively. CoLabel provides intuitive
explanations due to constructive interpretability, and subsequently achieves
high accuracy and usability in mission-critical situations."
4461,The price of ignorance: how much does it cost to forget noise structure in low-rank matrix estimation?,"We consider the problem of estimating a rank-1 signal corrupted by structured
rotationally invariant noise, and address the following question: how well do
inference algorithms perform when the noise statistics is unknown and hence
Gaussian noise is assumed? While the matched Bayes-optimal setting with
unstructured noise is well understood, the analysis of this mismatched problem
is only at its premises. In this paper, we make a step towards understanding
the effect of the strong source of mismatch which is the noise statistics. Our
main technical contribution is the rigorous analysis of a Bayes estimator and
of an approximate message passing (AMP) algorithm, both of which incorrectly
assume a Gaussian setup. The first result exploits the theory of spherical
integrals and of low-rank matrix perturbations; the idea behind the second one
is to design and analyze an artificial AMP which, by taking advantage of the
flexibility in the denoisers, is able to ""correct"" the mismatch. Armed with
these sharp asymptotic characterizations, we unveil a rich and often unexpected
phenomenology. For example, despite AMP is in principle designed to efficiently
compute the Bayes estimator, the former is outperformed by the latter in terms
of mean-square error. We show that this performance gap is due to an incorrect
estimation of the signal norm. In fact, when the SNR is large enough, the
overlaps of the AMP and the Bayes estimator coincide, and they even match those
of optimal estimators taking into account the structure of the noise."
4462,Self-Supervised Depth Estimation with Isometric-Self-Sample-Based Learning,"Managing the dynamic regions in the photometric loss formulation has been a
main issue for handling the self-supervised depth estimation problem. Most
previous methods have alleviated this issue by removing the dynamic regions in
the photometric loss formulation based on the masks estimated from another
module, making it difficult to fully utilize the training images. In this
paper, to handle this problem, we propose an isometric self-sample-based
learning (ISSL) method to fully utilize the training images in a simple yet
effective way. The proposed method provides additional supervision during
training using self-generated images that comply with pure static scene
assumption. Specifically, the isometric self-sample generator synthesizes
self-samples for each training image by applying random rigid transformations
on the estimated depth. Thus both the generated self-samples and the
corresponding training image always follow the static scene assumption. We show
that plugging our ISSL module into several existing models consistently
improves the performance by a large margin. In addition, it also boosts the
depth accuracy over different types of scene, i.e., outdoor scenes (KITTI and
Make3D) and indoor scene (NYUv2), validating its high effectiveness."
4463,RiskLoc: Localization of Multi-dimensional Root Causes by Weighted Risk,"Failures and anomalies in large-scale software systems are unavoidable
incidents. When an issue is detected, operators need to quickly and correctly
identify its location to facilitate a swift repair. In this work, we consider
the problem of identifying the root cause set that best explains an anomaly in
multi-dimensional time series with categorical attributes. The huge search
space is the main challenge, even for a small number of attributes and small
value sets, the number of theoretical combinations is too large to brute force.
Previous approaches have thus focused on reducing the search space, but they
all suffer from various issues, requiring extensive manual parameter tuning,
being too slow and thus impractical, or being incapable of finding more complex
root causes. We propose RiskLoc to solve the problem of multidimensional root
cause localization. RiskLoc applies a 2-way partitioning scheme and assigns
element weights that linearly increase with the distance from the partitioning
point. A risk score is assigned to each element that integrates two factors, 1)
its weighted proportion within the abnormal partition, and 2) the relative
change in the deviation score adjusted for the ripple effect property.
Extensive experiments on multiple datasets verify the effectiveness and
efficiency of RiskLoc, and for a comprehensive evaluation, we introduce three
synthetically generated datasets that complement existing datasets. We
demonstrate that RiskLoc consistently outperforms state-of-the-art baselines,
especially in more challenging root cause scenarios, with gains in F1-score up
to 57% over the second-best approach with comparable running times."
4464,MPI: Evaluating and Inducing Personality in Pre-trained Language Models,"Originated as a philosophical quest, personality discerns how individuals
differ from each other in terms of thinking, feeling, and behaving. Towards
building social machines that work with humans on a daily basis, we are
motivated to ask: (1) Do existing pre-trained language models possess
personality, akin to their human counterpart? If so, (2) how can we evaluate
them? Further, given this evaluation framework, (3) how can we induce a certain
personality in a fully controllable fashion? To tackle these three questions,
we propose the Machine Personality Inventory (MPI) dataset for evaluating the
machine personality; MPI follows standardized personality tests, built upon the
Big Five Personality Factors (Big Five) theory and personality assessment
inventories. By evaluating models with MPI, we provide the first piece of
evidence showing the existence of personality in pre-trained language models.
We further devise a Chain Prompting method to induce the language model with a
specific personality in a controllable manner, capable of producing diversified
behaviors. We hope to shed light on future studies by adopting personality as
the essential psychological guidance for various downstream tasks, building
more human-like and in situ dialogue agents."
4465,Planning with Diffusion for Flexible Behavior Synthesis,"Model-based reinforcement learning methods often use learning only for the
purpose of estimating an approximate dynamics model, offloading the rest of the
decision-making work to classical trajectory optimizers. While conceptually
simple, this combination has a number of empirical shortcomings, suggesting
that learned models may not be well-suited to standard trajectory optimization.
In this paper, we consider what it would look like to fold as much of the
trajectory optimization pipeline as possible into the modeling problem, such
that sampling from the model and planning with it become nearly identical. The
core of our technical approach lies in a diffusion probabilistic model that
plans by iteratively denoising trajectories. We show how classifier-guided
sampling and image inpainting can be reinterpreted as coherent planning
strategies, explore the unusual and useful properties of diffusion-based
planning methods, and demonstrate the effectiveness of our framework in control
settings that emphasize long-horizon decision-making and test-time flexibility."
4466,Set-based Meta-Interpolation for Few-Task Meta-Learning,"Meta-learning approaches enable machine learning systems to adapt to new
tasks given few examples by leveraging knowledge from related tasks. However, a
large number of meta-training tasks are still required for generalization to
unseen tasks during meta-testing, which introduces a critical bottleneck for
real-world problems that come with only few tasks, due to various reasons
including the difficulty and cost of constructing tasks. Recently, several task
augmentation methods have been proposed to tackle this issue using
domain-specific knowledge to design augmentation techniques to densify the
meta-training task distribution. However, such reliance on domain-specific
knowledge renders these methods inapplicable to other domains. While Manifold
Mixup based task augmentation methods are domain-agnostic, we empirically find
them ineffective on non-image domains. To tackle these limitations, we propose
a novel domain-agnostic task augmentation method, Meta-Interpolation, which
utilizes expressive neural set functions to densify the meta-training task
distribution using bilevel optimization. We empirically validate the efficacy
of Meta-Interpolation on eight datasets spanning across various domains such as
image classification, molecule property prediction, text classification and
speech recognition. Experimentally, we show that Meta-Interpolation
consistently outperforms all the relevant baselines. Theoretically, we prove
that task interpolation with the set function regularizes the meta-learner to
improve generalization."
4467,Nonlinear motion separation via untrained generator networks with disentangled latent space variables and applications to cardiac MRI,"In this paper, a nonlinear approach to separate different motion types in
video data is proposed. This is particularly relevant in dynamic medical
imaging (e.g. PET, MRI), where patient motion poses a significant challenge due
to its effects on the image reconstruction as well as for its subsequent
interpretation. Here, a new method is proposed where dynamic images are
represented as the forward mapping of a sequence of latent variables via a
generator neural network. The latent variables are structured so that temporal
variations in the data are represented via dynamic latent variables, which are
independent of static latent variables characterizing the general structure of
the frames. In particular, different kinds of motion are also characterized
independently of each other via latent space disentanglement using
one-dimensional prior information on all but one of the motion types. This
representation allows to freeze any selection of motion types, and to obtain
accurate independent representations of other dynamics of interest. Moreover,
the proposed algorithm is training-free, i.e., all the network parameters are
learned directly from a single video. We illustrate the performance of this
method on phantom and real-data MRI examples, where we successfully separate
respiratory and cardiac motion."
4468,SafeNet: Mitigating Data Poisoning Attacks on Private Machine Learning,"Secure multiparty computation (MPC) has been proposed to allow multiple
mutually distrustful data owners to jointly train machine learning (ML) models
on their combined data. However, the datasets used for training ML models might
be under the control of an adversary mounting a data poisoning attack, and MPC
prevents inspecting training sets to detect poisoning. We show that multiple
MPC frameworks for private ML training are susceptible to backdoor and targeted
poisoning attacks. To mitigate this, we propose SafeNet, a framework for
building ensemble models in MPC with formal guarantees of robustness to data
poisoning attacks. We extend the security definition of private ML training to
account for poisoning and prove that our SafeNet design satisfies the
definition. We demonstrate SafeNet's efficiency, accuracy, and resilience to
poisoning on several machine learning datasets and models. For instance,
SafeNet reduces backdoor attack success from 100% to 0% for a neural network
model, while achieving 39x faster training and 36x less communication than the
four-party MPC framework of Dalskov et al."
4469,HeadText: Exploring Hands-free Text Entry using Head Gestures by Motion Sensing on a Smart Earpiece,"We present HeadText, a hands-free technique on a smart earpiece for text
entry by motion sensing. Users input text utilizing only 7 head gestures for
key selection, word selection, word commitment and word cancelling tasks. Head
gesture recognition is supported by motion sensing on a smart earpiece to
capture head moving signals and machine learning algorithms (K-Nearest-Neighbor
(KNN) with a Dynamic Time Warping (DTW) distance measurement). A 10-participant
user study proved that HeadText could recognize 7 head gestures at an accuracy
of 94.29%. After that, the second user study presented that HeadText could
achieve a maximum accuracy of 10.65 WPM and an average accuracy of 9.84 WPM for
text entry. Finally, we demonstrate potential applications of HeadText in
hands-free scenarios for (a). text entry of people with motor impairments, (b).
private text entry, and (c). socially acceptable text entry."
4470,FairNorm: Fair and Fast Graph Neural Network Training,"Graph neural networks (GNNs) have been demonstrated to achieve
state-of-the-art for a number of graph-based learning tasks, which leads to a
rise in their employment in various domains. However, it has been shown that
GNNs may inherit and even amplify bias within training data, which leads to
unfair results towards certain sensitive groups. Meanwhile, training of GNNs
introduces additional challenges, such as slow convergence and possible
instability. Faced with these limitations, this work proposes FairNorm, a
unified normalization framework that reduces the bias in GNN-based learning
while also providing provably faster convergence. Specifically, FairNorm
employs fairness-aware normalization operators over different sensitive groups
with learnable parameters to reduce the bias in GNNs. The design of FairNorm is
built upon analyses that illuminate the sources of bias in graph-based
learning. Experiments on node classification over real-world networks
demonstrate the efficiency of the proposed scheme in improving fairness in
terms of statistical parity and equal opportunity compared to fairness-aware
baselines. In addition, it is empirically shown that the proposed framework
leads to faster convergence compared to the naive baseline where no
normalization is employed."
4471,Neuro-Symbolic Regex Synthesis Framework via Neural Example Splitting,"Due to the practical importance of regular expressions (regexes, for short),
there has been a lot of research to automatically generate regexes from
positive and negative string examples. We tackle the problem of learning
regexes faster from positive and negative strings by relying on a novel
approach called `neural example splitting'. Our approach essentially split up
each example string into multiple parts using a neural network trained to group
similar substrings from positive strings. This helps to learn a regex faster
and, thus, more accurately since we now learn from several short-length
strings. We propose an effective regex synthesis framework called `SplitRegex'
that synthesizes subregexes from `split' positive substrings and produces the
final regex by concatenating the synthesized subregexes. For the negative
sample, we exploit pre-generated subregexes during the subregex synthesis
process and perform the matching against negative strings. Then the final regex
becomes consistent with all negative strings. SplitRegex is a
divided-and-conquer framework for learning target regexes; split (=divide)
positive strings and infer partial regexes for multiple parts, which is much
more accurate than the whole string inferring, and concatenate (=conquer)
inferred regexes while satisfying negative strings. We empirically demonstrate
that the proposed SplitRegex framework substantially improves the previous
regex synthesis approaches over four benchmark datasets."
4472,Diagnosis and Prognosis of COVID-19 Disease Using Routine Blood Values and LogNNet Neural Network,"Since February 2020, the world has been engaged in an intense struggle with
the COVID-19 dis-ease, and health systems have come under tragic pressure as
the disease turned into a pandemic. The aim of this study is to obtain the most
effective routine blood values (RBV) in the diagnosis and prognosis of COVID-19
using a backward feature elimination algorithm for the LogNNet reservoir neural
network. The first dataset in the study consists of a total of 5296 patients
with the same number of negative and positive COVID-19 tests. The LogNNet-model
achieved the accuracy rate of 99.5% in the diagnosis of the disease with 46
features and the accuracy of 99.17% with only mean corpuscular hemoglobin
concentration, mean corpuscular hemoglobin, and activated partial prothrombin
time. The second dataset consists of a total of 3899 patients with a diagnosis
of COVID-19 who were treated in hospital, of which 203 were severe patients and
3696 were mild patients. The model reached the accuracy rate of 94.4% in
determining the prognosis of the disease with 48 features and the accuracy of
82.7% with only erythrocyte sedimentation rate, neutrophil count, and C
reactive protein features. Our method will reduce the negative pressures on the
health sector and help doctors to understand the pathogenesis of COVID-19 using
the key features. The method is promising to create mobile health monitoring
systems in the Internet of Things."
4473,On Tackling Explanation Redundancy in Decision Trees,"Decision trees (DTs) epitomize the ideal of interpretability of machine
learning (ML) models. The interpretability of decision trees motivates
explainability approaches by so-called intrinsic interpretability, and it is at
the core of recent proposals for applying interpretable ML models in high-risk
applications. The belief in DT interpretability is justified by the fact that
explanations for DT predictions are generally expected to be succinct. Indeed,
in the case of DTs, explanations correspond to DT paths. Since decision trees
are ideally shallow, and so paths contain far fewer features than the total
number of features, explanations in DTs are expected to be succinct, and hence
interpretable. This paper offers both theoretical and experimental arguments
demonstrating that, as long as interpretability of decision trees equates with
succinctness of explanations, then decision trees ought not be deemed
interpretable. The paper introduces logically rigorous path explanations and
path explanation redundancy, and proves that there exist functions for which
decision trees must exhibit paths with arbitrarily large explanation
redundancy. The paper also proves that only a very restricted class of
functions can be represented with DTs that exhibit no explanation redundancy.
In addition, the paper includes experimental results substantiating that path
explanation redundancy is observed ubiquitously in decision trees, including
those obtained using different tree learning algorithms, but also in a wide
range of publicly available decision trees. The paper also proposes
polynomial-time algorithms for eliminating path explanation redundancy, which
in practice require negligible time to compute. Thus, these algorithms serve to
indirectly attain irreducible, and so succinct, explanations for decision
trees."
4474,Actively Tracking the Optimal Arm in Non-Stationary Environments with Mandatory Probing,"We study a novel multi-armed bandit (MAB) setting which mandates the agent to
probe all the arms periodically in a non-stationary environment. In particular,
we develop \texttt{TS-GE} that balances the regret guarantees of classical
Thompson sampling (TS) with the broadcast probing (BP) of all the arms
simultaneously in order to actively detect a change in the reward
distributions. Once a system-level change is detected, the changed arm is
identified by an optional subroutine called group exploration (GE) which scales
as $\log_2(K)$ for a $K-$armed bandit setting. We characterize the probability
of missed detection and the probability of false-alarm in terms of the
environment parameters. The latency of change-detection is upper bounded by
$\sqrt{T}$ while within a period of $\sqrt{T}$, all the arms are probed at
least once. We highlight the conditions in which the regret guarantee of
\texttt{TS-GE} outperforms that of the state-of-the-art algorithms, in
particular, \texttt{ADSWITCH} and \texttt{M-UCB}. Furthermore, unlike the
existing bandit algorithms, \texttt{TS-GE} can be deployed for applications
such as timely status updates, critical control, and wireless energy transfer,
which are essential features of next-generation wireless communication
networks. We demonstrate the efficacy of \texttt{TS-GE} by employing it in a n
industrial internet-of-things (IIoT) network designed for simultaneous wireless
information and power transfer (SWIPT)."
4475,A General Framework for quantifying Aleatoric and Epistemic uncertainty in Graph Neural Networks,"Graph Neural Networks (GNN) provide a powerful framework that elegantly
integrates Graph theory with Machine learning for modeling and analysis of
networked data. We consider the problem of quantifying the uncertainty in
predictions of GNN stemming from modeling errors and measurement uncertainty.
We consider aleatoric uncertainty in the form of probabilistic links and noise
in feature vector of nodes, while epistemic uncertainty is incorporated via a
probability distribution over the model parameters. We propose a unified
approach to treat both sources of uncertainty in a Bayesian framework, where
Assumed Density Filtering is used to quantify aleatoric uncertainty and Monte
Carlo dropout captures uncertainty in model parameters. Finally, the two
sources of uncertainty are aggregated to estimate the total uncertainty in
predictions of a GNN. Results in the real-world datasets demonstrate that the
Bayesian model performs at par with a frequentist model and provides additional
information about predictions uncertainty that are sensitive to uncertainties
in the data and model."
4476,A Fully Controllable Agent in the Path Planning using Goal-Conditioned Reinforcement Learning,"The aim of path planning is to reach the goal from starting point by
searching for the route of an agent. In the path planning, the routes may vary
depending on the number of variables such that it is important for the agent to
reach various goals. Numerous studies, however, have dealt with a single goal
that is predefined by the user. In the present study, I propose a novel
reinforcement learning framework for a fully controllable agent in the path
planning. To do this, I propose a bi-directional memory editing to obtain
various bi-directional trajectories of the agent, in which the behavior of the
agent and sub-goals are trained on the goal-conditioned RL. As for moving the
agent in various directions, I utilize the sub-goals dedicated network,
separated from a policy network. Lastly, I present the reward shaping to
shorten the number of steps for the agent to reach the goal. In the
experimental result, the agent was able to reach the various goals that have
never been visited by the agent in the training. We confirmed that the agent
could perform difficult missions such as a round trip and the agent used the
shorter route with the reward shaping."
4477,Sample Complexity of Learning Heuristic Functions for Greedy-Best-First and A* Search,"Greedy best-first search (GBFS) and A* search (A*) are popular algorithms for
path-finding on large graphs. Both use so-called heuristic functions, which
estimate how close a vertex is to the goal. While heuristic functions have been
handcrafted using domain knowledge, recent studies demonstrate that learning
heuristic functions from data is effective in many applications. Motivated by
this emerging approach, we study the sample complexity of learning heuristic
functions for GBFS and A*. We build on a recent framework called
\textit{data-driven algorithm design} and evaluate the
\textit{pseudo-dimension} of a class of utility functions that measure the
performance of parameterized algorithms. Assuming that a vertex set of size $n$
is fixed, we present $\mathrm{O}(n\lg n)$ and $\mathrm{O}(n^2\lg n)$ upper
bounds on the pseudo-dimensions for GBFS and A*, respectively, parameterized by
heuristic function values. The upper bound for A* can be improved to
$\mathrm{O}(n^2\lg d)$ if every vertex has a degree of at most $d$ and to
$\mathrm{O}(n \lg n)$ if edge weights are integers bounded by
$\mathrm{poly}(n)$. We also give $\Omega(n)$ lower bounds for GBFS and A*,
which imply that our bounds for GBFS and A* under the integer-weight condition
are tight up to a $\lg n$ factor. Finally, we discuss a case where the
performance of A* is measured by the suboptimality and show that we can
sometimes obtain a better guarantee by combining a parameter-dependent
worst-case bound with a sample complexity bound."
4478,Discrete-Convex-Analysis-Based Framework for Warm-Starting Algorithms with Predictions,"Augmenting algorithms with learned predictions is a promising approach for
going beyond worst-case bounds. Dinitz, Im, Lavastida, Moseley, and
Vassilvitskii~(2021) have demonstrated that a warm start with learned dual
solutions can improve the time complexity of the Hungarian method for weighted
perfect bipartite matching. We extend and improve their framework in a
principled manner via \textit{discrete convex analysis} (DCA), a discrete
analog of convex analysis. We show the usefulness of our DCA-based framework by
applying it to weighted perfect bipartite matching, weighted matroid
intersection, and discrete energy minimization for computer vision. Our
DCA-based framework yields time complexity bounds that depend on the
$\ell_\infty$-distance from a predicted solution to an optimal solution, which
has two advantages relative to the previous $\ell_1$-distance-dependent bounds:
time complexity bounds are smaller, and learning of predictions is more sample
efficient. We also discuss whether to learn primal or dual solutions from the
DCA perspective."
4479,A Correlation Information-based Spatiotemporal Network for Traffic Flow Forecasting,"With the growth of transport modes, high traffic forecasting precision is
required in intelligent transportation systems. Most previous works utilize the
transformer architecture based on graph neural networks and attention
mechanisms to discover spatiotemporal dependencies and dynamic relationships.
The correlation information among spatiotemporal sequences, however, has not
been thoroughly considered. In this paper, we present two elaborate
spatiotemporal representations, spatial correlation information (SCorr) and
temporal correlation information (TCorr), among spatiotemporal sequences based
on the maximal information coefficient. Using SCorr, we propose a novel
correlation information-based spatiotemporal network (CorrSTN), including a
dynamic graph neural network component incorporating correlation information
into the spatial structure effectively and a multi-head attention component
utilizing spatial correlation information to extract dynamic temporal
dependencies accurately. Using TCorr, we further explore the correlation
pattern among different periodic data and then propose a novel data selection
scheme to identify the most relevant data. The experimental results on the
highway traffic flow (PEMS07 and PEMS08) and metro crowd flow (HZME inflow and
outflow) datasets demonstrate that CorrSTN outperforms the state-of-the-art
methods in terms of predictive performance. In particular, on the HZME
(outflow) dataset, our model makes significant improvements compared with the
latest model ASTGNN by 12.7%, 14.4% and 27.4% in the metrics of MAE, RMSE and
MAPE, respectively."
4480,Learning to Reverse DNNs from AI Programs Automatically,"With the privatization deployment of DNNs on edge devices, the security of
on-device DNNs has raised significant concern. To quantify the model leakage
risk of on-device DNNs automatically, we propose NNReverse, the first
learning-based method which can reverse DNNs from AI programs without domain
knowledge. NNReverse trains a representation model to represent the semantics
of binary code for DNN layers. By searching the most similar function in our
database, NNReverse infers the layer type of a given function's binary code. To
represent assembly instructions semantics precisely, NNReverse proposes a more
fine-grained embedding model to represent the textual and structural-semantic
of assembly functions."
4481,Explainable Supervised Domain Adaptation,"Domain adaptation techniques have contributed to the success of deep
learning. Leveraging knowledge from an auxiliary source domain for learning in
labeled data-scarce target domain is fundamental to domain adaptation. While
these techniques result in increasing accuracy, the adaptation process,
particularly the knowledge leveraged from the source domain, remains unclear.
This paper proposes an explainable by design supervised domain adaptation
framework - XSDA-Net. We integrate a case-based reasoning mechanism into the
XSDA-Net to explain the prediction of a test instance in terms of
similar-looking regions in the source and target train images. We empirically
demonstrate the utility of the proposed framework by curating the domain
adaptation settings on datasets popularly known to exhibit part-based
explainability."
4482,Conformal Prediction with Temporal Quantile Adjustments,"We develop Temporal Quantile Adjustment (TQA), a general method to construct
efficient and valid prediction intervals (PIs) for regression on
cross-sectional time series data. Such data is common in many domains,
including econometrics and healthcare. A canonical example in healthcare is
predicting patient outcomes using physiological time-series data, where a
population of patients composes a cross-section. Reliable PI estimators in this
setting must address two distinct notions of coverage: cross-sectional coverage
across a cross-sectional slice, and longitudinal coverage along the temporal
dimension for each time series. Recent works have explored adapting Conformal
Prediction (CP) to obtain PIs in the time series context. However, none handles
both notions of coverage simultaneously. CP methods typically query a
pre-specified quantile from the distribution of nonconformity scores on a
calibration set. TQA adjusts the quantile to query in CP at each time $t$,
accounting for both cross-sectional and longitudinal coverage in a
theoretically-grounded manner. The post-hoc nature of TQA facilitates its use
as a general wrapper around any time series regression model. We validate TQA's
performance through extensive experimentation: TQA generally obtains efficient
PIs and improves longitudinal coverage while preserving cross-sectional
coverage."
4483,Towards Explanation for Unsupervised Graph-Level Representation Learning,"Due to the superior performance of Graph Neural Networks (GNNs) in various
domains, there is an increasing interest in the GNN explanation problem
""\emph{which fraction of the input graph is the most crucial to decide the
model's decision?}"" Existing explanation methods focus on the supervised
settings, \eg, node classification and graph classification, while the
explanation for unsupervised graph-level representation learning is still
unexplored. The opaqueness of the graph representations may lead to unexpected
risks when deployed for high-stake decision-making scenarios. In this paper, we
advance the Information Bottleneck principle (IB) to tackle the proposed
explanation problem for unsupervised graph representations, which leads to a
novel principle, \textit{Unsupervised Subgraph Information Bottleneck} (USIB).
We also theoretically analyze the connection between graph representations and
explanatory subgraphs on the label space, which reveals that the expressiveness
and robustness of representations benefit the fidelity of explanatory
subgraphs. Experimental results on both synthetic and real-world datasets
demonstrate the superiority of our developed explainer and the validity of our
theoretical analysis."
4484,FIND:Explainable Framework for Meta-learning,"Meta-learning is used to efficiently enable the automatic selection of
machine learning models by combining data and prior knowledge. Since the
traditional meta-learning technique lacks explainability, as well as
shortcomings in terms of transparency and fairness, achieving explainability
for meta-learning is crucial. This paper proposes FIND, an interpretable
meta-learning framework that not only can explain the recommendation results of
meta-learning algorithm selection, but also provide a more complete and
accurate explanation of the recommendation algorithm's performance on specific
datasets combined with business scenarios. The validity and correctness of this
framework have been demonstrated by extensive experiments."
4485,BayesPCN: A Continually Learnable Predictive Coding Associative Memory,"Associative memory plays an important role in human intelligence and its
mechanisms have been linked to attention in machine learning. While the machine
learning community's interest in associative memories has recently been
rekindled, most work has focused on memory recall ($read$) over memory learning
($write$). In this paper, we present BayesPCN, a hierarchical associative
memory capable of performing continual one-shot memory writes without
meta-learning. Moreover, BayesPCN is able to gradually forget past observations
($forget$) to free its memory. Experiments show that BayesPCN can recall
corrupted i.i.d. high-dimensional data observed hundreds of ""timesteps"" ago
without a significant drop in recall ability compared to the state-of-the-art
offline-learned associative memory models."
4486,Cross Reconstruction Transformer for Self-Supervised Time Series Representation Learning,"Unsupervised/self-supervised representation learning in time series is
critical since labeled samples are usually scarce in real-world scenarios.
Existing approaches mainly leverage the contrastive learning framework, which
automatically learns to understand the similar and dissimilar data pairs.
Nevertheless, they are restricted to the prior knowledge of constructing pairs,
cumbersome sampling policy, and unstable performances when encountering
sampling bias. Also, few works have focused on effectively modeling across
temporal-spectral relations to extend the capacity of representations. In this
paper, we aim at learning representations for time series from a new
perspective and propose Cross Reconstruction Transformer (CRT) to solve the
aforementioned problems in a unified way. CRT achieves time series
representation learning through a cross-domain dropping-reconstruction task.
Specifically, we transform time series into the frequency domain and randomly
drop certain parts in both time and frequency domains. Dropping can maximally
preserve the global context compared to cropping and masking. Then a
transformer architecture is utilized to adequately capture the cross-domain
correlations between temporal and spectral information through reconstructing
data in both domains, which is called Dropped Temporal-Spectral Modeling. To
discriminate the representations in global latent space, we propose Instance
Discrimination Constraint to reduce the mutual information between different
time series and sharpen the decision boundaries. Additionally, we propose a
specified curriculum learning strategy to optimize the CRT, which progressively
increases the dropping ratio in the training process."
4487,CertiFair: A Framework for Certified Global Fairness of Neural Networks,"We consider the problem of whether a Neural Network (NN) model satisfies
global individual fairness. Individual Fairness suggests that similar
individuals with respect to a certain task are to be treated similarly by the
decision model. In this work, we have two main objectives. The first is to
construct a verifier which checks whether the fairness property holds for a
given NN in a classification task or provide a counterexample if it is
violated, i.e., the model is fair if all similar individuals are classified the
same, and unfair if a pair of similar individuals are classified differently.
To that end, We construct a sound and complete verifier that verifies global
individual fairness properties of ReLU NN classifiers using distance-based
similarity metrics. The second objective of this paper is to provide a method
for training provably fair NN classifiers from unfair (biased) data. We propose
a fairness loss that can be used during training to enforce fair outcomes for
similar individuals. We then provide provable bounds on the fairness of the
resulting NN. We run experiments on commonly used fairness datasets that are
publicly available and we show that global individual fairness can be improved
by 96 % without significant drop in test accuracy."
4488,On Jointly Optimizing Partial Offloading and SFC Mapping: A Cooperative Dual-agent Deep Reinforcement Learning Approach,"Multi-access edge computing (MEC) and network function virtualization (NFV)
are promising technologies to support emerging IoT applications, especially
those computation-intensive. In NFV-enabled MEC environment, service function
chain (SFC), i.e., a set of ordered virtual network functions (VNFs), can be
mapped on MEC servers. Mobile devices (MDs) can offload computation-intensive
applications, which can be represented by SFCs, fully or partially to MEC
servers for remote execution. This paper studies the partial offloading and SFC
mapping joint optimization (POSMJO) problem in an NFV-enabled MEC system, where
an incoming task can be partitioned into two parts, one for local execution and
the other for remote execution. The objective is to minimize the average cost
in the long term which is a combination of execution delay, MD's energy
consumption, and usage charge for edge computing. This problem consists of two
closely related decision-making steps, namely task partition and VNF placement,
which is highly complex and quite challenging. To address this, we propose a
cooperative dual-agent deep reinforcement learning (CDADRL) algorithm, where we
design a framework enabling interaction between two agents. Simulation results
show that the proposed algorithm outperforms three combinations of deep
reinforcement learning algorithms in terms of cumulative and average episodic
rewards and it overweighs a number of baseline algorithms with respect to
execution delay, energy consumption, and usage charge."
4489,Anomaly Detection for Multivariate Time Series on Large-scale Fluid Handling Plant Using Two-stage Autoencoder,"This paper focuses on anomaly detection for multivariate time series data in
large-scale fluid handling plants with dynamic components, such as power
generation, water treatment, and chemical plants, where signals from various
physical phenomena are observed simultaneously. In these plants, the need for
anomaly detection techniques is increasing in order to reduce the cost of
operation and maintenance, in view of a decline in the number of skilled
engineers and a shortage of manpower. However, considering the complex behavior
of high-dimensional signals and the demand for interpretability, the techniques
constitute a major challenge. We introduce a Two-Stage AutoEncoder (TSAE) as an
anomaly detection method suitable for such plants. This is a simple autoencoder
architecture that makes anomaly detection more interpretable and more accurate,
in which based on the premise that plant signals can be separated into two
behaviors that have almost no correlation with each other, the signals are
separated into long-term and short-term components in a stepwise manner, and
the two components are trained independently to improve the inference
capability for normal signals. Through experiments on two publicly available
datasets of water treatment systems, we have confirmed the high detection
performance, the validity of the premise, and that the model behavior was as
intended, i.e., the technical effectiveness of TSAE."
4490,KERPLE: Kernelized Relative Positional Embedding for Length Extrapolation,"Relative positional embeddings (RPE) have received considerable attention
since RPEs effectively model the relative distance among tokens and enable
length extrapolation. We propose KERPLE, a framework that generalizes relative
position embedding for extrapolation by kernelizing positional differences. We
achieve this goal using conditionally positive definite (CPD) kernels, a class
of functions known for generalizing distance metrics. To maintain the inner
product interpretation of self-attention, we show that a CPD kernel can be
transformed into a PD kernel by adding a constant offset. This offset is
implicitly absorbed in the Softmax normalization during self-attention. The
diversity of CPD kernels allows us to derive various RPEs that enable length
extrapolation in a principled way. Experiments demonstrate that the logarithmic
variant achieves excellent extrapolation performance on three large language
modeling datasets."
4491,Robust Expected Information Gain for Optimal Bayesian Experimental Design Using Ambiguity Sets,"The ranking of experiments by expected information gain (EIG) in Bayesian
experimental design is sensitive to changes in the model's prior distribution,
and the approximation of EIG yielded by sampling will have errors similar to
the use of a perturbed prior. We define and analyze \emph{robust expected
information gain} (REIG), a modification of the objective in EIG maximization
by minimizing an affine relaxation of EIG over an ambiguity set of
distributions that are close to the original prior in KL-divergence. We show
that, when combined with a sampling-based approach to estimating EIG, REIG
corresponds to a `log-sum-exp' stabilization of the samples used to estimate
EIG, meaning that it can be efficiently implemented in practice. Numerical
tests combining REIG with variational nested Monte Carlo (VNMC), adaptive
contrastive estimation (ACE) and mutual information neural estimation (MINE)
suggest that in practice REIG also compensates for the variability of
under-sampled estimators."
4492,Can Foundation Models Wrangle Your Data?,"Foundation Models (FMs) are models trained on large corpora of data that, at
very large scale, can generalize to new tasks without any task-specific
finetuning. As these models continue to grow in size, innovations continue to
push the boundaries of what these models can do on language and image tasks.
This paper aims to understand an underexplored area of FMs: classical data
tasks like cleaning and integration. As a proof-of-concept, we cast three data
cleaning and integration tasks as prompting tasks and evaluate the performance
of FMs on these tasks. We find that large FMs generalize and achieve SoTA
performance on data cleaning and integration tasks, even though they are not
trained for these data tasks. We identify specific research challenges and
opportunities that these models present, including challenges with private and
temporal data, and opportunities to make data driven systems more accessible to
non-experts. We make our code and experiments publicly available at:
https://github.com/HazyResearch/fm_data_tasks."
4493,Sparse Infinite Random Feature Latent Variable Modeling,"We propose a non-linear, Bayesian non-parametric latent variable model where
the latent space is assumed to be sparse and infinite dimensional a priori
using an Indian buffet process prior. A posteriori, the number of instantiated
dimensions in the latent space is guaranteed to be finite. The purpose of
placing the Indian buffet process on the latent variables is to: 1.)
Automatically and probabilistically select the number of latent dimensions. 2.)
Impose sparsity in the latent space, where the Indian buffet process will
select which elements are exactly zero. Our proposed model allows for sparse,
non-linear latent variable modeling where the number of latent dimensions is
selected automatically. Inference is made tractable using the random Fourier
approximation and we can easily implement posterior inference through Markov
chain Monte Carlo sampling. This approach is amenable to many observation
models beyond the Gaussian setting. We demonstrate the utility of our method on
a variety of synthetic, biological and text datasets and show that we can
obtain superior test set performance compared to previous latent variable
models."
4494,Data Augmentation for Compositional Data: Advancing Predictive Models of the Microbiome,"Data augmentation plays a key role in modern machine learning pipelines.
While numerous augmentation strategies have been studied in the context of
computer vision and natural language processing, less is known for other data
modalities. Our work extends the success of data augmentation to compositional
data, i.e., simplex-valued data, which is of particular interest in the context
of the human microbiome. Drawing on key principles from compositional data
analysis, such as the Aitchison geometry of the simplex and subcompositions, we
define novel augmentation strategies for this data modality. Incorporating our
data augmentations into standard supervised learning pipelines results in
consistent performance gains across a wide range of standard benchmark
datasets. In particular, we set a new state-of-the-art for key disease
prediction tasks including colorectal cancer, type 2 diabetes, and Crohn's
disease. In addition, our data augmentations enable us to define a novel
contrastive learning model, which improves on previous representation learning
approaches for microbiome compositional data. Our code is available at
https://github.com/cunningham-lab/AugCoDa."
4495,Manifold-aligned Neighbor Embedding,"In this paper, we introduce a neighbor embedding framework for manifold
alignment. We demonstrate the efficacy of the framework using a
manifold-aligned version of the uniform manifold approximation and projection
algorithm. We show that our algorithm can learn an aligned manifold that is
visually competitive to embedding of the whole dataset."
4496,Minimal Explanations for Neural Network Predictions,"Explaining neural network predictions is known to be a challenging problem.
In this paper, we propose a novel approach which can be effectively exploited,
either in isolation or in combination with other methods, to enhance the
interpretability of neural model predictions. For a given input to a trained
neural model, our aim is to compute a smallest set of input features so that
the model prediction changes when these features are disregarded by setting
them to an uninformative baseline value. While computing such minimal
explanations is computationally intractable in general for fully-connected
neural networks, we show that the problem becomes solvable in polynomial time
by a greedy algorithm under mild assumptions on the network's activation
functions. We then show that our tractability result extends seamlessly to more
advanced neural architectures such as convolutional and graph neural networks.
We conduct experiments to showcase the capability of our method for identifying
the input features that are essential to the model's prediction."
4497,Estimating the frame potential of large-scale quantum circuit sampling using tensor networks up to 50 qubits,"We develop numerical protocols for estimating the frame potential, the 2-norm
distance between a given ensemble and the exact Haar randomness, using the
\texttt{QTensor} platform. Our tensor-network-based algorithm has polynomial
complexity for shallow circuits and is high performing using CPU and GPU
parallelism. We apply the above methods to two problems: the Brown-Susskind
conjecture, with local and parallel random circuits in terms of the Haar
distance and the approximate $k$-design properties of the hardware efficient
ans{\""a}tze in quantum machine learning, which induce the barren plateau
problem. We estimate frame potentials with these ensembles up to 50 qubits and
$k=5$, examine the Haar distance of the hardware-efficient ans{\""a}tze, and
verify the Brown-Susskind conjecture numerically. Our work shows that
large-scale tensor network simulations could provide important hints toward
open problems in quantum information science."
4498,Breaking the $\sqrt{T}$ Barrier: Instance-Independent Logarithmic Regret in Stochastic Contextual Linear Bandits,"We prove an instance independent (poly) logarithmic regret for stochastic
contextual bandits with linear payoff. Previously, in \cite{chu2011contextual},
a lower bound of $\mathcal{O}(\sqrt{T})$ is shown for the contextual linear
bandit problem with arbitrary (adversarily chosen) contexts. In this paper, we
show that stochastic contexts indeed help to reduce the regret from $\sqrt{T}$
to $\polylog(T)$. We propose Low Regret Stochastic Contextual Bandits
(\texttt{LR-SCB}), which takes advantage of the stochastic contexts and
performs parameter estimation (in $\ell_2$ norm) and regret minimization
simultaneously. \texttt{LR-SCB} works in epochs, where the parameter estimation
of the previous epoch is used to reduce the regret of the current epoch. The
(poly) logarithmic regret of \texttt{LR-SCB} stems from two crucial facts: (a)
the application of a norm adaptive algorithm to exploit the parameter
estimation and (b) an analysis of the shifted linear contextual bandit
algorithm, showing that shifting results in increasing regret. We have also
shown experimentally that stochastic contexts indeed incurs a regret that
scales with $\polylog(T)$."
4499,Let the Model Decide its Curriculum for Multitask Learning,"Curriculum learning strategies in prior multi-task learning approaches
arrange datasets in a difficulty hierarchy either based on human perception or
by exhaustively searching the optimal arrangement. However, human perception of
difficulty may not always correlate well with machine interpretation leading to
poor performance and exhaustive search is computationally expensive. Addressing
these concerns, we propose two classes of techniques to arrange training
instances into a learning curriculum based on difficulty scores computed via
model-based approaches. The two classes i.e Dataset-level and Instance-level
differ in granularity of arrangement. Through comprehensive experiments with 12
datasets, we show that instance-level and dataset-level techniques result in
strong representations as they lead to an average performance improvement of
4.17% and 3.15% over their respective baselines. Furthermore, we find that most
of this improvement comes from correctly answering the difficult instances,
implying a greater efficacy of our techniques on difficult tasks."
4500,Interpolating Compressed Parameter Subspaces,"Inspired by recent work on neural subspaces and mode connectivity, we revisit
parameter subspace sampling for shifted and/or interpolatable input
distributions (instead of a single, unshifted distribution). We enforce a
compressed geometric structure upon a set of trained parameters mapped to a set
of train-time distributions, denoting the resulting subspaces as Compressed
Parameter Subspaces (CPS). We show the success and failure modes of the types
of shifted distributions whose optimal parameters reside in the CPS. We find
that ensembling point-estimates within a CPS can yield a high average accuracy
across a range of test-time distributions, including backdoor, adversarial,
permutation, stylization and rotation perturbations. We also find that the CPS
can contain low-loss point-estimates for various task shifts (albeit
interpolated, perturbed, unseen or non-identical coarse labels). We further
demonstrate this property in a continual learning setting with CIFAR100."
4501,Time Series Anomaly Detection via Reinforcement Learning-Based Model Selection,"Time series anomaly detection is of critical importance for the reliable and
efficient operation of real-world systems. Many anomaly detection models have
been developed throughout the years based on various assumptions regarding
anomaly characteristics. However, due to the complex nature of real-world data,
different anomalies within a time series usually have diverse profiles
supporting different anomaly assumptions, making it difficult to find a single
anomaly detector that can consistently beat all other models. In this work, to
harness the benefits of different base models, we assume that a pool of anomaly
detection models is accessible and propose to utilize reinforcement learning to
dynamically select a candidate model from these base models. Experiments on
real-world data have been implemented. It is demonstrated that the proposed
strategy can outperforms all baseline models in terms of overall performance."
4502,A Rule Search Framework for the Early Identification of Chronic Emergency Homeless Shelter Clients,"This paper uses rule search techniques for the early identification of
emergency homeless shelter clients who are at risk of becoming long term or
chronic shelter users. Using a data set from a major North American shelter
containing 12 years of service interactions with over 40,000 individuals, the
optimized pruning for unordered search (OPUS) algorithm is used to develop
rules that are both intuitive and effective. The rules are evaluated within a
framework compatible with the real-time delivery of a housing program meant to
transition high risk clients to supportive housing. Results demonstrate that
the median time to identification of clients at risk of chronic shelter use
drops from 297 days to 162 days when the methods in this paper are applied."
4503,Beyond Labels: Visual Representations for Bone Marrow Cell Morphology Recognition,"Analyzing and inspecting bone marrow cell cytomorphology is a critical but
highly complex and time-consuming component of hematopathology diagnosis.
Recent advancements in artificial intelligence have paved the way for the
application of deep learning algorithms to complex medical tasks. Nevertheless,
there are many challenges in applying effective learning algorithms to medical
image analysis, such as the lack of sufficient and reliably annotated training
datasets and the highly class-imbalanced nature of most medical data. Here, we
improve on the state-of-the-art methodologies of bone marrow cell recognition
by deviating from sole reliance on labeled data and leveraging self-supervision
in training our learning models. We investigate our approach's effectiveness in
identifying bone marrow cell types. Our experiments demonstrate significant
performance improvements in conducting different bone marrow cell recognition
tasks compared to the current state-of-the-art methodologies."
4504,Real Time Multi-Object Detection for Helmet Safety,"The National Football League and Amazon Web Services teamed up to develop the
best sports injury surveillance and mitigation program via the Kaggle
competition. Through which the NFL wants to assign specific players to each
helmet, which would help accurately identify each player's ""exposures""
throughout a football play. We are trying to implement a computer vision based
ML algorithms capable of assigning detected helmet impacts to correct players
via tracking information. Our paper will explain the approach to automatically
track player helmets and their collisions. This will also allow them to review
previous plays and explore the trends in exposure over time."
4505,Incremental Learning with Differentiable Architecture and Forgetting Search,"As progress is made on training machine learning models on incrementally
expanding classification tasks (i.e., incremental learning), a next step is to
translate this progress to industry expectations. One technique missing from
incremental learning is automatic architecture design via Neural Architecture
Search (NAS). In this paper, we show that leveraging NAS for incremental
learning results in strong performance gains for classification tasks.
Specifically, we contribute the following: first, we create a strong baseline
approach for incremental learning based on Differentiable Architecture Search
(DARTS) and state-of-the-art incremental learning strategies, outperforming
many existing strategies trained with similar-sized popular architectures;
second, we extend the idea of architecture search to regularize architecture
forgetting, boosting performance past our proposed baseline. We evaluate our
method on both RF signal and image classification tasks, and demonstrate we can
achieve up to a 10% performance increase over state-of-the-art methods. Most
importantly, our contribution enables learning from continuous distributions on
real-world application data for which the complexity of the data distribution
is unknown, or the modality less explored (such as RF signal classification)."
4506,Content-Context Factorized Representations for Automated Speech Recognition,"Deep neural networks have largely demonstrated their ability to perform
automated speech recognition (ASR) by extracting meaningful features from input
audio frames. Such features, however, may consist not only of information about
the spoken language content, but also may contain information about unnecessary
contexts such as background noise and sounds or speaker identity, accent, or
protected attributes. Such information can directly harm generalization
performance, by introducing spurious correlations between the spoken words and
the context in which such words were spoken. In this work, we introduce an
unsupervised, encoder-agnostic method for factoring speech-encoder
representations into explicit content-encoding representations and spurious
context-encoding representations. By doing so, we demonstrate improved
performance on standard ASR benchmarks, as well as improved performance in both
real-world and artificially noisy ASR scenarios."
4507,Transformer with Memory Replay,"Transformers achieve state-of-the-art performance for natural language
processing tasks by pre-training on large-scale text corpora. They are
extremely compute-intensive and have very high sample complexity. Memory replay
is a mechanism that remembers and reuses past examples by saving to and
replaying from a memory buffer. It has been successfully used in reinforcement
learning and GANs due to better sample efficiency. In this paper, we propose
\emph{Transformer with Memory Replay} (TMR), which integrates memory replay
with transformer, making transformer more sample-efficient. Experiments on GLUE
and SQuAD benchmark datasets show that Transformer with Memory Replay achieves
at least $1\%$ point increase compared to the baseline transformer model when
pretrained with the same number of examples. Further, by adopting a careful
design that reduces the wall-clock time overhead of memory replay, we also
empirically achieve a better runtime efficiency."
4508,Service Delay Minimization for Federated Learning over Mobile Devices,"Federated learning (FL) over mobile devices has fostered numerous intriguing
applications/services, many of which are delay-sensitive. In this paper, we
propose a service delay efficient FL (SDEFL) scheme over mobile devices. Unlike
traditional communication efficient FL, which regards wireless communications
as the bottleneck, we find that under many situations, the local computing
delay is comparable to the communication delay during the FL training process,
given the development of high-speed wireless transmission techniques. Thus, the
service delay in FL should be computing delay + communication delay over
training rounds. To minimize the service delay of FL, simply reducing local
computing/communication delay independently is not enough. The delay trade-off
between local computing and wireless communications must be considered.
Besides, we empirically study the impacts of local computing control and
compression strategies (i.e., the number of local updates, weight quantization,
and gradient quantization) on computing, communication and service delays.
Based on those trade-off observation and empirical studies, we develop an
optimization scheme to minimize the service delay of FL over heterogeneous
devices. We establish testbeds and conduct extensive emulations/experiments to
verify our theoretical analysis. The results show that SDEFL reduces notable
service delay with a small accuracy drop compared to peer designs."
4509,Automated Scoring for Reading Comprehension via In-context BERT Tuning,"Automated scoring of open-ended student responses has the potential to
significantly reduce human grader effort. Recent advances in automated scoring
often leverage textual representations based on pre-trained language models
such as BERT and GPT as input to scoring models. Most existing approaches train
a separate model for each item/question, which is suitable for scenarios such
as essay scoring where items can be quite different from one another. However,
these approaches have two limitations: 1) they fail to leverage item linkage
for scenarios such as reading comprehension where multiple items may share a
reading passage; 2) they are not scalable since storing one model per item
becomes difficult when models have a large number of parameters. In this paper,
we report our (grand prize-winning) solution to the National Assessment of
Education Progress (NAEP) automated scoring challenge for reading
comprehension. Our approach, in-context BERT fine-tuning, produces a single
shared scoring model for all items with a carefully-designed input structure to
provide contextual information on each item. We demonstrate the effectiveness
of our approach via local evaluations using the training dataset provided by
the challenge. We also discuss the biases, common error types, and limitations
of our approach."
4510,Recurrent segmentation meets block models in temporal networks,"A popular approach to model interactions is to represent them as a network
with nodes being the agents and the interactions being the edges. Interactions
are often timestamped, which leads to having timestamped edges. Many real-world
temporal networks have a recurrent or possibly cyclic behaviour. For example,
social network activity may be heightened during certain hours of day. In this
paper, our main interest is to model recurrent activity in such temporal
networks. As a starting point we use stochastic block model, a popular choice
for modelling static networks, where nodes are split into $R$ groups. We extend
this model to temporal networks by modelling the edges with a Poisson process.
We make the parameters of the process dependent on time by segmenting the time
line into $K$ segments. To enforce the recurring activity we require that only
$H < K$ different set of parameters can be used, that is, several, not
necessarily consecutive, segments must share their parameters. We prove that
the searching for optimal blocks and segmentation is an NP-hard problem.
Consequently, we split the problem into 3 subproblems where we optimize blocks,
model parameters, and segmentation in turn while keeping the remaining
structures fixed. We propose an iterative algorithm that requires $O(KHm + Rn +
R^2H)$ time per iteration, where $n$ and $m$ are the number of nodes and edges
in the network. We demonstrate experimentally that the number of required
iterations is typically low, the algorithm is able to discover the ground truth
from synthetic datasets, and show that certain real-world networks exhibit
recurrent behaviour as the likelihood does not deteriorate when $H$ is lowered."
4511,Mean-Field Analysis of Two-Layer Neural Networks: Global Optimality with Linear Convergence Rates,"We consider optimizing two-layer neural networks in the mean-field regime
where the learning dynamics of network weights can be approximated by the
evolution in the space of probability measures over the weight parameters
associated with the neurons. The mean-field regime is a theoretically
attractive alternative to the NTK (lazy training) regime which is only
restricted locally in the so-called neural tangent kernel space around
specialized initializations. Several prior works (\cite{mei2018mean,
chizat2018global}) establish the asymptotic global optimality of the mean-field
regime, but it is still challenging to obtain a quantitative convergence rate
due to the complicated nonlinearity of the training dynamics. This work
establishes a new linear convergence result for two-layer neural networks
trained by continuous-time noisy gradient descent in the mean-field regime. Our
result relies on a novelty logarithmic Sobolev inequality for two-layer neural
networks, and uniform upper bounds on the logarithmic Sobolev constants for a
family of measures determined by the evolving distribution of hidden neurons."
4512,"MCVD: Masked Conditional Video Diffusion for Prediction, Generation, and Interpolation","Video prediction is a challenging task. The quality of video frames from
current state-of-the-art (SOTA) generative models tends to be poor and
generalization beyond the training data is difficult. Furthermore, existing
prediction frameworks are typically not capable of simultaneously handling
other video-related tasks such as unconditional generation or interpolation. In
this work, we devise a general-purpose framework called Masked Conditional
Video Diffusion (MCVD) for all of these video synthesis tasks using a
probabilistic conditional score-based denoising diffusion model, conditioned on
past and/or future frames. We train the model in a manner where we randomly and
independently mask all the past frames or all the future frames. This novel but
straightforward setup allows us to train a single model that is capable of
executing a broad range of video tasks, specifically: future/past prediction --
when only future/past frames are masked; unconditional generation -- when both
past and future frames are masked; and interpolation -- when neither past nor
future frames are masked. Our experiments show that this approach can generate
high-quality frames for diverse types of videos. Our MCVD models are built from
simple non-recurrent 2D-convolutional architectures, conditioning on blocks of
frames and generating blocks of frames. We generate videos of arbitrary lengths
autoregressively in a block-wise manner. Our approach yields SOTA results
across standard video prediction and interpolation benchmarks, with computation
times for training models measured in 1-12 days using $\le$ 4 GPUs. Project
page: https://mask-cond-video-diffusion.github.io ; Code :
https://github.com/voletiv/mcvd-pytorch"
4513,Deconfounding Actor-Critic Network with Policy Adaptation for Dynamic Treatment Regimes,"Despite intense efforts in basic and clinical research, an individualized
ventilation strategy for critically ill patients remains a major challenge.
Recently, dynamic treatment regime (DTR) with reinforcement learning (RL) on
electronic health records (EHR) has attracted interest from both the healthcare
industry and machine learning research community. However, most learned DTR
policies might be biased due to the existence of confounders. Although some
treatment actions non-survivors received may be helpful, if confounders cause
the mortality, the training of RL models guided by long-term outcomes (e.g.,
90-day mortality) would punish those treatment actions causing the learned DTR
policies to be suboptimal. In this study, we develop a new deconfounding
actor-critic network (DAC) to learn optimal DTR policies for patients. To
alleviate confounding issues, we incorporate a patient resampling module and a
confounding balance module into our actor-critic framework. To avoid punishing
the effective treatment actions non-survivors received, we design a short-term
reward to capture patients' immediate health state changes. Combining
short-term with long-term rewards could further improve the model performance.
Moreover, we introduce a policy adaptation method to successfully transfer the
learned model to new-source small-scale datasets. The experimental results on
one semi-synthetic and two different real-world datasets show the proposed
model outperforms the state-of-the-art models. The proposed model provides
individualized treatment decisions for mechanical ventilation that could
improve patient outcomes."
4514,Confident Clustering via PCA Compression Ratio and Its Application to Single-cell RNA-seq Analysis,"Unsupervised clustering algorithms for vectors has been widely used in the
area of machine learning. Many applications, including the biological data we
studied in this paper, contain some boundary datapoints which show combination
properties of two underlying clusters and could lower the performance of the
traditional clustering algorithms. We develop a confident clustering method
aiming to diminish the influence of these datapoints and improve the clustering
results. Concretely, for a list of datapoints, we give two clustering results.
The first-round clustering attempts to classify only pure vectors with high
confidence. Based on it, we classify more vectors with less confidence in the
second round. We validate our algorithm on single-cell RNA-seq data, which is a
powerful and widely used tool in biology area. Our confident clustering shows a
high accuracy on our tested datasets. In addition, unlike traditional
clustering methods in single-cell analysis, the confident clustering shows high
stability under different choices of parameters."
4515,A Hardware-Aware Framework for Accelerating Neural Architecture Search Across Modalities,"Recent advances in Neural Architecture Search (NAS) such as one-shot NAS
offer the ability to extract specialized hardware-aware sub-network
configurations from a task-specific super-network. While considerable effort
has been employed towards improving the first stage, namely, the training of
the super-network, the search for derivative high-performing sub-networks is
still under-explored. Popular methods decouple the super-network training from
the sub-network search and use performance predictors to reduce the
computational burden of searching on different hardware platforms. We propose a
flexible search framework that automatically and efficiently finds optimal
sub-networks that are optimized for different performance metrics and hardware
configurations. Specifically, we show how evolutionary algorithms can be paired
with lightly trained objective predictors in an iterative cycle to accelerate
architecture search in a multi-objective setting for various modalities
including machine translation and image classification."
4516,Preliminary study on the impact of EEG density on TMS-EEG classification in Alzheimer's disease,"Transcranial magnetic stimulation co-registered with electroencephalographic
(TMS-EEG) has previously proven a helpful tool in the study of Alzheimer's
disease (AD). In this work, we investigate the use of TMS-evoked EEG responses
to classify AD patients from healthy controls (HC). By using a dataset
containing 17AD and 17HC, we extract various time domain features from
individual TMS responses and average them over a low, medium and high density
EEG electrode set. Within a leave-one-subject-out validation scenario, the best
classification performance for AD vs. HC was obtained using a high-density
electrode with a Random Forest classifier. The accuracy, sensitivity and
specificity were of 92.7%, 96.58% and 88.2% respectively."
4517,"A toolbox for idea generation and evaluation: Machine learning, data-driven, and contest-driven approaches to support idea generation","The significance and abundance of data are increasing due to the growing
digital data generated from social media, sensors, scholarly literature,
patents, different forms of documents published online, databases, product
manuals, etc. Various data sources can be used to generate ideas, yet, in
addition to bias, the size of the available digital data is a major challenge
when it comes to manual analysis. Hence, human-machine interaction is essential
for generating valuable ideas where machine learning and data-driven techniques
generate patterns from data and serve human sense-making. However, the use of
machine learning and data-driven approaches to generate ideas is a relatively
new area. Moreover, it is also possible to stimulate innovation using
contest-driven idea generation and evaluation. The results and contributions of
this thesis can be viewed as a toolbox of idea-generation techniques, including
a list of data-driven and machine learning techniques with corresponding data
sources and models to support idea generation. In addition, the results include
two models, one method and one framework, to better support data-driven and
contest- driven idea generation. The beneficiaries of these artefacts are
practitioners in data and knowledge engineering, data mining project managers,
and innovation agents. Innovation agents include incubators, contest
organizers, consultants, innovation accelerators, and industries. Since the
proposed artefacts consist of process models augmented with AI techniques,
human-centred AI is a promising area of research that can contribute to the
artefacts' further development and promote creativity."
4518,HyBNN and FedHyBNN: (Federated) Hybrid Binary Neural Networks,"Binary Neural Networks (BNNs), neural networks with weights and activations
constrained to -1(0) and +1, are an alternative to deep neural networks which
offer faster training, lower memory consumption and lightweight models, ideal
for use in resource constrained devices while being able to utilize the
architecture of their deep neural network counterpart. However, the input
binarization step used in BNNs causes a severe accuracy loss. In this paper, we
introduce a novel hybrid neural network architecture, Hybrid Binary Neural
Network (HyBNN), consisting of a task-independent, general, full-precision
variational autoencoder with a binary latent space and a task specific binary
neural network that is able to greatly limit the accuracy loss due to input
binarization by using the full precision variational autoencoder as a feature
extractor. We use it to combine the state-of-the-art accuracy of deep neural
networks with the much faster training time, quicker test-time inference and
power efficiency of binary neural networks. We show that our proposed system is
able to very significantly outperform a vanilla binary neural network with
input binarization. We also introduce FedHyBNN, a highly communication
efficient federated counterpart to HyBNN and demonstrate that it is able to
reach the same accuracy as its non-federated equivalent. We make our source
code, experimental parameters and models available at:
https://anonymous.4open.science/r/HyBNN."
4519,Why GANs are overkill for NLP,"This work offers a novel theoretical perspective on why, despite numerous
attempts, adversarial approaches to generative modeling (e.g., GANs) have not
been as popular for certain generation tasks, particularly sequential tasks
such as Natural Language Generation, as they have in others, such as Computer
Vision. In particular, on sequential data such as text, maximum-likelihood
approaches are significantly more utilized than GANs. We show that, while it
may seem that maximizing likelihood is inherently different than minimizing
distinguishability, this distinction is largely artificial and only holds for
limited models. We argue that minimizing KL-divergence (i.e., maximizing
likelihood) is a more efficient approach to effectively minimizing the same
distinguishability criteria that adversarial models seek to optimize.
Reductions show that minimizing distinguishability can be seen as simply
boosting likelihood for certain families of models including n-gram models and
neural networks with a softmax output layer. To achieve a full polynomial-time
reduction, a novel next-token distinguishability model is considered."
4520,Summarization as Indirect Supervision for Relation Extraction,"Relation extraction (RE) models have been challenged by their reliance on
training data with expensive annotations. Considering that summarization tasks
aim at acquiring concise expressions of synoptical information from the longer
context, these tasks naturally align with the objective of RE, i.e., extracting
a kind of synoptical information that describes the relation of entity
mentions. We present SuRE, which converts RE into a summarization formulation.
SuRE leads to more precise and resource-efficient RE based on indirect
supervision from summarization tasks. To achieve this goal, we develop sentence
and relation conversion techniques that essentially bridge the formulation of
summarization and RE tasks. We also incorporate constraint decoding techniques
with Trie scoring to further enhance summarization-based RE with robust
inference. Experiments on three RE datasets demonstrate the effectiveness of
SuRE in both full-dataset and low-resource settings, showing that summarization
is a promising source of indirect supervision to improve RE models."
4521,Concurrent Policy Blending and System Identification for Generalized Assistive Control,"In this work, we address the problem of solving complex collaborative robotic
tasks subject to multiple varying parameters. Our approach combines
simultaneous policy blending with system identification to create generalized
policies that are robust to changes in system parameters. We employ a blending
network whose state space relies solely on parameter estimates from a system
identification technique. As a result, this blending network learns how to
handle parameter changes instead of trying to learn how to solve the task for a
generalized parameter set simultaneously. We demonstrate our scheme's ability
on a collaborative robot and human itching task in which the human has motor
impairments. We then showcase our approach's efficiency with a variety of
system identification techniques when compared to standard domain
randomization."
4522,Classification of Intra-Pulse Modulation of Radar Signals by Feature Fusion Based Convolutional Neural Networks,"Detection and classification of radars based on pulses they transmit is an
important application in electronic warfare systems. In this work, we propose a
novel deep-learning based technique that automatically recognizes intra-pulse
modulation types of radar signals. Re-assigned spectrogram of measured radar
signal and detected outliers of its instantaneous phases filtered by a special
function are used for training multiple convolutional neural networks.
Automatically extracted features from the networks are fused to distinguish
frequency and phase modulated signals. Simulation results show that the
proposed FF-CNN (Feature Fusion based Convolutional Neural Network) technique
outperforms the current state-of-the-art alternatives and is easily scalable
among broad range of modulation types."
4523,Learning Interface Conditions in Domain Decomposition Solvers,"Domain decomposition methods are widely used and effective in the
approximation of solutions to partial differential equations. Yet the optimal
construction of these methods requires tedious analysis and is often available
only in simplified, structured-grid settings, limiting their use for more
complex problems. In this work, we generalize optimized Schwarz domain
decomposition methods to unstructured-grid problems, using Graph Convolutional
Neural Networks (GCNNs) and unsupervised learning to learn optimal
modifications at subdomain interfaces. A key ingredient in our approach is an
improved loss function, enabling effective training on relatively small
problems, but robust performance on arbitrarily large problems, with
computational cost linear in problem size. The performance of the learned
linear solvers is compared with both classical and optimized domain
decomposition algorithms, for both structured- and unstructured-grid problems."
4524,Capturing cross-session neural population variability through self-supervised identification of consistent neuron ensembles,"Decoding stimuli or behaviour from recorded neural activity is a common
approach to interrogate brain function in research, and an essential part of
brain-computer and brain-machine interfaces. Reliable decoding even from small
neural populations is possible because high dimensional neural population
activity typically occupies low dimensional manifolds that are discoverable
with suitable latent variable models. Over time however, drifts in activity of
individual neurons and instabilities in neural recording devices can be
substantial, making stable decoding over days and weeks impractical. While this
drift cannot be predicted on an individual neuron level, population level
variations over consecutive recording sessions such as differing sets of
neurons and varying permutations of consistent neurons in recorded data may be
learnable when the underlying manifold is stable over time. Classification of
consistent versus unfamiliar neurons across sessions and accounting for
deviations in the order of consistent recording neurons in recording datasets
over sessions of recordings may then maintain decoding performance. In this
work we show that self-supervised training of a deep neural network can be used
to compensate for this inter-session variability. As a result, a sequential
autoencoding model can maintain state-of-the-art behaviour decoding performance
for completely unseen recording sessions several days into the future. Our
approach only requires a single recording session for training the model, and
is a step towards reliable, recalibration-free brain computer interfaces."
4525,Algorithms for Weak Optimal Transport with an Application to Economics,"The theory of weak optimal transport (WOT), introduced by [Gozlan et al.,
2017], generalizes the classic Monge-Kantorovich framework by allowing the
transport cost between one point and the points it is matched with to be
nonlinear. In the so-called barycentric version of WOT, the cost for
transporting a point $x$ only depends on $x$ and on the barycenter of the
points it is matched with. This aggregation property of WOT is appealing in
machine learning, economics and finance. Yet algorithms to compute WOT have
only been developed for the special case of quadratic barycentric WOT, or
depend on neural networks with no guarantee on the computed value and matching.
The main difficulty lies in the transportation constraints which are costly to
project onto. In this paper, we propose to use mirror descent algorithms to
solve the primal and dual versions of the WOT problem. We also apply our
algorithms to the variant of WOT introduced by [Chon\'e et al., 2022] where
mass is distributed from one space to another through unnormalized kernels
(WOTUK). We empirically compare the solutions of WOT and WOTUK with classical
OT. We illustrate our numerical methods to the economic framework of [Chon\'e
and Kramarz, 2021], namely the matching between workers and firms on labor
markets."
4526,Deep Learning Methods for Proximal Inference via Maximum Moment Restriction,"The No Unmeasured Confounding Assumption is widely used to identify causal
effects in observational studies. Recent work on proximal inference has
provided alternative identification results that succeed even in the presence
of unobserved confounders, provided that one has measured a sufficiently rich
set of proxy variables, satisfying specific structural conditions. However,
proximal inference requires solving an ill-posed integral equation. Previous
approaches have used a variety of machine learning techniques to estimate a
solution to this integral equation, commonly referred to as the bridge
function. However, prior work has often been limited by relying on
pre-specified kernel functions, which are not data adaptive and struggle to
scale to large datasets. In this work, we introduce a flexible and scalable
method based on a deep neural network to estimate causal effects in the
presence of unmeasured confounding using proximal inference. Our method
achieves state of the art performance on two well-established proximal
inference benchmarks. Finally, we provide theoretical consistency guarantees
for our method."
4527,A Learning-Based Approach to Approximate Coded Computation,"Lagrange coded computation (LCC) is essential to solving problems about
matrix polynomials in a coded distributed fashion; nevertheless, it can only
solve the problems that are representable as matrix polynomials. In this paper,
we propose AICC, an AI-aided learning approach that is inspired by LCC but also
uses deep neural networks (DNNs). It is appropriate for coded computation of
more general functions. Numerical simulations demonstrate the suitability of
the proposed approach for the coded computation of different matrix functions
that are often utilized in digital signal processing."
4528,MiDAS: Multi-integrated Domain Adaptive Supervision for Fake News Detection,"COVID-19 related misinformation and fake news, coined an 'infodemic', has
dramatically increased over the past few years. This misinformation exhibits
concept drift, where the distribution of fake news changes over time, reducing
effectiveness of previously trained models for fake news detection. Given a set
of fake news models trained on multiple domains, we propose an adaptive
decision module to select the best-fit model for a new sample. We propose
MiDAS, a multi-domain adaptative approach for fake news detection that ranks
relevancy of existing models to new samples. MiDAS contains 2 components: a
doman-invariant encoder, and an adaptive model selector. MiDAS integrates
multiple pre-trained and fine-tuned models with their training data to create a
domain-invariant representation. Then, MiDAS uses local Lipschitz smoothness of
the invariant embedding space to estimate each model's relevance to a new
sample. Higher ranked models provide predictions, and lower ranked models
abstain. We evaluate MiDAS on generalization to drifted data with 9 fake news
datasets, each obtained from different domains and modalities. MiDAS achieves
new state-of-the-art performance on multi-domain adaptation for
out-of-distribution fake news classification."
4529,A Novel Weighted Ensemble Learning Based Agent for the Werewolf Game,"Werewolf is a popular party game throughout the world, and research on its
significance has progressed in recent years. The Werewolf game is based on
conversation, and in order to win, participants must use all of their cognitive
abilities. This communication game requires the playing agents to be very
sophisticated to win. In this research, we generated a sophisticated agent to
play the Werewolf game using a complex weighted ensemble learning approach.
This research work aimed to estimate what other agents/players think of us in
the game. The agent was developed by aggregating strategies of different
participants in the AI Wolf competition and thereby learning from them using
machine learning. Moreover, the agent created was able to perform much better
than other competitors using very basic strategies to show the approach's
effectiveness in the Werewolf game. The machine learning technique used here is
not restricted to the Werewolf game but may be extended to any game that
requires communication and action depending on other participants."
4530,Calibration Matters: Tackling Maximization Bias in Large-scale Advertising Recommendation Systems,"Calibration is defined as the ratio of the average predicted click rate to
the true click rate. The optimization of calibration is essential to many
online advertising recommendation systems because it directly affects the
downstream bids in ads auctions and the amount of money charged to advertisers.
Despite its importance, calibration optimization often suffers from a problem
called ""maximization bias"". Maximization bias refers to the phenomenon that the
maximum of predicted values overestimates the true maximum. The problem is
introduced because the calibration is computed on the set selected by the
prediction model itself. It persists even if unbiased predictions can be
achieved on every datapoint and worsens when covariate shifts exist between the
training and test sets. To mitigate this problem, we theorize the
quantification of maximization bias and propose a variance-adjusting debiasing
(VAD) meta-algorithm in this paper. The algorithm is efficient, robust, and
practical as it is able to mitigate maximization bias problems under covariate
shifts, neither incurring additional online serving costs nor compromising the
ranking performance. We demonstrate the effectiveness of the proposed algorithm
using a state-of-the-art recommendation neural network model on a large-scale
real-world dataset."
4531,Estimation of Entropy in Constant Space with Improved Sample Complexity,"Recent work of Acharya et al. (NeurIPS 2019) showed how to estimate the
entropy of a distribution $\mathcal D$ over an alphabet of size $k$ up to
$\pm\epsilon$ additive error by streaming over $(k/\epsilon^3) \cdot
\text{polylog}(1/\epsilon)$ i.i.d. samples and using only $O(1)$ words of
memory. In this work, we give a new constant memory scheme that reduces the
sample complexity to $(k/\epsilon^2)\cdot \text{polylog}(1/\epsilon)$. We
conjecture that this is optimal up to $\text{polylog}(1/\epsilon)$ factors."
4532,Towards a Holistic View on Argument Quality Prediction,"Argumentation is one of society's foundational pillars, and, sparked by
advances in NLP and the vast availability of text data, automated mining of
arguments receives increasing attention. A decisive property of arguments is
their strength or quality. While there are works on the automated estimation of
argument strength, their scope is narrow: they focus on isolated datasets and
neglect the interactions with related argument mining tasks, such as argument
identification, evidence detection, or emotional appeal. In this work, we close
this gap by approaching argument quality estimation from multiple different
angles: Grounded on rich results from thorough empirical evaluations, we assess
the generalization capabilities of argument quality estimation across diverse
domains, the interplay with related argument mining tasks, and the impact of
emotions on perceived argument strength. We find that generalization depends on
a sufficient representation of different domains in the training part. In
zero-shot transfer and multi-task experiments, we reveal that argument quality
is among the more challenging tasks but can improve others. Finally, we show
that emotions play a minor role in argument quality than is often assumed."
4533,Label-invariant Augmentation for Semi-Supervised Graph Classification,"Recently, contrastiveness-based augmentation surges a new climax in the
computer vision domain, where some operations, including rotation, crop, and
flip, combined with dedicated algorithms, dramatically increase the model
generalization and robustness. Following this trend, some pioneering attempts
employ the similar idea to graph data. Nevertheless, unlike images, it is much
more difficult to design reasonable augmentations without changing the nature
of graphs. Although exciting, the current graph contrastive learning does not
achieve as promising performance as visual contrastive learning. We conjecture
the current performance of graph contrastive learning might be limited by the
violation of the label-invariant augmentation assumption. In light of this, we
propose a label-invariant augmentation for graph-structured data to address
this challenge. Different from the node/edge modification and subgraph
extraction, we conduct the augmentation in the representation space and
generate the augmented samples in the most difficult direction while keeping
the label of augmented data the same as the original samples. In the
semi-supervised scenario, we demonstrate our proposed method outperforms the
classical graph neural network based methods and recent graph contrastive
learning on eight benchmark graph-structured data, followed by several in-depth
experiments to further explore the label-invariant augmentation in several
aspects."
4534,Graph Neural Networks Are More Powerful Than we Think,"Graph Neural Networks (GNNs) are powerful convolutional architectures that
have shown remarkable performance in various node-level and graph-level tasks.
Despite their success, the common belief is that the expressive power of GNNs
is limited and that they are at most as discriminative as the Weisfeiler-Lehman
(WL) algorithm. In this paper we argue the opposite and show that the WL
algorithm is the upper bound only when the input to the GNN is the vector of
all ones. In this direction, we derive an alternative analysis that employs
linear algebraic tools and characterize the representational power of GNNs with
respect to the eigenvalue decomposition of the graph operators. We show that
GNNs can distinguish between any graphs that differ in at least one eigenvalue
and design simple GNN architectures that are provably more expressive than the
WL algorithm. Thorough experimental analysis on graph isomorphism and graph
classification datasets corroborates our theoretical results and demonstrates
the effectiveness of the proposed architectures."
4535,Improving Multi-Task Generalization via Regularizing Spurious Correlation,"Multi-Task Learning (MTL) is a powerful learning paradigm to improve
generalization performance via knowledge sharing. However, existing studies
find that MTL could sometimes hurt generalization, especially when two tasks
are less correlated. One possible reason that hurts generalization is spurious
correlation, i.e., some knowledge is spurious and not causally related to task
labels, but the model could mistakenly utilize them and thus fail when such
correlation changes. In MTL setup, there exist several unique challenges of
spurious correlation. First, the risk of having non-causal knowledge is higher,
as the shared MTL model needs to encode all knowledge from different tasks, and
causal knowledge for one task could be potentially spurious to the other.
Second, the confounder between task labels brings in a different type of
spurious correlation to MTL. We theoretically prove that MTL is more prone to
taking non-causal knowledge from other tasks than single-task learning, and
thus generalize worse. To solve this problem, we propose Multi-Task Causal
Representation Learning framework, aiming to represent multi-task knowledge via
disentangled neural modules, and learn which module is causally related to each
task via MTL-specific invariant regularization. Experiments show that it could
enhance MTL model's performance by 5.5% on average over Multi-MNIST, MovieLens,
Taskonomy, CityScape, and NYUv2, via alleviating spurious correlation problem."
4536,Causal Discovery and Injection for Feed-Forward Neural Networks,"Neural networks have proven to be effective at solving a wide range of
problems but it is often unclear whether they learn any meaningful causal
relationship: this poses a problem for the robustness of neural network models
and their use for high-stakes decisions. We propose a novel method overcoming
this issue by injecting knowledge in the form of (possibly partial) causal
graphs into feed-forward neural networks, so that the learnt model is
guaranteed to conform to the graph, hence adhering to expert knowledge. This
knowledge may be given up-front or during the learning process, to improve the
model through human-AI collaboration. We apply our method to synthetic and real
(tabular) data showing that it is robust against noise and can improve causal
discovery and prediction performance in low data regimes."
4537,Residual Dynamic Mode Decomposition: Robust and verified Koopmanism,"Dynamic Mode Decomposition (DMD) describes complex dynamic processes through
a hierarchy of simpler coherent features. DMD is regularly used to understand
the fundamental characteristics of turbulence and is closely related to Koopman
operators. However, verifying the decomposition, equivalently the computed
spectral features of Koopman operators, remains a major challenge due to the
infinite-dimensional nature of Koopman operators. Challenges include spurious
(unphysical) modes, and dealing with continuous spectra, both of which occur
regularly in turbulent flows. Residual Dynamic Mode Decomposition (ResDMD),
introduced by (Colbrook & Townsend 2021), overcomes some of these challenges
through the data-driven computation of residuals associated with the full
infinite-dimensional Koopman operator. ResDMD computes spectra and
pseudospectra of general Koopman operators with error control, and computes
smoothed approximations of spectral measures (including continuous spectra)
with explicit high-order convergence theorems. ResDMD thus provides robust and
verified Koopmanism. We implement ResDMD and demonstrate its application in a
variety of fluid dynamic situations, at varying Reynolds numbers, arising from
both numerical and experimental data. Examples include: vortex shedding behind
a cylinder; hot-wire data acquired in a turbulent boundary layer; particle
image velocimetry data focusing on a wall-jet flow; and acoustic pressure
signals of laser-induced plasma. We present some advantages of ResDMD, namely,
the ability to verifiably resolve non-linear, transient modes, and spectral
calculation with reduced broadening effects. We also discuss how a new modal
ordering based on residuals enables greater accuracy with a smaller dictionary
than the traditional modulus ordering. This paves the way for greater dynamic
compression of large datasets without sacrificing accuracy."
4538,Understanding Gradient Descent on Edge of Stability in Deep Learning,"Deep learning experiments by Cohen et al. [2021] using deterministic Gradient
Descent (GD) revealed an Edge of Stability (EoS) phase when learning rate (LR)
and sharpness (i.e., the largest eigenvalue of Hessian) no longer behave as in
traditional optimization. Sharpness stabilizes around $2/$LR and loss goes up
and down across iterations, yet still with an overall downward trend. The
current paper mathematically analyzes a new mechanism of implicit
regularization in the EoS phase, whereby GD updates due to non-smooth loss
landscape turn out to evolve along some deterministic flow on the manifold of
minimum loss. This is in contrast to many previous results about implicit bias
either relying on infinitesimal updates or noise in gradient. Formally, for any
smooth function $L$ with certain regularity condition, this effect is
demonstrated for (1) Normalized GD, i.e., GD with a varying LR $\eta_t
=\frac{\eta}{|| \nabla L(x(t)) ||}$ and loss $L$; (2) GD with constant LR and
loss $\sqrt{L- \min_x L(x)}$. Both provably enter the Edge of Stability, with
the associated flow on the manifold minimizing $\lambda_{1}(\nabla^2 L)$. The
above theoretical results have been corroborated by an experimental study."
4539,Overcoming Language Disparity in Online Content Classification with Multimodal Learning,"Advances in Natural Language Processing (NLP) have revolutionized the way
researchers and practitioners address crucial societal problems. Large language
models are now the standard to develop state-of-the-art solutions for text
detection and classification tasks. However, the development of advanced
computational techniques and resources is disproportionately focused on the
English language, sidelining a majority of the languages spoken globally. While
existing research has developed better multilingual and monolingual language
models to bridge this language disparity between English and non-English
languages, we explore the promise of incorporating the information contained in
images via multimodal machine learning. Our comparative analyses on three
detection tasks focusing on crisis information, fake news, and emotion
recognition, as well as five high-resource non-English languages, demonstrate
that: (a) detection frameworks based on pre-trained large language models like
BERT and multilingual-BERT systematically perform better on the English
language compared against non-English languages, and (b) including images via
multimodal learning bridges this performance gap. We situate our findings with
respect to existing work on the pitfalls of large language models, and discuss
their theoretical and practical implications. Resources for this paper are
available at https://multimodality-language-disparity.github.io/."
4540,Diverse Weight Averaging for Out-of-Distribution Generalization,"Standard neural networks struggle to generalize under distribution shifts.
For out-of-distribution generalization in computer vision, the best current
approach averages the weights along a training run. In this paper, we propose
Diverse Weight Averaging (DiWA) that makes a simple change to this strategy:
DiWA averages the weights obtained from several independent training runs
rather than from a single run. Perhaps surprisingly, averaging these weights
performs well under soft constraints despite the network's nonlinearities. The
main motivation behind DiWA is to increase the functional diversity across
averaged models. Indeed, models obtained from different runs are more diverse
than those collected along a single run thanks to differences in
hyperparameters and training procedures. We motivate the need for diversity by
a new bias-variance-covariance-locality decomposition of the expected error,
exploiting similarities between DiWA and standard functional ensembling.
Moreover, this decomposition highlights that DiWA succeeds when the variance
term dominates, which we show happens when the marginal distribution changes at
test time. Experimentally, DiWA consistently improves the state of the art on
the competitive DomainBed benchmark without inference overhead."
4541,Foundation Posteriors for Approximate Probabilistic Inference,"Probabilistic programs provide an expressive representation language for
generative models. Given a probabilistic program, we are interested in the task
of posterior inference: estimating a latent variable given a set of observed
variables. Existing techniques for inference in probabilistic programs often
require choosing many hyper-parameters, are computationally expensive, and/or
only work for restricted classes of programs. Here we formulate inference as
masked language modeling: given a program, we generate a supervised dataset of
variables and assignments, and randomly mask a subset of the assignments. We
then train a neural network to unmask the random values, defining an
approximate posterior distribution. By optimizing a single neural network
across a range of programs we amortize the cost of training, yielding a
``foundation'' posterior able to do zero-shot inference for new programs. The
foundation posterior can also be fine-tuned for a particular program and
dataset by optimizing a variational inference objective. We show the efficacy
of the approach, zero-shot and fine-tuned, on a benchmark of STAN programs."
4542,RankGen: Improving Text Generation with Large Ranking Models,"Given an input sequence (or prefix), modern language models often assign high
probabilities to output sequences that are repetitive, incoherent, or
irrelevant to the prefix; as such, model-generated text also contains such
artifacts. To address these issues, we present RankGen, an encoder model (1.2B
parameters) that scores model generations given a prefix. RankGen can be
flexibly incorporated as a scoring function in beam search and used to decode
from any pretrained language model. We train RankGen using large-scale
contrastive learning to map a prefix close to the ground-truth sequence that
follows it and far away from two types of negatives: (1) random sequences from
the same document as the prefix, and, which discourage topically-similar but
irrelevant generations; (2) sequences generated from a large language model
conditioned on the prefix, which discourage repetition and hallucination.
Experiments across four different language models (345M-11B parameters) and two
domains show that RankGen significantly outperforms decoding algorithms like
nucleus, top-k, and typical sampling on both automatic metrics (85.0 vs 77.3
MAUVE) as well as human evaluations with English writers (74.5% human
preference over nucleus sampling). Analysis reveals that RankGen outputs are
more relevant to the prefix and improve continuity and coherence compared to
baselines. We open source our model checkpoints, code, and human preferences
with detailed explanations for future research."
4543,Robust and Efficient Medical Imaging with Self-Supervision,"Recent progress in Medical Artificial Intelligence (AI) has delivered systems
that can reach clinical expert level performance. However, such systems tend to
demonstrate sub-optimal ""out-of-distribution"" performance when evaluated in
clinical settings different from the training environment. A common mitigation
strategy is to develop separate systems for each clinical setting using
site-specific data [1]. However, this quickly becomes impractical as medical
data is time-consuming to acquire and expensive to annotate [2]. Thus, the
problem of ""data-efficient generalization"" presents an ongoing difficulty for
Medical AI development. Although progress in representation learning shows
promise, their benefits have not been rigorously studied, specifically for
out-of-distribution settings. To meet these challenges, we present REMEDIS, a
unified representation learning strategy to improve robustness and
data-efficiency of medical imaging AI. REMEDIS uses a generic combination of
large-scale supervised transfer learning with self-supervised learning and
requires little task-specific customization. We study a diverse range of
medical imaging tasks and simulate three realistic application scenarios using
retrospective data. REMEDIS exhibits significantly improved in-distribution
performance with up to 11.5% relative improvement in diagnostic accuracy over a
strong supervised baseline. More importantly, our strategy leads to strong
data-efficient generalization of medical imaging AI, matching strong supervised
baselines using between 1% to 33% of retraining data across tasks. These
results suggest that REMEDIS can significantly accelerate the life-cycle of
medical imaging AI development thereby presenting an important step forward for
medical imaging AI to deliver broad impact."
4544,HyperAid: Denoising in hyperbolic spaces for tree-fitting and hierarchical clustering,"The problem of fitting distances by tree-metrics has received significant
attention in the theoretical computer science and machine learning communities
alike, due to many applications in natural language processing, phylogeny,
cancer genomics and a myriad of problem areas that involve hierarchical
clustering. Despite the existence of several provably exact algorithms for
tree-metric fitting of data that inherently obeys tree-metric constraints, much
less is known about how to best fit tree-metrics for data whose structure
moderately (or substantially) differs from a tree. For such noisy data, most
available algorithms perform poorly and often produce negative edge weights in
representative trees. Furthermore, it is currently not known how to choose the
most suitable approximation objective for noisy fitting. Our contributions are
as follows. First, we propose a new approach to tree-metric denoising
(HyperAid) in hyperbolic spaces which transforms the original data into data
that is ``more'' tree-like, when evaluated in terms of Gromov's $\delta$
hyperbolicity. Second, we perform an ablation study involving two choices for
the approximation objective, $\ell_p$ norms and the Dasgupta loss. Third, we
integrate HyperAid with schemes for enforcing nonnegative edge-weights. As a
result, the HyperAid platform outperforms all other existing methods in the
literature, including Neighbor Joining (NJ), TreeRep and T-REX, both on
synthetic and real-world data. Synthetic data is represented by edge-augmented
trees and shortest-distance metrics while the real-world datasets include Zoo,
Iris, Glass, Segmentation and SpamBase; on these datasets, the average
improvement with respect to NJ is $125.94\%$."
4545,Flexible Modeling and Multitask Learning using Differentiable Tree Ensembles,"Decision tree ensembles are widely used and competitive learning models.
Despite their success, popular toolkits for learning tree ensembles have
limited modeling capabilities. For instance, these toolkits support a limited
number of loss functions and are restricted to single task learning. We propose
a flexible framework for learning tree ensembles, which goes beyond existing
toolkits to support arbitrary loss functions, missing responses, and multi-task
learning. Our framework builds on differentiable (a.k.a. soft) tree ensembles,
which can be trained using first-order methods. However, unlike classical
trees, differentiable trees are difficult to scale. We therefore propose a
novel tensor-based formulation of differentiable trees that allows for
efficient vectorization on GPUs. We perform experiments on a collection of 28
real open-source and proprietary datasets, which demonstrate that our framework
can lead to 100x more compact and 23% more expressive tree ensembles than those
by popular toolkits."
4546,Bi-LSTM Scoring Based Similarity Measurement with Agglomerative Hierarchical Clustering (AHC) for Speaker Diarization,"Majority of speech signals across different scenarios are never available
with well-defined audio segments containing only a single speaker. A typical
conversation between two speakers consists of segments where their voices
overlap, interrupt each other or halt their speech in between multiple
sentences. Recent advancements in diarization technology leverage neural
network-based approaches to improvise multiple subsystems of speaker
diarization system comprising of extracting segment-wise embedding features and
detecting changes in the speaker during conversation. However, to identify
speaker through clustering, models depend on methodologies like PLDA to
generate similarity measure between two extracted segments from a given
conversational audio. Since these algorithms ignore the temporal structure of
conversations, they tend to achieve a higher Diarization Error Rate (DER), thus
leading to misdetections both in terms of speaker and change identification.
Therefore, to compare similarity of two speech segments both independently and
sequentially, we propose a Bi-directional Long Short-term Memory network for
estimating the elements present in the similarity matrix. Once the similarity
matrix is generated, Agglomerative Hierarchical Clustering (AHC) is applied to
further identify speaker segments based on thresholding. To evaluate the
performance, Diarization Error Rate (DER%) metric is used. The proposed model
achieves a low DER of 34.80% on a test set of audio samples derived from ICSI
Meeting Corpus as compared to traditional PLDA based similarity measurement
mechanism which achieved a DER of 39.90%."
4547,k-strip: A novel segmentation algorithm in k-space for the application of skull stripping,"Objectives: Present a novel deep learning-based skull stripping algorithm for
magnetic resonance imaging (MRI) that works directly in the information rich
k-space.
Materials and Methods: Using two datasets from different institutions with a
total of 36,900 MRI slices, we trained a deep learning-based model to work
directly with the complex raw k-space data. Skull stripping performed by HD-BET
(Brain Extraction Tool) in the image domain were used as the ground truth.
Results: Both datasets were very similar to the ground truth (DICE scores of
92\%-98\% and Hausdorff distances of under 5.5 mm). Results on slices above the
eye-region reach DICE scores of up to 99\%, while the accuracy drops in regions
around the eyes and below, with partially blurred output. The output of k-strip
often smoothed edges at the demarcation to the skull. Binary masks are created
with an appropriate threshold.
Conclusion: With this proof-of-concept study, we were able to show the
feasibility of working in the k-space frequency domain, preserving phase
information, with consistent results. Future research should be dedicated to
discovering additional ways the k-space can be used for innovative image
analysis and further workflows."
4548,Extract Dynamic Information To Improve Time Series Modeling: a Case Study with Scientific Workflow,"In modeling time series data, we often need to augment the existing data
records to increase the modeling accuracy. In this work, we describe a number
of techniques to extract dynamic information about the current state of a large
scientific workflow, which could be generalized to other types of applications.
The specific task to be modeled is the time needed for transferring a file from
an experimental facility to a data center. The key idea of our approach is to
find recent past data transfer events that match the current event in some
ways. Tests showed that we could identify recent events matching some recorded
properties and reduce the prediction error by about 12% compared to the similar
models with only static features. We additionally explored an application
specific technique to extract information about the data production process,
and was able to reduce the average prediction error by 44%."
4549,Parallel and Distributed Graph Neural Networks: An In-Depth Concurrency Analysis,"Graph neural networks (GNNs) are among the most powerful tools in deep
learning. They routinely solve complex problems on unstructured networks, such
as node classification, graph classification, or link prediction, with high
accuracy. However, both inference and training of GNNs are complex, and they
uniquely combine the features of irregular graph processing with dense and
regular computations. This complexity makes it very challenging to execute GNNs
efficiently on modern massively parallel architectures. To alleviate this, we
first design a taxonomy of parallelism in GNNs, considering data and model
parallelism, and different forms of pipelining. Then, we use this taxonomy to
investigate the amount of parallelism in numerous GNN models, GNN-driven
machine learning tasks, software frameworks, or hardware accelerators. We use
the work-depth model, and we also assess communication volume and
synchronization. We specifically focus on the sparsity/density of the
associated tensors, in order to understand how to effectively apply techniques
such as vectorization. We also formally analyze GNN pipelining, and we
generalize the established Message-Passing class of GNN models to cover
arbitrary pipeline depths, facilitating future optimizations. Finally, we
investigate different forms of asynchronicity, navigating the path for future
asynchronous parallel GNN pipelines. The outcomes of our analysis are
synthesized in a set of insights that help to maximize GNN performance, and a
comprehensive list of challenges and opportunities for further research into
efficient GNN computations. Our work will help to advance the design of future
GNNs."
4550,Neural network topological snake models for locating general phase diagrams,"Machine learning for locating phase diagram has received intensive research
interest in recent years. However, its application in automatically locating
phase diagram is limited to single closed phase boundary. In this paper, in
order to locate phase diagrams with multiple phases and complex boundaries, we
introduce (i) a network-shaped snake model and (ii) a topologically
transformable snake with discriminative cooperative networks, respectively. The
phase diagrams of both quantum and classical spin-1 model are obtained. Our
method is flexible to determine the phase diagram with just snapshots of
configurations from the cold-atom or other experiments."
4551,ArabGlossBERT: Fine-Tuning BERT on Context-Gloss Pairs for WSD,"Using pre-trained transformer models such as BERT has proven to be effective
in many NLP tasks. This paper presents our work to fine-tune BERT models for
Arabic Word Sense Disambiguation (WSD). We treated the WSD task as a
sentence-pair binary classification task. First, we constructed a dataset of
labeled Arabic context-gloss pairs (~167k pairs) we extracted from the Arabic
Ontology and the large lexicographic database available at Birzeit University.
Each pair was labeled as True or False and target words in each context were
identified and annotated. Second, we used this dataset for fine-tuning three
pre-trained Arabic BERT models. Third, we experimented the use of different
supervised signals used to emphasize target words in context. Our experiments
achieved promising results (accuracy of 84%) although we used a large set of
senses in the experiment."
4552,Dexterous Robotic Manipulation using Deep Reinforcement Learning and Knowledge Transfer for Complex Sparse Reward-based Tasks,"This paper describes a deep reinforcement learning (DRL) approach that won
Phase 1 of the Real Robot Challenge (RRC) 2021, and then extends this method to
a more difficult manipulation task. The RRC consisted of using a TriFinger
robot to manipulate a cube along a specified positional trajectory, but with no
requirement for the cube to have any specific orientation. We used a relatively
simple reward function, a combination of goal-based sparse reward and distance
reward, in conjunction with Hindsight Experience Replay (HER) to guide the
learning of the DRL agent (Deep Deterministic Policy Gradient (DDPG)). Our
approach allowed our agents to acquire dexterous robotic manipulation
strategies in simulation. These strategies were then applied to the real robot
and outperformed all other competition submissions, including those using more
traditional robotic control techniques, in the final evaluation stage of the
RRC. Here we extend this method, by modifying the task of Phase 1 of the RRC to
require the robot to maintain the cube in a particular orientation, while the
cube is moved along the required positional trajectory. The requirement to also
orient the cube makes the agent unable to learn the task through blind
exploration due to increased problem complexity. To circumvent this issue, we
make novel use of a Knowledge Transfer (KT) technique that allows the
strategies learned by the agent in the original task (which was agnostic to
cube orientation) to be transferred to this task (where orientation matters).
KT allowed the agent to learn and perform the extended task in the simulator,
which improved the average positional deviation from 0.134 m to 0.02 m, and
average orientation deviation from 142{\deg} to 76{\deg} during evaluation.
This KT concept shows good generalisation properties and could be applied to
any actor-critic learning algorithm."
4553,Metrics of calibration for probabilistic predictions,"Predictions are often probabilities; e.g., a prediction could be for
precipitation tomorrow, but with only a 30% chance. Given such probabilistic
predictions together with the actual outcomes, ""reliability diagrams"" help
detect and diagnose statistically significant discrepancies -- so-called
""miscalibration"" -- between the predictions and the outcomes. The canonical
reliability diagrams histogram the observed and expected values of the
predictions; replacing the hard histogram binning with soft kernel density
estimation is another common practice. But, which widths of bins or kernels are
best? Plots of the cumulative differences between the observed and expected
values largely avoid this question, by displaying miscalibration directly as
the slopes of secant lines for the graphs. Slope is easy to perceive with
quantitative precision, even when the constant offsets of the secant lines are
irrelevant; there is no need to bin or perform kernel density estimation.
The existing standard metrics of miscalibration each summarize a reliability
diagram as a single scalar statistic. The cumulative plots naturally lead to
scalar metrics for the deviation of the graph of cumulative differences away
from zero; good calibration corresponds to a horizontal, flat graph which
deviates little from zero. The cumulative approach is currently unconventional,
yet offers many favorable statistical properties, guaranteed via mathematical
theory backed by rigorous proofs and illustrative numerical examples. In
particular, metrics based on binning or kernel density estimation unavoidably
must trade-off statistical confidence for the ability to resolve variations as
a function of the predicted probability or vice versa. Widening the bins or
kernels averages away random noise while giving up some resolving power.
Narrowing the bins or kernels enhances resolving power while not averaging away
as much noise."
4554,Semi-Supervised Learning for Image Classification using Compact Networks in the BioMedical Context,"The development of mobile and on the edge applications that embed deep
convolutional neural models has the potential to revolutionise biomedicine.
However, most deep learning models require computational resources that are not
available in smartphones or edge devices; an issue that can be faced by means
of compact models. The problem with such models is that they are, at least
usually, less accurate than bigger models. In this work, we study how this
limitation can be addressed with the application of semi-supervised learning
techniques. We conduct several statistical analyses to compare performance of
deep compact architectures when trained using semi-supervised learning methods
for tackling image classification tasks in the biomedical context. In
particular, we explore three families of compact networks, and two families of
semi-supervised learning techniques for 10 biomedical tasks. By combining
semi-supervised learning methods with compact networks, it is possible to
obtain a similar performance to standard size networks. In general, the best
results are obtained when combining data distillation with MixNet, and plain
distillation with ResNet-18. Also, in general, NAS networks obtain better
results than manually designed networks and quantized networks. The work
presented in this paper shows the benefits of apply semi-supervised methods to
compact networks; this allow us to create compact models that are not only as
accurate as standard size models, but also faster and lighter. Finally, we have
developed a library that simplifies the construction of compact models using
semi-supervised learning methods."
4555,Beyond Greedy Search: Tracking by Multi-Agent Reinforcement Learning-based Beam Search,"To track the target in a video, current visual trackers usually adopt greedy
search for target object localization in each frame, that is, the candidate
region with the maximum response score will be selected as the tracking result
of each frame. However, we found that this may be not an optimal choice,
especially when encountering challenging tracking scenarios such as heavy
occlusion and fast motion. To address this issue, we propose to maintain
multiple tracking trajectories and apply beam search strategy for visual
tracking, so that the trajectory with fewer accumulated errors can be
identified. Accordingly, this paper introduces a novel multi-agent
reinforcement learning based beam search tracking strategy, termed
BeamTracking. It is mainly inspired by the image captioning task, which takes
an image as input and generates diverse descriptions using beam search
algorithm. Accordingly, we formulate the tracking as a sample selection problem
fulfilled by multiple parallel decision-making processes, each of which aims at
picking out one sample as their tracking result in each frame. Each maintained
trajectory is associated with an agent to perform the decision-making and
determine what actions should be taken to update related information. When all
the frames are processed, we select the trajectory with the maximum accumulated
score as the tracking result. Extensive experiments on seven popular tracking
benchmark datasets validated the effectiveness of the proposed algorithm."
4556,Disentangling Active and Passive Cosponsorship in the U.S. Congress,"In the U.S. Congress, legislators can use active and passive cosponsorship to
support bills. We show that these two types of cosponsorship are driven by two
different motivations: the backing of political colleagues and the backing of
the bill's content. To this end, we develop an Encoder+RGCN based model that
learns legislator representations from bill texts and speech transcripts. These
representations predict active and passive cosponsorship with an F1-score of
0.88. Applying our representations to predict voting decisions, we show that
they are interpretable and generalize to unseen tasks."
4557,Detect Professional Malicious User with Metric Learning in Recommender Systems,"In e-commerce, online retailers are usually suffering from professional
malicious users (PMUs), who utilize negative reviews and low ratings to their
consumed products on purpose to threaten the retailers for illegal profits.
Specifically, there are three challenges for PMU detection: 1) professional
malicious users do not conduct any abnormal or illegal interactions (they never
concurrently leave too many negative reviews and low ratings at the same time),
and they conduct masking strategies to disguise themselves. Therefore,
conventional outlier detection methods are confused by their masking
strategies. 2) the PMU detection model should take both ratings and reviews
into consideration, which makes PMU detection a multi-modal problem. 3) there
are no datasets with labels for professional malicious users in public, which
makes PMU detection an unsupervised learning problem. To this end, we propose
an unsupervised multi-modal learning model: MMD, which employs Metric learning
for professional Malicious users Detection with both ratings and reviews. MMD
first utilizes a modified RNN to project the informational review into a
sentiment score, which jointly considers the ratings and reviews. Then
professional malicious user profiling (MUP) is proposed to catch the sentiment
gap between sentiment scores and ratings. MUP filters the users and builds a
candidate PMU set. We apply a metric learning-based clustering to learn a
proper metric matrix for PMU detection. Finally, we can utilize this metric and
labeled users to detect PMUs. Specifically, we apply the attention mechanism in
metric learning to improve the model's performance. The extensive experiments
in four datasets demonstrate that our proposed method can solve this
unsupervised detection problem. Moreover, the performance of the
state-of-the-art recommender models is enhanced by taking MMD as a
preprocessing stage."
4558,Semi-WTC: A Practical Semi-supervised Framework for Attack Categorization through Weight-Task Consistency,"Supervised learning has been widely used for attack detection, which requires
large amounts of high-quality data and labels. However, the data is often
imbalanced and sufficient annotations are difficult to obtain. Moreover, these
supervised models are subject to real-world deployment issues, such as
defending against unseen artificial attacks. We propose a semi-supervised
fine-grained attack categorization framework consisting of an encoder and a
two-branch structure to integrate information from labeled and unlabeled data
to tackle these practical challenges. This framework can be generalized to
different supervised models. The multilayer perceptron with residual connection
and batch normalization is used as the encoder to extract features and reduce
the complexity. The Recurrent Prototype Module (RPM) is proposed to train the
encoder effectively in a semi-supervised manner. To alleviate the problem of
data imbalance, we introduce the Weight-Task Consistency (WTC) into the
iterative process of RPM by assigning larger weights to classes with fewer
samples in the loss function. In addition, to cope with new attacks in
real-world deployment, we further propose an Active Adaption Resampling (AAR)
method, which can better discover the distribution of the unseen sample data
and adapt the parameters of the encoder. Experimental results show that our
model outperforms the state-of-the-art semi-supervised attack detection methods
with a general 5% improvement in classification accuracy and a 90% reduction in
training time."
4559,The AI Mechanic: Acoustic Vehicle Characterization Neural Networks,"In a world increasingly dependent on road-based transportation, it is
essential to understand vehicles. We introduce the AI mechanic, an acoustic
vehicle characterization deep learning system, as an integrated approach using
sound captured from mobile devices to enhance transparency and understanding of
vehicles and their condition for non-expert users. We develop and implement
novel cascading architectures for vehicle understanding, which we define as
sequential, conditional, multi-level networks that process raw audio to extract
highly-granular insights. To showcase the viability of cascading architectures,
we build a multi-task convolutional neural network that predicts and cascades
vehicle attributes to enhance fault detection. We train and test these models
on a synthesized dataset reflecting more than 40 hours of augmented audio and
achieve >92% validation set accuracy on attributes (fuel type, engine
configuration, cylinder count and aspiration type). Our cascading architecture
additionally achieved 93.6% validation and 86.8% test set accuracy on misfire
fault prediction, demonstrating margins of 16.4% / 7.8% and 4.2% / 1.5%
improvement over na\""ive and parallel baselines. We explore experimental
studies focused on acoustic features, data augmentation, feature fusion, and
data reliability. Finally, we conclude with a discussion of broader
implications, future directions, and application areas for this work."
4560,Self-Consistent Dynamical Field Theory of Kernel Evolution in Wide Neural Networks,"We analyze feature learning in infinite width neural networks trained with
gradient flow through a self-consistent dynamical field theory. We construct a
collection of deterministic dynamical order parameters which are inner-product
kernels for hidden unit activations and gradients in each layer at pairs of
time points, providing a reduced description of network activity through
training. These kernel order parameters collectively define the hidden layer
activation distribution, the evolution of the neural tangent kernel, and
consequently output predictions. For deep linear networks, these kernels
satisfy a set of algebraic matrix equations. For nonlinear networks, we provide
an alternating sampling procedure to self-consistently solve for the kernel
order parameters. We provide comparisons of the self-consistent solution to
various approximation schemes including the static NTK approximation, gradient
independence assumption, and leading order perturbation theory, showing that
each of these approximations can break down in regimes where general
self-consistent solutions still provide an accurate description. Lastly, we
provide experiments in more realistic settings which demonstrate that the loss
and kernel dynamics of CNNs at fixed feature learning strength is preserved
across different widths on a CIFAR classification task."
4561,Wojood: Nested Arabic Named Entity Corpus and Recognition using BERT,"This paper presents Wojood, a corpus for Arabic nested Named Entity
Recognition (NER). Nested entities occur when one entity mention is embedded
inside another entity mention. Wojood consists of about 550K Modern Standard
Arabic (MSA) and dialect tokens that are manually annotated with 21 entity
types including person, organization, location, event and date. More
importantly, the corpus is annotated with nested entities instead of the more
common flat annotations. The data contains about 75K entities and 22.5% of
which are nested. The inter-annotator evaluation of the corpus demonstrated a
strong agreement with Cohen's Kappa of 0.979 and an F1-score of 0.976. To
validate our data, we used the corpus to train a nested NER model based on
multi-task learning and AraBERT (Arabic BERT). The model achieved an overall
micro F1-score of 0.884. Our corpus, the annotation guidelines, the source code
and the pre-trained model are publicly available."
4562,Are Graph Representation Learning Methods Robust to Graph Sparsity and Asymmetric Node Information?,"The growing popularity of Graph Representation Learning (GRL) methods has
resulted in the development of a large number of models applied to a miscellany
of domains. Behind this diversity of domains, there is a strong heterogeneity
of graphs, making it difficult to estimate the expected performance of a model
on a new graph, especially when the graph has distinctive characteristics that
have not been encountered in the benchmark yet. To address this, we have
developed an experimental pipeline, to assess the impact of a given property on
the models performances. In this paper, we use this pipeline to study the
effect of two specificities encountered on banks transactional graphs resulting
from the partial view a bank has on all the individuals and transactions
carried out on the market. These specific features are graph sparsity and
asymmetric node information. This study demonstrates the robustness of GRL
methods to these distinctive characteristics. We believe that this work can
ease the evaluation of GRL methods to specific characteristics and foster the
development of such methods on transactional graphs."
4563,The First Optimal Acceleration of High-Order Methods in Smooth Convex Optimization,"In this paper, we study the fundamental open question of finding the optimal
high-order algorithm for solving smooth convex minimization problems. Arjevani
et al. (2019) established the lower bound
$\Omega\left(\epsilon^{-2/(3p+1)}\right)$ on the number of the $p$-th order
oracle calls required by an algorithm to find an $\epsilon$-accurate solution
to the problem, where the $p$-th order oracle stands for the computation of the
objective function value and the derivatives up to the order $p$. However, the
existing state-of-the-art high-order methods of Gasnikov et al. (2019b); Bubeck
et al. (2019); Jiang et al. (2019) achieve the oracle complexity
$\mathcal{O}\left(\epsilon^{-2/(3p+1)} \log (1/\epsilon)\right)$, which does
not match the lower bound. The reason for this is that these algorithms require
performing a complex binary search procedure, which makes them neither optimal
nor practical. We fix this fundamental issue by providing the first algorithm
with $\mathcal{O}\left(\epsilon^{-2/(3p+1)}\right)$ $p$-th order oracle
complexity."
4564,Certified Error Control of Candidate Set Pruning for Two-Stage Relevance Ranking,"In information retrieval (IR), candidate set pruning has been commonly used
to speed up two-stage relevance ranking. However, such an approach lacks
accurate error control and often trades accuracy off against computational
efficiency in an empirical fashion, lacking theoretical guarantees. In this
paper, we propose the concept of certified error control of candidate set
pruning for relevance ranking, which means that the test error after pruning is
guaranteed to be controlled under a user-specified threshold with high
probability. Both in-domain and out-of-domain experiments show that our method
successfully prunes the first-stage retrieved candidate sets to improve the
second-stage reranking speed while satisfying the pre-specified accuracy
constraints in both settings. For example, on MS MARCO Passage v1, our method
yields an average candidate set size of 27 out of 1,000 which increases the
reranking speed by about 37 times, while the MRR@10 is greater than a
pre-specified value of 0.38 with about 90% empirical coverage and the empirical
baselines fail to provide such guarantee. Code and data are available at:
https://github.com/alexlimh/CEC-Ranking."
4565,What killed the Convex Booster ?,"A landmark negative result of Long and Servedio established a worst-case
spectacular failure of a supervised learning trio (loss, algorithm, model)
otherwise praised for its high precision machinery. Hundreds of papers followed
up on the two suspected culprits: the loss (for being convex) and/or the
algorithm (for fitting a classical boosting blueprint). Here, we call to the
half-century+ founding theory of losses for class probability estimation
(properness), an extension of Long and Servedio's results and a new general
boosting algorithm to demonstrate that the real culprit in their specific
context was in fact the (linear) model class. We advocate for a more general
stanpoint on the problem as we argue that the source of the negative result
lies in the dark side of a pervasive -- and otherwise prized -- aspect of ML:
\textit{parameterisation}."
4566,Focused Adversarial Attacks,"Recent advances in machine learning show that neural models are vulnerable to
minimally perturbed inputs, or adversarial examples. Adversarial algorithms are
optimization problems that minimize the accuracy of ML models by perturbing
inputs, often using a model's loss function to craft such perturbations.
State-of-the-art object detection models are characterized by very large output
manifolds due to the number of possible locations and sizes of objects in an
image. This leads to their outputs being sparse and optimization problems that
use them incur a lot of unnecessary computation.
We propose to use a very limited subset of a model's learned manifold to
compute adversarial examples. Our \textit{Focused Adversarial Attacks} (FA)
algorithm identifies a small subset of sensitive regions to perform
gradient-based adversarial attacks. FA is significantly faster than other
gradient-based attacks when a model's manifold is sparsely activated. Also, its
perturbations are more efficient than other methods under the same perturbation
constraints. We evaluate FA on the COCO 2017 and Pascal VOC 2007 detection
datasets."
4567,What Is Fairness? Implications For FairML,"A growing body of literature in fairness-aware ML (fairML) aspires to
mitigate machine learning (ML)-related unfairness in automated decision making
(ADM) by defining metrics that measure fairness of an ML model and by proposing
methods that ensure that trained ML models achieve low values in those
measures. However, the underlying concept of fairness, i.e., the question of
what fairness is, is rarely discussed, leaving a considerable gap between
centuries of philosophical discussion and recent adoption of the concept in the
ML community. In this work, we try to bridge this gap by formalizing a
consistent concept of fairness and by translating the philosophical
considerations into a formal framework for the evaluation of ML models in ADM
systems. We derive that fairness problems can already arise without the
presence of protected attributes, pointing out that fairness and predictive
performance are not irreconcilable counterparts, but rather that the latter is
necessary to achieve the former. Moreover, we argue why and how causal
considerations are necessary when assessing fairness in the presence of
protected attributes. Eventually, we achieve greater linguistic clarity for the
discussion of fairML by clearly assigning responsibilities to stakeholders
inside and outside ML."
4568,Towards a Theory of Faithfulness: Faithful Explanations of Differentiable Classifiers over Continuous Data,"There is broad agreement in the literature that explanation methods should be
faithful to the model that they explain, but faithfulness remains a rather
vague term. We revisit faithfulness in the context of continuous data and
propose two formal definitions of faithfulness for feature attribution methods.
Qualitative faithfulness demands that scores reflect the true qualitative
effect (positive vs. negative) of the feature on the model and quanitative
faithfulness that the magnitude of scores reflect the true quantitative effect.
We discuss under which conditions these requirements can be satisfied to which
extent (local vs global). As an application of the conceptual idea, we look at
differentiable classifiers over continuous data and characterize
Gradient-scores as follows: every qualitatively faithful feature attribution
method is qualitatively equivalent to Gradient-scores. Furthermore, if an
attribution method is quantitatively faithful in the sense that changes of the
output of the classifier are proportional to the scores of features, then it is
either equivalent to gradient-scoring or it is based on an inferior
approximation of the classifier. To illustrate the practical relevance of the
theory, we experimentally demonstrate that popular attribution methods can fail
to give faithful explanations in the setting where the data is continuous and
the classifier differentiable."
4569,Improving Robustness against Real-World and Worst-Case Distribution Shifts through Decision Region Quantification,"The reliability of neural networks is essential for their use in
safety-critical applications. Existing approaches generally aim at improving
the robustness of neural networks to either real-world distribution shifts
(e.g., common corruptions and perturbations, spatial transformations, and
natural adversarial examples) or worst-case distribution shifts (e.g.,
optimized adversarial examples). In this work, we propose the Decision Region
Quantification (DRQ) algorithm to improve the robustness of any differentiable
pre-trained model against both real-world and worst-case distribution shifts in
the data. DRQ analyzes the robustness of local decision regions in the vicinity
of a given data point to make more reliable predictions. We theoretically
motivate the DRQ algorithm by showing that it effectively smooths spurious
local extrema in the decision surface. Furthermore, we propose an
implementation using targeted and untargeted adversarial attacks. An extensive
empirical evaluation shows that DRQ increases the robustness of adversarially
and non-adversarially trained models against real-world and worst-case
distribution shifts on several computer vision benchmark datasets."
4570,A Topological Approach for Semi-Supervised Learning,"Nowadays, Machine Learning and Deep Learning methods have become the
state-of-the-art approach to solve data classification tasks. In order to use
those methods, it is necessary to acquire and label a considerable amount of
data; however, this is not straightforward in some fields, since data
annotation is time consuming and might require expert knowledge. This challenge
can be tackled by means of semi-supervised learning methods that take advantage
of both labelled and unlabelled data. In this work, we present new
semi-supervised learning methods based on techniques from Topological Data
Analysis (TDA), a field that is gaining importance for analysing large amounts
of data with high variety and dimensionality. In particular, we have created
two semi-supervised learning methods following two different topological
approaches. In the former, we have used a homological approach that consists in
studying the persistence diagrams associated with the data using the Bottleneck
and Wasserstein distances. In the latter, we have taken into account the
connectivity of the data. In addition, we have carried out a thorough analysis
of the developed methods using 3 synthetic datasets, 5 structured datasets, and
2 datasets of images. The results show that the semi-supervised methods
developed in this work outperform both the results obtained with models trained
with only manually labelled data, and those obtained with classical
semi-supervised learning methods, reaching improvements of up to a 16%."
4571,"Women, artificial intelligence, and key positions in collaboration networks: Towards a more equal scientific ecosystem","Scientific collaboration in almost every discipline is mainly driven by the
need of sharing knowledge, expertise, and pooled resources. Science is becoming
more complex which has encouraged scientists to involve more in collaborative
research projects in order to better address the challenges. As a highly
interdisciplinary field with a rapidly evolving scientific landscape,
artificial intelligence calls for researchers with special profiles covering a
diverse set of skills and expertise. Understanding gender aspects of scientific
collaboration is of paramount importance, especially in a field such as
artificial intelligence that has been attracting large investments. Using
social network analysis, natural language processing, and machine learning and
focusing on artificial intelligence publications for the period from 2000 to
2019, in this work, we comprehensively investigated the effects of several
driving factors on acquiring key positions in scientific collaboration networks
through a gender lens. It was found that, regardless of gender, scientific
performance in terms of quantity and impact plays a crucial in possessing the
""social researcher"" in the network. However, subtle differences were observed
between female and male researchers in acquiring the ""local influencer"" role."
4572,EXACT: How to Train Your Accuracy,"Classification tasks are usually evaluated in terms of accuracy. However,
accuracy is discontinuous and cannot be directly optimized using gradient
ascent. Popular methods minimize cross-entropy, Hinge loss, or other surrogate
losses, which can lead to suboptimal results. In this paper, we propose a new
optimization framework by introducing stochasticity to a model's output and
optimizing expected accuracy, i.e. accuracy of the stochastic model. Extensive
experiments on image classification show that the proposed optimization method
is a powerful alternative to widely used classification losses."
4573,CLCNet: Rethinking of Ensemble Modeling with Classification Confidence Network,"In this paper, we propose a Classification Confidence Network (CLCNet) that
can determine whether the classification model classifies input samples
correctly. It can take a classification result in the form of vector in any
dimension, and return a confidence score as output, which represents the
probability of an instance being classified correctly. We can utilize CLCNet in
a simple cascade structure system consisting of several SOTA (state-of-the-art)
classification models, and our experiments show that the system can achieve the
following advantages: 1. The system can customize the average computation
requirement (FLOPs) per image while inference. 2. Under the same computation
requirement, the performance of the system can exceed any model that has
identical structure with the model in the system, but different in size. In
fact, this is a new type of ensemble modeling. Like general ensemble modeling,
it can achieve higher performance than single classification model, yet our
system requires much less computation than general ensemble modeling. We have
uploaded our code to a github repository:
https://github.com/yaoching0/CLCNet-Rethinking-of-Ensemble-Modeling."
4574,Learning Energy Networks with Generalized Fenchel-Young Losses,"Energy-based models, a.k.a. energy networks, perform inference by optimizing
an energy function, typically parametrized by a neural network. This allows one
to capture potentially complex relationships between inputs and outputs. To
learn the parameters of the energy function, the solution to that optimization
problem is typically fed into a loss function. The key challenge for training
energy networks lies in computing loss gradients, as this typically requires
argmin/argmax differentiation. In this paper, building upon a generalized
notion of conjugate function, which replaces the usual bilinear pairing with a
general energy function, we propose generalized Fenchel-Young losses, a natural
loss construction for learning energy networks. Our losses enjoy many desirable
properties and their gradients can be computed efficiently without
argmin/argmax differentiation. We also prove the calibration of their excess
risk in the case of linear-concave energies. We demonstrate our losses on
multilabel classification and imitation learning tasks."
4575,How catastrophic can catastrophic forgetting be in linear regression?,"To better understand catastrophic forgetting, we study fitting an
overparameterized linear model to a sequence of tasks with different input
distributions. We analyze how much the model forgets the true labels of earlier
tasks after training on subsequent tasks, obtaining exact expressions and
bounds. We establish connections between continual learning in the linear
setting and two other research areas: alternating projections and the Kaczmarz
method. In specific settings, we highlight differences between forgetting and
convergence to the offline solution as studied in those areas. In particular,
when T tasks in d dimensions are presented cyclically for k iterations, we
prove an upper bound of T^2 * min{1/sqrt(k), d/k} on the forgetting. This
stands in contrast to the convergence to the offline solution, which can be
arbitrarily slow according to existing alternating projection results. We
further show that the T^2 factor can be lifted when tasks are presented in a
random ordering."
4576,Discovering Dynamic Functional Brain Networks via Spatial and Channel-wise Attention,"Using deep learning models to recognize functional brain networks (FBNs) in
functional magnetic resonance imaging (fMRI) has been attracting increasing
interest recently. However, most existing work focuses on detecting static FBNs
from entire fMRI signals, such as correlation-based functional connectivity.
Sliding-window is a widely used strategy to capture the dynamics of FBNs, but
it is still limited in representing intrinsic functional interactive dynamics
at each time step. And the number of FBNs usually need to be set manually. More
over, due to the complexity of dynamic interactions in brain, traditional
linear and shallow models are insufficient in identifying complex and spatially
overlapped FBNs across each time step. In this paper, we propose a novel
Spatial and Channel-wise Attention Autoencoder (SCAAE) for discovering FBNs
dynamically. The core idea of SCAAE is to apply attention mechanism to FBNs
construction. Specifically, we designed two attention modules: 1) spatial-wise
attention (SA) module to discover FBNs in the spatial domain and 2) a
channel-wise attention (CA) module to weigh the channels for selecting the FBNs
automatically. We evaluated our approach on ADHD200 dataset and our results
indicate that the proposed SCAAE method can effectively recover the dynamic
changes of the FBNs at each fMRI time step, without using sliding windows. More
importantly, our proposed hybrid attention modules (SA and CA) do not enforce
assumptions of linearity and independence as previous methods, and thus provide
a novel approach to better understanding dynamic functional brain networks."
4577,Learning Graph Structure from Convolutional Mixtures,"Machine learning frameworks such as graph neural networks typically rely on a
given, fixed graph to exploit relational inductive biases and thus effectively
learn from network data. However, when said graphs are (partially) unobserved,
noisy, or dynamic, the problem of inferring graph structure from data becomes
relevant. In this paper, we postulate a graph convolutional relationship
between the observed and latent graphs, and formulate the graph learning task
as a network inverse (deconvolution) problem. In lieu of
eigendecomposition-based spectral methods or iterative optimization solutions,
we unroll and truncate proximal gradient iterations to arrive at a
parameterized neural network architecture that we call a Graph Deconvolution
Network (GDN). GDNs can learn a distribution of graphs in a supervised fashion,
perform link prediction or edge-weight regression tasks by adapting the loss
function, and they are inherently inductive. We corroborate GDN's superior
graph recovery performance and its generalization to larger graphs using
synthetic data in supervised settings. Furthermore, we demonstrate the
robustness and representation power of GDNs on real world neuroimaging and
social network datasets."
4578,Jacobian Granger Causal Neural Networks for Analysis of Stationary and Nonstationary Data,"Granger causality is a commonly used method for uncovering information flow
and dependencies in a time series. Here we introduce JGC (Jacobian Granger
Causality), a neural network-based approach to Granger causality using the
Jacobian as a measure of variable importance, and propose a thresholding
procedure for inferring Granger causal variables using this measure. The
resulting approach performs consistently well compared to other approaches in
identifying Granger causal variables, the associated time lags, as well as
interaction signs. Lastly, through the inclusion of a time variable, we show
that this approach is able to learn the temporal dependencies for nonstationary
systems whose Granger causal structures change in time."
4579,"Provably Precise, Succinct and Efficient Explanations for Decision Trees","Decision trees (DTs) embody interpretable classifiers. DTs have been
advocated for deployment in high-risk applications, but also for explaining
other complex classifiers. Nevertheless, recent work has demonstrated that
predictions in DTs ought to be explained with rigorous approaches. Although
rigorous explanations can be computed in polynomial time for DTs, their size
may be beyond the cognitive limits of human decision makers. This paper
investigates the computation of {\delta}-relevant sets for DTs.
{\delta}-relevant sets denote explanations that are succinct and provably
precise. These sets represent generalizations of rigorous explanations, which
are precise with probability one, and so they enable trading off explanation
size for precision. The paper proposes two logic encodings for computing
smallest {\delta}-relevant sets for DTs. The paper further devises a
polynomial-time algorithm for computing {\delta}-relevant sets which are not
guaranteed to be subset-minimal, but for which the experiments show to be most
often subset-minimal in practice. The experimental results also demonstrate the
practical efficiency of computing smallest {\delta}-relevant sets."
4580,Automatic Spoken Language Identification using a Time-Delay Neural Network,"Closed-set spoken language identification is the task of recognizing the
language being spoken in a recorded audio clip from a set of known languages.
In this study, a language identification system was built and trained to
distinguish between Arabic, Spanish, French, and Turkish based on nothing more
than recorded speech. A pre-existing multilingual dataset was used to train a
series of acoustic models based on the Tedlium TDNN model to perform automatic
speech recognition. The system was provided with a custom multilingual language
model and a specialized pronunciation lexicon with language names prepended to
phones. The trained model was used to generate phone alignments to test data
from all four languages, and languages were predicted based on a voting scheme
choosing the most common language prepend in an utterance. Accuracy was
measured by comparing predicted languages to known languages, and was
determined to be very high in identifying Spanish and Arabic, and somewhat
lower in identifying Turkish and French."
4581,Hybrid Intelligent Testing in Simulation-Based Verification,"Efficient and effective testing for simulation-based hardware verification is
challenging. Using constrained random test generation, several millions of
tests may be required to achieve coverage goals. The vast majority of tests do
not contribute to coverage progress, yet they consume verification resources.
In this paper, we propose a hybrid intelligent testing approach combining two
methods that have previously been treated separately, namely Coverage-Directed
Test Selection and Novelty-Driven Verification. Coverage-Directed Test
Selection learns from coverage feedback to bias testing towards the most
effective tests. Novelty-Driven Verification learns to identify and simulate
stimuli that differ from previous stimuli, thereby reducing the number of
simulations and increasing testing efficiency. We discuss the strengths and
limitations of each method, and we show how our approach addresses each
method's limitations, leading to hardware testing that is both efficient and
effective."
4582,Data Valuation for Offline Reinforcement Learning,"The success of deep reinforcement learning (DRL) hinges on the availability
of training data, which is typically obtained via a large number of environment
interactions. In many real-world scenarios, costs and risks are associated with
gathering these data. The field of offline reinforcement learning addresses
these issues through outsourcing the collection of data to a domain expert or a
carefully monitored program and subsequently searching for a batch-constrained
optimal policy. With the emergence of data markets, an alternative to
constructing a dataset in-house is to purchase external data. However, while
state-of-the-art offline reinforcement learning approaches have shown a lot of
promise, they currently rely on carefully constructed datasets that are well
aligned with the intended target domains. This raises questions regarding the
transferability and robustness of an offline reinforcement learning agent
trained on externally acquired data. In this paper, we empirically evaluate the
ability of the current state-of-the-art offline reinforcement learning
approaches to coping with the source-target domain mismatch within two MuJoCo
environments, finding that current state-of-the-art offline reinforcement
learning algorithms underperform in the target domain. To address this, we
propose data valuation for offline reinforcement learning (DVORL), which allows
us to identify relevant and high-quality transitions, improving the performance
and transferability of policies learned by offline reinforcement learning
algorithms. The results show that our method outperforms offline reinforcement
learning baselines on two MuJoCo environments."
4583,ODBO: Bayesian Optimization with Search Space Prescreening for Directed Protein Evolution,"Directed evolution is a versatile technique in protein engineering that
mimics the process of natural selection by iteratively alternating between
mutagenesis and screening in order to search for sequences that optimize a
given property of interest, such as catalytic activity and binding affinity to
a specified target. However, the space of possible proteins is too large to
search exhaustively in the laboratory, and functional proteins are scarce in
the vast sequence space. Machine learning (ML) approaches can accelerate
directed evolution by learning to map protein sequences to functions without
building a detailed model of the underlying physics, chemistry and biological
pathways. Despite the great potentials held by these ML methods, they encounter
severe challenges in identifying the most suitable sequences for a targeted
function. These failures can be attributed to the common practice of adopting a
high-dimensional feature representation for protein sequences and inefficient
search methods. To address these issues, we propose an efficient, experimental
design-oriented closed-loop optimization framework for protein directed
evolution, termed ODBO, which employs a combination of novel low-dimensional
protein encoding strategy and Bayesian optimization enhanced with search space
prescreening via outlier detection. We further design an initial sample
selection strategy to minimize the number of experimental samples for training
ML models. We conduct and report four protein directed evolution experiments
that substantiate the capability of the proposed framework for finding of the
variants with properties of interest. We expect the ODBO framework to greatly
reduce the experimental cost and time cost of directed evolution, and can be
further generalized as a powerful tool for adaptive experimental design in a
broader context."
4584,Closing the gap: Exact maximum likelihood training of generative autoencoders using invertible layers,"In this work, we provide an exact likelihood alternative to the variational
training of generative autoencoders. We show that VAE-style autoencoders can be
constructed using invertible layers, which offer a tractable exact likelihood
without the need for any regularization terms. This is achieved while leaving
complete freedom in the choice of encoder, decoder and prior architectures,
making our approach a drop-in replacement for the training of existing VAEs and
VAE-style models. We refer to the resulting models as Autoencoders within Flows
(AEF), since the encoder, decoder and prior are defined as individual layers of
an overall invertible architecture. We show that the approach results in
strikingly higher performance than architecturally equivalent VAEs in term of
log-likelihood, sample quality and denoising performance. In a broad sense, the
main ambition of this work is to close the gap between the normalizing flow and
autoencoder literature under the common framework of invertibility and exact
maximum likelihood."
4585,Parallel bandit architecture based on laser chaos for reinforcement learning,"Accelerating artificial intelligence by photonics is an active field of study
aiming to exploit the unique properties of photons. Reinforcement learning is
an important branch of machine learning, and photonic decision-making
principles have been demonstrated with respect to the multi-armed bandit
problems. However, reinforcement learning could involve a massive number of
states, unlike previously demonstrated bandit problems where the number of
states is only one. Q-learning is a well-known approach in reinforcement
learning that can deal with many states. The architecture of Q-learning,
however, does not fit well photonic implementations due to its separation of
update rule and the action selection. In this study, we organize a new
architecture for multi-state reinforcement learning as a parallel array of
bandit problems in order to benefit from photonic decision-makers, which we
call parallel bandit architecture for reinforcement learning or PBRL in short.
Taking a cart-pole balancing problem as an instance, we demonstrate that PBRL
adapts to the environment in fewer time steps than Q-learning. Furthermore,
PBRL yields faster adaptation when operated with a chaotic laser time series
than the case with uniformly distributed pseudorandom numbers where the
autocorrelation inherent in the laser chaos provides a positive effect. We also
find that the variety of states that the system undergoes during the learning
phase exhibits completely different properties between PBRL and Q-learning. The
insights obtained through the present study are also beneficial for existing
computing platforms, not just photonic realizations, in accelerating
performances by the PBRL algorithms and correlated random sequences."
4586,Data-driven prediction of Air Traffic Controllers reactions to resolving conflicts,"With the aim to enhance automation in conflict detection and resolution
(CD&R) tasks in the Air Traffic Management domain, in this paper we propose
deep learning techniques (DL) that can learn models of Air Traffic Controllers'
(ATCO) reactions in resolving conflicts that can violate separation minimum
constraints among aircraft trajectories: This implies learning when the ATCO
will react towards resolving a conflict, and how he/she will react. Timely
reactions, to which this paper aims, focus on when do reactions happen, aiming
to predict the trajectory points, as the trajectory evolves, that the ATCO
issues a conflict resolution action, while also predicting the type of
resolution action (if any). Towards this goal, the paper formulates the ATCO
reactions prediction problem for CD&R, and presents DL methods that can model
ATCO timely reactions and evaluates these methods in real-world data sets,
showing their efficacy in prediction with very high accuracy."
4587,IFTT-PIN: A PIN-Entry Method Leveraging the Self-Calibration Paradigm,"IFTT-PIN is a self-calibrating version of the PIN-entry method introduced in
Roth et al. (2004) [1]. In [1], digits are split into two sets and assigned a
color respectively. To communicate their digit, users press the button with the
same color that is assigned to their digit, which can thus be identified by
elimination after a few iterations. IFTT-PIN uses the same principle but does
not pre-assign colors to each button. Instead, users are free to choose which
button to use for each color. The button-to-color mapping only exists in the
user's mind and is never directly communicated to the interface. In other
words, IFTT-PIN infers both the user's PIN and their preferred button-to-color
mapping at the same time, a process called self-calibration. In this paper, we
present online interactive demonstrations of IFTT-PIN with and without
self-calibration and introduce the key concepts and assumptions making
self-calibration possible. IFTT-PIN can be tested at
https://jgrizou.github.io/IFTT-PIN/ with a video introduction available at
https://youtu.be/5I1ibPJdLHM. We review related work in the field of
brain-computer interface and further propose self-calibration as a novel
approach to protect users against shoulder surfing attacks. Finally, we
introduce a vault cracking challenge as a test of usability and security that
was informally tested at our institute. With IFTT-PIN, we wish to demonstrate a
new interactive experience where users can decide actively and on-the-fly how
to use an interface. The self-calibration paradigm might lead to novel
opportunities for interaction in other applications or domains. We hope this
work will inspire the community to invent them."
4588,Simple Regularisation for Uncertainty-Aware Knowledge Distillation,"Considering uncertainty estimation of modern neural networks (NNs) is one of
the most important steps towards deploying machine learning systems to
meaningful real-world applications such as in medicine, finance or autonomous
systems. At the moment, ensembles of different NNs constitute the
state-of-the-art in both accuracy and uncertainty estimation in different
tasks. However, ensembles of NNs are unpractical under real-world constraints,
since their computation and memory consumption scale linearly with the size of
the ensemble, which increase their latency and deployment cost. In this work,
we examine a simple regularisation approach for distribution-free knowledge
distillation of ensemble of machine learning models into a single NN. The aim
of the regularisation is to preserve the diversity, accuracy and uncertainty
estimation characteristics of the original ensemble without any intricacies,
such as fine-tuning. We demonstrate the generality of the approach on
combinations of toy data, SVHN/CIFAR-10, simple to complex NN architectures and
different tasks."
4589,scICML: Information-theoretic Co-clustering-based Multi-view Learning for the Integrative Analysis of Single-cell Multi-omics data,"Modern high-throughput sequencing technologies have enabled us to profile
multiple molecular modalities from the same single cell, providing
unprecedented opportunities to assay celluar heterogeneity from multiple
biological layers. However, the datasets generated from these technologies tend
to have high level of noise and are highly sparse, bringing challenges to data
analysis. In this paper, we develop a novel information-theoretic
co-clustering-based multi-view learning (scICML) method for multi-omics
single-cell data integration. scICML utilizes co-clusterings to aggregate
similar features for each view of data and uncover the common clustering
pattern for cells. In addition, scICML automatically matches the clusters of
the linked features across different data types for considering the biological
dependency structure across different types of genomic features. Our
experiments on four real-world datasets demonstrate that scICML improves the
overall clustering performance and provides biological insights into the data
analysis of peripheral blood mononuclear cells."
4590,Variational Inference for Bayesian Bridge Regression,"We study the implementation of Automatic Differentiation Variational
inference (ADVI) for Bayesian inference on regression models with bridge
penalization. The bridge approach uses $\ell_{\alpha}$ norm, with $\alpha \in
(0, +\infty)$ to define a penalization on large values of the regression
coefficients, which includes the Lasso ($\alpha = 1$) and ridge $(\alpha = 2)$
penalizations as special cases. Full Bayesian inference seamlessly provides
joint uncertainty estimates for all model parameters. Although MCMC aproaches
are available for bridge regression, it can be slow for large dataset,
specially in high dimensions. The ADVI implementation allows the use of small
batches of data at each iteration (due to stochastic gradient based
algorithms), therefore speeding up computational time in comparison with MCMC.
We illustrate the approach on non-parametric regression models with B-splines,
although the method works seamlessly for other choices of basis functions. A
simulation study shows the main properties of the proposed method."
4591,The Impact of COVID-19 Pandemic on LGBTQ Online Communities,"The COVID-19 pandemic has disproportionately impacted the lives of
minorities, such as members of the LGBTQ community (lesbian, gay, bisexual,
transgender, and queer) due to pre-existing social disadvantages and health
disparities. Although extensive research has been carried out on the impact of
the COVID-19 pandemic on different aspects of the general population's lives,
few studies are focused on the LGBTQ population. In this paper, we identify a
group of Twitter users who self-disclose to belong to the LGBTQ community. We
develop and evaluate two sets of machine learning classifiers using a
pre-pandemic and a during pandemic dataset to identify Twitter posts exhibiting
minority stress, which is a unique pressure faced by the members of the LGBTQ
population due to their sexual and gender identities. For this task, we collect
a set of 20,593,823 posts by 7,241 self-disclosed LGBTQ users and annotate a
randomly selected subset of 2800 posts. We demonstrate that our best
pre-pandemic and during pandemic models show strong and stable performance for
detecting posts that contain minority stress. We investigate the linguistic
differences in minority stress posts across pre- and during-pandemic periods.
We find that anger words are strongly associated with minority stress during
the COVID-19 pandemic. We explore the impact of the pandemic on the emotional
states of the LGBTQ population by conducting controlled comparisons with the
general population. We adopt propensity score-based matching to perform a
causal analysis. The results show that the LBGTQ population have a greater
increase in the usage of cognitive words and worsened observable attribute in
the usage of positive emotion words than the group of the general population
with similar pre-pandemic behavioral attributes."
4592,Differentially private Riemannian optimization,"In this paper, we study the differentially private empirical risk
minimization problem where the parameter is constrained to a Riemannian
manifold. We introduce a framework of differentially private Riemannian
optimization by adding noise to the Riemannian gradient on the tangent space.
The noise follows a Gaussian distribution intrinsically defined with respect to
the Riemannian metric. We adapt the Gaussian mechanism from the Euclidean space
to the tangent space compatible to such generalized Gaussian distribution. We
show that this strategy presents a simple analysis as compared to directly
adding noise on the manifold. We further show privacy guarantees of the
proposed differentially private Riemannian (stochastic) gradient descent using
an extension of the moments accountant technique. Additionally, we prove
utility guarantees under geodesic (strongly) convex, general nonconvex
objectives as well as under the Riemannian Polyak-{\L}ojasiewicz condition. We
show the efficacy of the proposed framework in several applications."
4593,Spatial Autoregressive Coding for Graph Neural Recommendation,"Graph embedding methods including traditional shallow models and deep Graph
Neural Networks (GNNs) have led to promising applications in recommendation.
Nevertheless, shallow models especially random-walk-based algorithms fail to
adequately exploit neighbor proximity in sampled subgraphs or sequences due to
their optimization paradigm. GNN-based algorithms suffer from the insufficient
utilization of high-order information and easily cause over-smoothing problems
when stacking too much layers, which may deteriorate the recommendations of
low-degree (long-tail) items, limiting the expressiveness and scalability. In
this paper, we propose a novel framework SAC, namely Spatial Autoregressive
Coding, to solve the above problems in a unified way. To adequately leverage
neighbor proximity and high-order information, we design a novel spatial
autoregressive paradigm. Specifically, we first randomly mask multi-hop
neighbors and embed the target node by integrating all other surrounding
neighbors with an explicit multi-hop attention. Then we reinforce the model to
learn a neighbor-predictive coding for the target node by contrasting the
coding and the masked neighbors' embedding, equipped with a new hard negative
sampling strategy. To learn the minimal sufficient representation for the
target-to-neighbor prediction task and remove the redundancy of neighbors, we
devise Neighbor Information Bottleneck by maximizing the mutual information
between target predictive coding and the masked neighbors' embedding, and
simultaneously constraining those between the coding and surrounding neighbors'
embedding. Experimental results on both public recommendation datasets and a
real scenario web-scale dataset Douyin-Friend-Recommendation demonstrate the
superiority of SAC compared with state-of-the-art methods."
4594,A Boosting Algorithm for Positive-Unlabeled Learning,"Positive-unlabeled (PU) learning deals with binary classification problems
when only positive (P) and unlabeled (U) data are available. A lot of PU
methods based on linear models and neural networks have been proposed; however,
there still lacks study on how the theoretically sound boosting-style
algorithms could work with P and U data. Considering that in some scenarios
when neural networks cannot perform as good as boosting algorithms even with
fully-supervised data, we propose a novel boosting algorithm for PU learning:
Ada-PU, which compares against neural networks. Ada-PU follows the general
procedure of AdaBoost while two different distributions of P data are
maintained and updated. After a weak classifier is learned on the newly updated
distribution, the corresponding combining weight for the final ensemble is
estimated using only PU data. We demonstrated that with a smaller set of base
classifiers, the proposed method is guaranteed to keep the theoretical
properties of boosting algorithms. In experiments, we showed that Ada-PU
outperforms neural networks on benchmark PU datasets. We also study a
real-world dataset UNSW-NB15 in cyber security and demonstrated that Ada-PU has
superior performance for malicious activity detection."
4595,Neural ODEs with Irregular and Noisy Data,"Measurement noise is an integral part while collecting data of a physical
process. Thus, noise removal is necessary to draw conclusions from these data,
and it often becomes essential to construct dynamical models using these data.
We discuss a methodology to learn differential equation(s) using noisy and
irregular sampled measurements. In our methodology, the main innovation can be
seen in the integration of deep neural networks with the neural ordinary
differential equations (ODEs) approach. Precisely, we aim at learning a neural
network that provides (approximately) an implicit representation of the data
and an additional neural network that models the vector fields of the dependent
variables. We combine these two networks by constraining using neural ODEs. The
proposed framework to learn a model describing the vector field is highly
effective under noisy measurements. The approach can handle scenarios where
dependent variables are not available at the same temporal grid. Moreover, a
particular structure, e.g., second-order with respect to time, can easily be
incorporated. We demonstrate the effectiveness of the proposed method for
learning models using data obtained from various differential equations and
present a comparison with the neural ODE method that does not make any special
treatment to noise."
4596,Nebula-I: A General Framework for Collaboratively Training Deep Learning Models on Low-Bandwidth Cloud Clusters,"The ever-growing model size and scale of compute have attracted increasing
interests in training deep learning models over multiple nodes. However, when
it comes to training on cloud clusters, especially across remote clusters, huge
challenges are faced. In this work, we introduce a general framework, Nebula-I,
for collaboratively training deep learning models over remote heterogeneous
clusters, the connections between which are low-bandwidth wide area networks
(WANs). We took natural language processing (NLP) as an example to show how
Nebula-I works in different training phases that include: a) pre-training a
multilingual language model using two remote clusters; and b) fine-tuning a
machine translation model using knowledge distilled from pre-trained models,
which run through the most popular paradigm of recent deep learning. To balance
the accuracy and communication efficiency, in Nebula-I, parameter-efficient
training strategies, hybrid parallel computing methods and adaptive
communication acceleration techniques are jointly applied. Meanwhile, security
strategies are employed to guarantee the safety, reliability and privacy in
intra-cluster computation and inter-cluster communication. Nebula-I is
implemented with the PaddlePaddle deep learning framework, which can support
collaborative training over heterogeneous hardware, e.g. GPU and NPU.
Experiments demonstrate that the proposed framework could substantially
maximize the training efficiency while preserving satisfactory NLP performance.
By using Nebula-I, users can run large-scale training tasks over cloud clusters
with minimum developments, and the utility of existed large pre-trained models
could be further promoted. We also introduced new state-of-the-art results on
cross-lingual natural language inference tasks, which are generated based upon
a novel learning framework and Nebula-I."
4597,Personalized Interventions for Online Moderation,"Current online moderation follows a one-size-fits-all approach, where each
intervention is applied in the same way to all users. This naive approach is
challenged by established socio-behavioral theories and by recent empirical
results that showed the limited effectiveness of such interventions. We propose
a paradigm-shift in online moderation by moving towards a personalized and
user-centered approach. Our multidisciplinary vision combines state-of-the-art
theories and practices in diverse fields such as computer science, sociology
and psychology, to design personalized moderation interventions (PMIs). In
outlining the path leading to the next-generation of moderation interventions,
we also discuss the most prominent challenges introduced by such a disruptive
change."
4598,Why only Micro-F1? Class Weighting of Measures for Relation Classification,"Relation classification models are conventionally evaluated using only a
single measure, e.g., micro-F1, macro-F1 or AUC. In this work, we analyze
weighting schemes, such as micro and macro, for imbalanced datasets. We
introduce a framework for weighting schemes, where existing schemes are
extremes, and two new intermediate schemes. We show that reporting results of
different weighting schemes better highlights strengths and weaknesses of a
model."
4599,Neural Network Architecture Beyond Width and Depth,"This paper proposes a new neural network architecture by introducing an
additional dimension called height beyond width and depth. Neural network
architectures with height, width, and depth as hyperparameters are called
three-dimensional architectures. It is shown that neural networks with
three-dimensional architectures are significantly more expressive than the ones
with two-dimensional architectures (those with only width and depth as
hyperparameters), e.g., standard fully connected networks. The new network
architecture is constructed recursively via a nested structure, and hence we
call a network with the new architecture nested network (NestNet). A NestNet of
height $s$ is built with each hidden neuron activated by a NestNet of height
$\le s-1$. When $s=1$, a NestNet degenerates to a standard network with a
two-dimensional architecture. It is proved by construction that height-$s$ ReLU
NestNets with $\mathcal{O}(n)$ parameters can approximate Lipschitz continuous
functions on $[0,1]^d$ with an error $\mathcal{O}(n^{-(s+1)/d})$, while the
optimal approximation error of standard ReLU networks with $\mathcal{O}(n)$
parameters is $\mathcal{O}(n^{-2/d})$. Furthermore, such a result is extended
to generic continuous functions on $[0,1]^d$ with the approximation error
characterized by the modulus of continuity. Finally, a numerical example is
provided to explore the advantages of the super approximation power of ReLU
NestNets."
4600,Differential Privacy: What is all the noise about?,"Differential Privacy (DP) is a formal definition of privacy that provides
rigorous guarantees against risks of privacy breaches during data processing.
It makes no assumptions about the knowledge or computational power of
adversaries, and provides an interpretable, quantifiable and composable
formalism. DP has been actively researched during the last 15 years, but it is
still hard to master for many Machine Learning (ML)) practitioners. This paper
aims to provide an overview of the most important ideas, concepts and uses of
DP in ML, with special focus on its intersection with Federated Learning (FL)."
4601,Learning-based AC-OPF Solvers on Realistic Network and Realistic Loads,"Deep learning approaches for the Alternating Current-Optimal Power Flow
(AC-OPF) problem are under active research in recent years. A common
shortcoming in this area of research is the lack of a dataset that includes
both a realistic power network topology and the corresponding realistic loads.
To address this issue, we construct an AC-OPF formulation-ready dataset called
TAS-97 that contains realistic network information and realistic bus loads from
Tasmania's electricity network. We found that the realistic loads in Tasmania
are correlated between buses and they show signs of an underlying multivariate
normal distribution. Feasibility-optimized end-to-end deep neural network
models are trained and tested on the constructed dataset. Trained on samples
with bus loads generated from a fitted multivariate normal distribution, our
learning-based AC-OPF solver achieves 0.13% cost optimality gap, 99.73%
feasibility rate, and 38.62 times of speedup on realistic testing samples when
compared to PYPOWER."
4602,Gold-standard solutions to the Schrödinger equation using deep learning: How much physics do we need?,"Finding accurate solutions to the Schr\""odinger equation is the key unsolved
challenge of computational chemistry. Given its importance for the development
of new chemical compounds, decades of research have been dedicated to this
problem, but due to the large dimensionality even the best available methods do
not yet reach the desired accuracy. Recently the combination of deep learning
with Monte Carlo methods has emerged as a promising way to obtain highly
accurate energies and moderate scaling of computational cost. In this paper we
significantly contribute towards this goal by introducing a novel deep-learning
architecture that achieves 40-70% lower energy error at 8x lower computational
cost compared to previous approaches. Using our method we establish a new
benchmark by calculating the most accurate variational ground state energies
ever published for a number of different atoms and molecules. We systematically
break down and measure our improvements, focusing in particular on the effect
of increasing physical prior knowledge. We surprisingly find that increasing
the prior knowledge given to the architecture can actually decrease accuracy."
4603,Smooth densities and generative modeling with unsupervised random forests,"Density estimation is a fundamental problem in statistics, and any attempt to
do so in high dimensions typically requires strong assumptions or complex deep
learning architectures. An important application for density estimators is
synthetic data generation, an area currently dominated by neural networks that
often demand enormous training datasets and extensive tuning. We propose a new
method based on unsupervised random forests for estimating smooth densities in
arbitrary dimensions without parametric constraints, as well as generating
realistic synthetic data. We prove the consistency of our approach and
demonstrate its advantages over existing tree-based density estimators, which
generally rely on ill-chosen split criteria and do not scale well with data
dimensionality. Experiments illustrate that our algorithm compares favorably to
state-of-the-art deep learning generative models, achieving superior
performance in a range of benchmark trials while executing about two orders of
magnitude faster on average. Our method is implemented in easy-to-use
$\texttt{R}$ and Python packages."
4604,CAMEO: Curiosity Augmented Metropolis for Exploratory Optimal Policies,"Reinforcement Learning has drawn huge interest as a tool for solving optimal
control problems. Solving a given problem (task or environment) involves
converging towards an optimal policy. However, there might exist multiple
optimal policies that can dramatically differ in their behaviour; for example,
some may be faster than the others but at the expense of greater risk. We
consider and study a distribution of optimal policies. We design a
curiosity-augmented Metropolis algorithm (CAMEO), such that we can sample
optimal policies, and such that these policies effectively adopt diverse
behaviours, since this implies greater coverage of the different possible
optimal policies. In experimental simulations we show that CAMEO indeed obtains
policies that all solve classic control problems, and even in the challenging
case of environments that provide sparse rewards. We further show that the
different policies we sample present different risk profiles, corresponding to
interesting practical applications in interpretability, and represents a first
step towards learning the distribution of optimal policies itself."
4605,Action Conditioned Tactile Prediction: a case study on slip prediction,"Tactile predictive models can be useful across several robotic manipulation
tasks, e.g. robotic pushing, robotic grasping, slip avoidance, and in-hand
manipulation. However, available tactile prediction models are mostly studied
for image-based tactile sensors and there is no comparison study indicating the
best performing models. In this paper, we presented two novel data-driven
action-conditioned models for predicting tactile signals during real-world
physical robot interaction tasks (1) action condition tactile prediction and
(2) action conditioned tactile-video prediction models. We use a magnetic-based
tactile sensor that is challenging to analyse and test state-of-the-art
predictive models and the only existing bespoke tactile prediction model. We
compare the performance of these models with those of our proposed models. We
perform the comparison study using our novel tactile enabled dataset containing
51,000 tactile frames of a real-world robotic manipulation task with 11
flat-surfaced household objects. Our experimental results demonstrate the
superiority of our proposed tactile prediction models in terms of qualitative,
quantitative and slip prediction scores."
4606,Machine learning applications for noisy intermediate-scale quantum computers,"Quantum machine learning has proven to be a fruitful area in which to search
for potential applications of quantum computers. This is particularly true for
those available in the near term, so called noisy intermediate-scale quantum
(NISQ) devices. In this Thesis, we develop and study three quantum machine
learning applications suitable for NISQ computers, ordered in terms of
increasing complexity of data presented to them. These algorithms are
variational in nature and use parameterised quantum circuits (PQCs) as the
underlying quantum machine learning model. The first application area is
quantum classification using PQCs, where the data is classical feature vectors
and their corresponding labels. Here, we study the robustness of certain data
encoding strategies in such models against noise present in a quantum computer.
The second area is generative modelling using quantum computers, where we use
quantum circuit Born machines to learn and sample from complex probability
distributions. We discuss and present a framework for quantum advantage for
such models, propose gradient-based training methods and demonstrate these both
numerically and on the Rigetti quantum computer up to 28 qubits. For our final
application, we propose a variational algorithm in the area of approximate
quantum cloning, where the data becomes quantum in nature. For the algorithm,
we derive differentiable cost functions, prove theoretical guarantees such as
faithfulness, and incorporate state of the art methods such as quantum
architecture search. Furthermore, we demonstrate how this algorithm is useful
in discovering novel implementable attacks on quantum cryptographic protocols,
focusing on quantum coin flipping and key distribution as examples."
4607,Predictive Maintenance using Machine Learning,"Predictive maintenance (PdM) is a concept, which is implemented to
effectively manage maintenance plans of the assets by predicting their failures
with data driven techniques. In these scenarios, data is collected over a
certain period of time to monitor the state of equipment. The objective is to
find some correlations and patterns that can help predict and ultimately
prevent failures. Equipment in manufacturing industry are often utilized
without a planned maintenance approach. Such practise frequently results in
unexpected downtime, owing to certain unexpected failures. In scheduled
maintenance, the condition of the manufacturing equipment is checked after
fixed time interval and if any fault occurs, the component is replaced to avoid
unexpected equipment stoppages. On the flip side, this leads to increase in
time for which machine is non-functioning and cost of carrying out the
maintenance. The emergence of Industry 4.0 and smart systems have led to
increasing emphasis on predictive maintenance (PdM) strategies that can reduce
the cost of downtime and increase the availability (utilization rate) of
manufacturing equipment. PdM also has the potential to bring about new
sustainable practices in manufacturing by fully utilizing the useful lives of
components."
4608,Transformers as Neural Augmentors: Class Conditional Sentence Generation via Variational Bayes,"Data augmentation methods for Natural Language Processing tasks are explored
in recent years, however they are limited and it is hard to capture the
diversity on sentence level. Besides, it is not always possible to perform data
augmentation on supervised tasks. To address those problems, we propose a
neural data augmentation method, which is a combination of Conditional
Variational Autoencoder and encoder-decoder Transformer model. While encoding
and decoding the input sentence, our model captures the syntactic and semantic
representation of the input language with its class condition. Following the
developments in the past years on pre-trained language models, we train and
evaluate our models on several benchmarks to strengthen the downstream tasks.
We compare our method with 3 different augmentation techniques. The presented
results show that, our model increases the performance of current models
compared to other data augmentation techniques with a small amount of
computation power."
4609,SOL: Reducing the Maintenance Overhead for Integrating Hardware Support into AI Frameworks,"The increased interest in Artificial Intelligence (AI) raised the need for
highly optimized and sophisticated AI frameworks. Starting with the Lua-based
Torch many frameworks have emerged over time, such as Theano, Caffe, Chainer,
CNTK, MxNet, PyTorch, DL4J, or TensorFlow. All of these provide a high level
scripting API that allows users to easily design neural networks and run these
on various kinds of hardware. What the user usually does not see is the high
effort put into these frameworks to provide peak execution performance. While
mainstream CPUs and GPUs have the ""luxury"" to have a wide spread user base in
the open source community, less mainstream CPU, GPU or accelerator vendors need
to put in a high effort to get their hardware supported by these frameworks.
This includes not only the development of highly efficient compute libraries
such as CUDNN, OneDNN or VEDNN but also supporting an ever growing number of
simpler compute operations such as summation and multiplications. Each of these
frameworks, nowadays, supports several hundred of unique operations, with
tensors of various sizes, shapes and data types, which end up in thousands of
compute kernels required for each device type. And the number of operations
keeps increasing.
That is why NEC Laboratories Europe started developing the SOL AI
Optimization project already years ago, to deliver optimal performance to users
while keeping the maintenance burden minimal."
4610,Truncated tensor Schatten p-norm based approach for spatiotemporal traffic data imputation with complicated missing patterns,"Rapid advances in sensor, wireless communication, cloud computing and data
science have brought unprecedented amount of data to assist transportation
engineers and researchers in making better decisions. However, traffic data in
reality often has corrupted or incomplete values due to detector and
communication malfunctions. Data imputation is thus required to ensure the
effectiveness of downstream data-driven applications. To this end, numerous
tensor-based methods treating the imputation problem as the low-rank tensor
completion (LRTC) have been attempted in previous works. To tackle rank
minimization, which is at the core of the LRTC, most of aforementioned methods
utilize the tensor nuclear norm (NN) as a convex surrogate for the
minimization. However, the over-relaxation issue in NN refrains it from
desirable performance in practice. In this paper, we define an innovative
nonconvex truncated Schatten p-norm for tensors (TSpN) to approximate tensor
rank and impute missing spatiotemporal traffic data under the LRTC framework.
We model traffic data into a third-order tensor structure of (time
intervals,locations (sensors),days) and introduce four complicated missing
patterns, including random missing and three fiber-like missing cases according
to the tensor mode-n fibers. Despite nonconvexity of the objective function in
our model, we derive the global optimal solutions by integrating the
alternating direction method of multipliers (ADMM) with generalized
soft-thresholding (GST). In addition, we design a truncation rate decay
strategy to deal with varying missing rate scenarios. Comprehensive experiments
are finally conducted using real-world spatiotemporal datasets, which
demonstrate that the proposed LRTC-TSpN method performs well under various
missing cases, meanwhile outperforming other SOTA tensor-based imputation
models in almost all scenarios."
4611,Simplifying Node Classification on Heterophilous Graphs with Compatible Label Propagation,"Graph Neural Networks (GNNs) have been predominant for graph learning tasks;
however, recent studies showed that a well-known graph algorithm, Label
Propagation (LP), combined with a shallow neural network can achieve comparable
performance to GNNs in semi-supervised node classification on graphs with high
homophily. In this paper, we show that this approach falls short on graphs with
low homophily, where nodes often connect to the nodes of the opposite classes.
To overcome this, we carefully design a combination of a base predictor with LP
algorithm that enjoys a closed-form solution as well as convergence guarantees.
Our algorithm first learns the class compatibility matrix and then aggregates
label predictions using LP algorithm weighted by class compatibilities. On a
wide variety of benchmarks, we show that our approach achieves the leading
performance on graphs with various levels of homophily. Meanwhile, it has
orders of magnitude fewer parameters and requires less execution time.
Empirical evaluations demonstrate that simple adaptations of LP can be
competitive in semi-supervised node classification in both homophily and
heterophily regimes."
4612,BabyNet: Residual Transformer Module for Birth Weight Prediction on Fetal Ultrasound Video,"Predicting fetal weight at birth is an important aspect of perinatal care,
particularly in the context of antenatal management, which includes the planned
timing and the mode of delivery. Accurate prediction of weight using prenatal
ultrasound is challenging as it requires images of specific fetal body parts
during advanced pregnancy which is difficult to capture due to poor quality of
images caused by the lack of amniotic fluid. As a consequence, predictions
which rely on standard methods often suffer from significant errors. In this
paper we propose the Residual Transformer Module which extends a 3D
ResNet-based network for analysis of 2D+t spatio-temporal ultrasound video
scans. Our end-to-end method, called BabyNet, automatically predicts fetal
birth weight based on fetal ultrasound video scans. We evaluate BabyNet using a
dedicated clinical set comprising 225 2D fetal ultrasound videos of pregnancies
from 75 patients performed one day prior to delivery. Experimental results show
that BabyNet outperforms several state-of-the-art methods and estimates the
weight at birth with accuracy comparable to human experts. Furthermore,
combining estimates provided by human experts with those computed by BabyNet
yields the best results, outperforming either of other methods by a significant
margin. The source code of BabyNet is available at
https://github.com/SanoScience/BabyNet."
4613,GitRanking: A Ranking of GitHub Topics for Software Classification using Active Sampling,"GitHub is the world's largest host of source code, with more than 150M
repositories. However, most of these repositories are not labeled or
inadequately so, making it harder for users to find relevant projects. There
have been various proposals for software application domain classification over
the past years. However, these approaches lack a well-defined taxonomy that is
hierarchical, grounded in a knowledge base, and free of irrelevant terms. This
work proposes GitRanking, a framework for creating a classification ranked into
discrete levels based on how general or specific their meaning is. We collected
121K topics from GitHub and considered $60\%$ of the most frequent ones for the
ranking. GitRanking 1) uses active sampling to ensure a minimal number of
required annotations; and 2) links each topic to Wikidata, reducing ambiguities
and improving the reusability of the taxonomy. Our results show that
developers, when annotating their projects, avoid using terms with a high
degree of specificity. This makes the finding and discovery of their projects
more challenging for other users. Furthermore, we show that GitRanking can
effectively rank terms according to their general or specific meaning. This
ranking would be an essential asset for developers to build upon, allowing them
to complement their annotations with more precise topics. Finally, we show that
GitRanking is a dynamically extensible method: it can currently accept further
terms to be ranked with a minimum number of annotations ($\sim$ 15). This paper
is the first collective attempt to build a ground-up taxonomy of software
domains."
4614,Multi-DNN Accelerators for Next-Generation AI Systems,"As the use of AI-powered applications widens across multiple domains, so do
increase the computational demands. Primary driver of AI technology are the
deep neural networks (DNNs). When focusing either on cloud-based systems that
serve multiple AI queries from different users each with their own DNN model,
or on mobile robots and smartphones employing pipelines of various models or
parallel DNNs for the concurrent processing of multi-modal data, the next
generation of AI systems will have multi-DNN workloads at their core.
Large-scale deployment of AI services and integration across mobile and
embedded systems require additional breakthroughs in the computer architecture
front, with processors that can maintain high performance as the number of DNNs
increases while meeting the quality-of-service requirements, giving rise to the
topic of multi-DNN accelerator design."
4615,Continual Pre-Training Mitigates Forgetting in Language and Vision,"Pre-trained models are nowadays a fundamental component of machine learning
research. In continual learning, they are commonly used to initialize the model
before training on the stream of non-stationary data. However, pre-training is
rarely applied during continual learning. We formalize and investigate the
characteristics of the continual pre-training scenario in both language and
vision environments, where a model is continually pre-trained on a stream of
incoming data and only later fine-tuned to different downstream tasks. We show
that continually pre-trained models are robust against catastrophic forgetting
and we provide strong empirical evidence supporting the fact that
self-supervised pre-training is more effective in retaining previous knowledge
than supervised protocols. Code is provided at
https://github.com/AndreaCossu/continual-pretraining-nlp-vision ."
4616,Bypassing Logits Bias in Online Class-Incremental Learning with a Generative Framework,"Continual learning requires the model to maintain the learned knowledge while
learning from a non-i.i.d data stream continually. Due to the single-pass
training setting, online continual learning is very challenging, but it is
closer to the real-world scenarios where quick adaptation to new data is
appealing. In this paper, we focus on online class-incremental learning setting
in which new classes emerge over time. Almost all existing methods are
replay-based with a softmax classifier. However, the inherent logits bias
problem in the softmax classifier is a main cause of catastrophic forgetting
while existing solutions are not applicable for online settings. To bypass this
problem, we abandon the softmax classifier and propose a novel generative
framework based on the feature space. In our framework, a generative classifier
which utilizes replay memory is used for inference, and the training objective
is a pair-based metric learning loss which is proven theoretically to optimize
the feature space in a generative way. In order to improve the ability to learn
new data, we further propose a hybrid of generative and discriminative loss to
train the model. Extensive experiments on several benchmarks, including newly
introduced task-free datasets, show that our method beats a series of
state-of-the-art replay-based methods with discriminative classifiers, and
reduces catastrophic forgetting consistently with a remarkable margin."
4617,Consistent Interpolating Ensembles via the Manifold-Hilbert Kernel,"Recent research in the theory of overparametrized learning has sought to
establish generalization guarantees in the interpolating regime. Such results
have been established for a few common classes of methods, but so far not for
ensemble methods. We devise an ensemble classification method that
simultaneously interpolates the training data, and is consistent for a broad
class of data distributions. To this end, we define the manifold-Hilbert kernel
for data distributed on a Riemannian manifold. We prove that kernel smoothing
regression using the manifold-Hilbert kernel is weakly consistent in the
setting of Devroye et al. 1998. For the sphere, we show that the
manifold-Hilbert kernel can be realized as a weighted random partition kernel,
which arises as an infinite ensemble of partition-based classifiers."
4618,Deep Learning in Business Analytics: A Clash of Expectations and Reality,"Our fast-paced digital economy shaped by global competition requires
increased data-driven decision-making based on artificial intelligence (AI) and
machine learning (ML). The benefits of deep learning (DL) are manifold, but it
comes with limitations that have - so far - interfered with widespread industry
adoption. This paper explains why DL - despite its popularity - has
difficulties speeding up its adoption within business analytics. It is shown -
by a mixture of content analysis and empirical study - that the adoption of
deep learning is not only affected by computational complexity, lacking big
data architecture, lack of transparency (black-box), and skill shortage, but
also by the fact that DL does not outperform traditional ML models in the case
of structured datasets with fixed-length feature vectors. Deep learning should
be regarded as a powerful addition to the existing body of ML models instead of
a one size fits all solution."
4619,A Simple Yet Effective SVD-GCN for Directed Graphs,"In this paper, we propose a simple yet effective graph neural network for
directed graphs (digraph) based on the classic Singular Value Decomposition
(SVD), named SVD-GCN. The new graph neural network is built upon the graph
SVD-framelet to better decompose graph signals on the SVD ``frequency'' bands.
Further the new framelet SVD-GCN is also scaled up for larger scale graphs via
using Chebyshev polynomial approximation. Through empirical experiments
conducted on several node classification datasets, we have found that SVD-GCN
has remarkable improvements in a variety of graph node learning tasks and it
outperforms GCN and many other state-of-the-art graph neural networks for
digraphs. Moreover, we empirically demonstate that the SVD-GCN has great
denoising capability and robustness to high level graph data attacks. The
theoretical and experimental results prove that the SVD-GCN is effective on a
variant of graph datasets, meanwhile maintaining stable and even better
performance than the state-of-the-arts."
4620,Uncertainty Quantification for Transport in Porous media using Parameterized Physics Informed neural Networks,"We present a Parametrization of the Physics Informed Neural Network (P-PINN)
approach to tackle the problem of uncertainty quantification in reservoir
engineering problems. We demonstrate the approach with the immiscible two phase
flow displacement (Buckley-Leverett problem) in heterogeneous porous medium.
The reservoir properties (porosity, permeability) are treated as random
variables. The distribution of these properties can affect dynamic properties
such as the fluids saturation, front propagation speed or breakthrough time. We
explore and use to our advantage the ability of networks to interpolate complex
high dimensional functions. We observe that the additional dimensions resulting
from a stochastic treatment of the partial differential equations tend to
produce smoother solutions on quantities of interest (distributions parameters)
which is shown to improve the performance of PINNS. We show that provided a
proper parameterization of the uncertainty space, PINN can produce solutions
that match closely both the ensemble realizations and the stochastic moments.
We demonstrate applications for both homogeneous and heterogeneous fields of
properties. We are able to solve problems that can be challenging for classical
methods. This approach gives rise to trained models that are both more robust
to variations in the input space and can compete in performance with
traditional stochastic sampling methods."
4621,Accelerated Training of Physics Informed Neural Networks (PINNs) using Meshless Discretizations,"We present a new technique for the accelerated training of physics-informed
neural networks (PINNs): discretely-trained PINNs (DT-PINNs). The repeated
computation of partial derivative terms in the PINN loss functions via
automatic differentiation during training is known to be computationally
expensive, especially for higher-order derivatives. DT-PINNs are trained by
replacing these exact spatial derivatives with high-order accurate numerical
discretizations computed using meshless radial basis function-finite
differences (RBF-FD) and applied via sparse-matrix vector multiplication. The
use of RBF-FD allows for DT-PINNs to be trained even on point cloud samples
placed on irregular domain geometries. Additionally, though traditional PINNs
(vanilla-PINNs) are typically stored and trained in 32-bit floating-point
(fp32) on the GPU, we show that for DT-PINNs, using fp64 on the GPU leads to
significantly faster training times than fp32 vanilla-PINNs with comparable
accuracy. We demonstrate the efficiency and accuracy of DT-PINNs via a series
of experiments. First, we explore the effect of network depth on both numerical
and automatic differentiation of a neural network with random weights and show
that RBF-FD approximations of third-order accuracy and above are more efficient
while being sufficiently accurate. We then compare the DT-PINNs to
vanilla-PINNs on both linear and nonlinear Poisson equations and show that
DT-PINNs achieve similar losses with 2-4x faster training times on a consumer
GPU. Finally, we also demonstrate that similar results can be obtained for the
PINN solution to the heat equation (a space-time problem) by discretizing the
spatial derivatives using RBF-FD and using automatic differentiation for the
temporal derivative. Our results show that fp64 DT-PINNs offer a superior
cost-accuracy profile to fp32 vanilla-PINNs."
4622,Dataset Pruning: Reducing Training Data by Examining Generalization Influence,"The great success of deep learning heavily relies on increasingly larger
training data, which comes at a price of huge computational and infrastructural
costs. This poses crucial questions that, do all training data contribute to
model's performance? How much does each individual training sample or a
sub-training-set affect the model's generalization, and how to construct a
smallest subset from the entire training data as a proxy training set without
significantly sacrificing the model's performance? To answer these, we propose
dataset pruning, an optimization-based sample selection method that can (1)
examine the influence of removing a particular set of training samples on
model's generalization ability with theoretical guarantee, and (2) construct a
smallest subset of training data that yields strictly constrained
generalization gap. The empirically observed generalization gap of dataset
pruning is substantially consistent with our theoretical expectations.
Furthermore, the proposed method prunes 40% training examples on the CIFAR-10
dataset, halves the convergence time with only 1.3% test accuracy decrease,
which is superior to previous score-based sample selection methods."
4623,TransTab: Learning Transferable Tabular Transformers Across Tables,"Tabular data (or tables) are the most widely used data format in machine
learning (ML). However, ML models often assume the table structure keeps fixed
in training and testing. Before ML modeling, heavy data cleaning is required to
merge disparate tables with different columns. This preprocessing often incurs
significant data waste (e.g., removing unmatched columns and samples). How to
learn ML models from multiple tables with partially overlapping columns? How to
incrementally update ML models as more columns become available over time? Can
we leverage model pretraining on multiple distinct tables? How to train an ML
model which can predict on an unseen table?
To answer all those questions, we propose to relax fixed table structures by
introducing a Transferable Tabular Transformer (TransTab) for tables. The goal
of TransTab is to convert each sample (a row in the table) to a generalizable
embedding vector, and then apply stacked transformers for feature encoding. One
methodology insight is combining column description and table cells as the raw
input to a gated transformer model. The other insight is to introduce
supervised and self-supervised pretraining to improve model performance. We
compare TransTab with multiple baseline methods on diverse benchmark datasets
and five oncology clinical trial datasets. Overall, TransTab ranks 1.00, 1.00,
1.78 out of 12 methods in supervised learning, feature incremental learning,
and transfer learning scenarios, respectively; and the proposed pretraining
leads to 2.3\% AUC lift on average over the supervised learning.}"
4624,Classifying Human Activities using Machine Learning and Deep Learning Techniques,"Human Activity Recognition (HAR) describes the machines ability to recognize
human actions. Nowadays, most people on earth are health conscious, so people
are more interested in tracking their daily activities using Smartphones or
Smart Watches, which can help them manage their daily routines in a healthy
way. With this objective, Kaggle has conducted a competition to classify 6
different human activities distinctly based on the inertial signals obtained
from 30 volunteers smartphones. The main challenge in HAR is to overcome the
difficulties of separating human activities based on the given data such that
no two activities overlap. In this experimentation, first, Data visualization
is done on expert generated features with the help of t distributed Stochastic
Neighborhood Embedding followed by applying various Machine Learning techniques
like Logistic Regression, Linear SVC, Kernel SVM, Decision trees to better
classify the 6 distinct human activities. Moreover, Deep Learning techniques
like Long Short-Term Memory (LSTM), Bi-Directional LSTM, Recurrent Neural
Network (RNN), and Gated Recurrent Unit (GRU) are trained using raw time series
data. Finally, metrics like Accuracy, Confusion matrix, precision and recall
are used to evaluate the performance of the Machine Learning and Deep Learning
models. Experiment results proved that the Linear Support Vector Classifier in
machine learning and Gated Recurrent Unit in Deep Learning provided better
accuracy for human activity recognition compared to other classifiers."
4625,Spatial Transcriptomics Dimensionality Reduction using Wavelet Bases,"Spatially resolved transcriptomics (ST) measures gene expression along with
the spatial coordinates of the measurements. The analysis of ST data involves
significant computation complexity. In this work, we propose gene expression
dimensionality reduction algorithm that retains spatial structure. We combine
the wavelet transformation with matrix factorization to select
spatially-varying genes. We extract a low-dimensional representation of these
genes. We consider Empirical Bayes setting, imposing regularization through the
prior distribution of factor genes. Additionally, We provide visualization of
extracted representation genes capturing the global spatial pattern. We
illustrate the performance of our methods by spatial structure recovery and
gene expression reconstruction in simulation. In real data experiments, our
method identifies spatial structure of gene factors and outperforms regular
decomposition regarding reconstruction error. We found the connection between
the fluctuation of gene patterns and wavelet technique, providing smoother
visualization. We develop the package and share the workflow generating
reproducible quantitative results and gene visualization. The package is
available at https://github.com/OliverXUZY/waveST."
4626,EXPANSE: A Deep Continual / Progressive Learning System for Deep Transfer Learning,"Deep transfer learning techniques try to tackle the limitations of deep
learning, the dependency on extensive training data and the training costs, by
reusing obtained knowledge. However, the current DTL techniques suffer from
either catastrophic forgetting dilemma (losing the previously obtained
knowledge) or overly biased pre-trained models (harder to adapt to target data)
in finetuning pre-trained models or freezing a part of the pre-trained model,
respectively. Progressive learning, a sub-category of DTL, reduces the effect
of the overly biased model in the case of freezing earlier layers by adding a
new layer to the end of a frozen pre-trained model. Even though it has been
successful in many cases, it cannot yet handle distant source and target data.
We propose a new continual/progressive learning approach for deep transfer
learning to tackle these limitations. To avoid both catastrophic forgetting and
overly biased-model problems, we expand the pre-trained model by expanding
pre-trained layers (adding new nodes to each layer) in the model instead of
only adding new layers. Hence the method is named EXPANSE. Our experimental
results confirm that we can tackle distant source and target data using this
technique. At the same time, the final model is still valid on the source data,
achieving a promising deep continual learning approach. Moreover, we offer a
new way of training deep learning models inspired by the human education
system. We termed this two-step training: learning basics first, then adding
complexities and uncertainties. The evaluation implies that the two-step
training extracts more meaningful features and a finer basin on the error
surface since it can achieve better accuracy in comparison to regular training.
EXPANSE (model expansion and two-step training) is a systematic continual
learning approach applicable to different problems and DL models."
4627,Mitigating Neural Network Overconfidence with Logit Normalization,"Detecting out-of-distribution inputs is critical for safe deployment of
machine learning models in the real world. However, neural networks are known
to suffer from the overconfidence issue, where they produce abnormally high
confidence for both in- and out-of-distribution inputs. In this work, we show
that this issue can be mitigated through Logit Normalization (LogitNorm) -- a
simple fix to the cross-entropy loss -- by enforcing a constant vector norm on
the logits in training. Our method is motivated by the analysis that the norm
of the logit keeps increasing during training, leading to overconfident output.
Our key idea behind LogitNorm is thus to decouple the influence of output's
norm during network optimization. Trained with LogitNorm, neural networks
produce highly distinguishable confidence scores between in- and
out-of-distribution data. Extensive experiments demonstrate the superiority of
LogitNorm, reducing the average FPR95 by up to 42.30% on common benchmarks."
4628,FedILC: Weighted Geometric Mean and Invariant Gradient Covariance for Federated Learning on Non-IID Data,"Federated learning is a distributed machine learning approach which enables a
shared server model to learn by aggregating the locally-computed parameter
updates with the training data from spatially-distributed client silos. Though
successfully possessing advantages in both scale and privacy, federated
learning is hurt by domain shift problems, where the learning models are unable
to generalize to unseen domains whose data distribution is non-i.i.d. with
respect to the training domains. In this study, we propose the Federated
Invariant Learning Consistency (FedILC) approach, which leverages the gradient
covariance and the geometric mean of Hessians to capture both inter-silo and
intra-silo consistencies of environments and unravel the domain shift problems
in federated networks. The benchmark and real-world dataset experiments bring
evidence that our proposed algorithm outperforms conventional baselines and
similar federated learning algorithms. This is relevant to various fields such
as medical healthcare, computer vision, and the Internet of Things (IoT). The
code is released at https://github.com/mikemikezhu/FedILC."
4629,Routing and Placement of Macros using Deep Reinforcement Learning,"Chip placement has been one of the most time consuming task in any semi
conductor area, Due to this negligence, many projects are pushed and chips
availability in real markets get delayed. An engineer placing macros on a chip
also needs to place it optimally to reduce the three important factors like
power, performance and time. Looking at these prior problems we wanted to
introduce a new method using Reinforcement Learning where we train the model to
place the nodes of a chip netlist onto a chip canvas. We want to build a neural
architecture that will accurately reward the agent across a wide variety of
input netlist correctly."
4630,Towards Applicable Reinforcement Learning: Improving the Generalization and Sample Efficiency with Policy Ensemble,"It is challenging for reinforcement learning (RL) algorithms to succeed in
real-world applications like financial trading and logistic system due to the
noisy observation and environment shifting between training and evaluation.
Thus, it requires both high sample efficiency and generalization for resolving
real-world tasks. However, directly applying typical RL algorithms can lead to
poor performance in such scenarios. Considering the great performance of
ensemble methods on both accuracy and generalization in supervised learning
(SL), we design a robust and applicable method named Ensemble Proximal Policy
Optimization (EPPO), which learns ensemble policies in an end-to-end manner.
Notably, EPPO combines each policy and the policy ensemble organically and
optimizes both simultaneously. In addition, EPPO adopts a diversity enhancement
regularization over the policy space which helps to generalize to unseen states
and promotes exploration. We theoretically prove EPPO increases exploration
efficacy, and through comprehensive experimental evaluations on various tasks,
we demonstrate that EPPO achieves higher efficiency and is robust for
real-world applications compared with vanilla policy optimization algorithms
and other ensemble methods. Code and supplemental materials are available at
https://seqml.github.io/eppo."
4631,Causal Inference from Small High-dimensional Datasets,"Many methods have been proposed to estimate treatment effects with
observational data. Often, the choice of the method considers the application's
characteristics, such as type of treatment and outcome, confounding effect, and
the complexity of the data. These methods implicitly assume that the sample
size is large enough to train such models, especially the neural network-based
estimators. What if this is not the case? In this work, we propose
Causal-Batle, a methodology to estimate treatment effects in small
high-dimensional datasets in the presence of another high-dimensional dataset
in the same feature space. We adopt an approach that brings transfer learning
techniques into causal inference. Our experiments show that such an approach
helps to bring stability to neural network-based methods and improve the
treatment effect estimates in small high-dimensional datasets."
4632,Threshold Designer Adaptation: Improved Adaptation for Designers in Co-creative Systems,"To best assist human designers with different styles, Machine Learning (ML)
systems need to be able to adapt to them. However, there has been relatively
little prior work on how and when to best adapt an ML system to a co-designer.
In this paper we present threshold designer adaptation: a novel method for
adapting a creative ML model to an individual designer. We evaluate our
approach with a human subject study using a co-creative rhythm game design
tool. We find that designers prefer our proposed method and produce higher
quality content in comparison to an existing baseline."
4633,A Mutually Exciting Latent Space Hawkes Process Model for Continuous-time Networks,"Networks and temporal point processes serve as fundamental building blocks
for modeling complex dynamic relational data in various domains. We propose the
latent space Hawkes (LSH) model, a novel generative model for continuous-time
networks of relational events, using a latent space representation for nodes.
We model relational events between nodes using mutually exciting Hawkes
processes with baseline intensities dependent upon the distances between the
nodes in the latent space and sender and receiver specific effects. We propose
an alternating minimization algorithm to jointly estimate the latent positions
of the nodes and other model parameters. We demonstrate that our proposed LSH
model can replicate many features observed in real temporal networks including
reciprocity and transitivity, while also achieves superior prediction accuracy
and provides more interpretability compared to existing models."
4634,IL-flOw: Imitation Learning from Observation using Normalizing Flows,"We present an algorithm for Inverse Reinforcement Learning (IRL) from expert
state observations only. Our approach decouples reward modelling from policy
learning, unlike state-of-the-art adversarial methods which require updating
the reward model during policy search and are known to be unstable and
difficult to optimize. Our method, IL-flOw, recovers the expert policy by
modelling state-state transitions, by generating rewards using deep density
estimators trained on the demonstration trajectories, avoiding the instability
issues of adversarial methods. We demonstrate that using the state transition
log-probability density as a reward signal for forward reinforcement learning
translates to matching the trajectory distribution of the expert
demonstrations, and experimentally show good recovery of the true reward signal
as well as state of the art results for imitation from observation on
locomotion and robotic continuous control tasks."
4635,MESH2IR: Neural Acoustic Impulse Response Generator for Complex 3D Scenes,"We propose a mesh-based neural network (MESH2IR) to generate acoustic impulse
responses (IRs) for indoor 3D scenes represented using a mesh. The IRs are used
to create a high-quality sound experience in interactive applications and audio
processing. Our method can handle input triangular meshes with arbitrary
topologies (2K - 3M triangles). We present a novel training technique to train
MESH2IR using energy decay relief and highlight its benefits. We also show that
training MESH2IR on IRs preprocessed using our proposed technique significantly
improves the accuracy of IR generation. We reduce the non-linearity in the mesh
space by transforming 3D scene meshes to latent space using a graph convolution
network. Our MESH2IR is more than 200 times faster than a geometric acoustic
algorithm on a CPU and can generate more than 10,000 IRs per second on an
NVIDIA GeForce RTX 2080 Ti GPU for a given furnished indoor 3D scene. The
acoustic metrics are used to characterize the acoustic environment. We show
that the acoustic metrics of the IRs predicted from our MESH2IR match the
ground truth with less than 10% error. We also highlight the benefits of
MESH2IR on audio and speech processing applications such as speech
dereverberation and speech separation. To the best of our knowledge, ours is
the first neural-network-based approach to predict IRs from a given 3D scene
mesh in real-time."
4636,Transformer-based Program Synthesis for Low-Data Environments,"Recent advancements in large pre-trained transformer models (GPT2/3, T5) have
found use in program synthesis to generate programs that satisfy a set of
input/output examples. However, these models perform poorly on long-horizon and
low-data tasks, and often don't seem to understand the semantics of the
languages they generate. We investigate an approach that tackles both of these
issues, by using attributed context-free-grammars of programming languages to
generate programs, and then analyzing generated programs so that they can be
annotated with compile and runtime attributes, such as types, so that
information about the program can be remembered during long-horizon generation.
We firstly find that synthesized datasets can be made efficiently and can
provide transformer models with enough data in order to perform well on some
synthesis tasks. We also find that giving models access to program attributes
is especially effective in low-data environments, and tends improve the quality
and reduce errors of transformer-generated programs."
4637,Riemannian Metric Learning via Optimal Transport,"We introduce an optimal transport-based model for learning a metric tensor
from cross-sectional samples of evolving probability measures on a common
Riemannian manifold. We neurally parametrize the metric as a spatially-varying
matrix field and efficiently optimize our model's objective using
backpropagation. Using this learned metric, we can nonlinearly interpolate
between probability measures and compute geodesics on the manifold. We show
that metrics learned using our method improve the quality of trajectory
inference on scRNA and bird migration data at the cost of little additional
cross-sectional data."
4638,Neural ODE Control for Trajectory Approximation of Continuity Equation,"We consider the controllability problem for the continuity equation,
corresponding to neural ordinary differential equations (ODEs), which describes
how a probability measure is pushedforward by the flow. We show that the
controlled continuity equation has very strong controllability properties.
Particularly, a given solution of the continuity equation corresponding to a
bounded Lipschitz vector field defines a trajectory on the set of probability
measures. For this trajectory, we show that there exist piecewise constant
training weights for a neural ODE such that the solution of the continuity
equation corresponding to the neural ODE is arbitrarily close to it. As a
corollary to this result, we establish that the continuity equation of the
neural ODE is approximately controllable on the set of compactly supported
probability measures that are absolutely continuous with respect to the
Lebesgue measure."
4639,Constraint-Based Causal Structure Learning from Undersampled Graphs,"Graphical structures estimated by causal learning algorithms from time series
data can provide highly misleading causal information if the causal timescale
of the generating process fails to match the measurement timescale of the data.
Although this problem has been recently recognized, practitioners have limited
resources to respond to it, and so must continue using models that they know
are likely misleading. Existing methods either (a) require that the difference
between causal and measurement timescales is known; or (b) can handle only very
small number of random variables when the timescale difference is unknown; or
(c) apply to only pairs of variables, though with fewer assumptions about prior
knowledge; or (d) return impractically too many solutions. This paper addresses
all four challenges. We combine constraint programming with both theoretical
insights into the problem structure and prior information about admissible
causal interactions. The resulting system provides a practical approach that
scales to significantly larger sets (>100) of random variables, does not
require precise knowledge of the timescale difference, supports edge
misidentification and parametric connection strengths, and can provide the
optimum choice among many possible solutions. The cumulative impact of these
improvements is gain of multiple orders of magnitude in speed and
informativeness."
4640,Scalable Multi-view Clustering with Graph Filtering,"With the explosive growth of multi-source data, multi-view clustering has
attracted great attention in recent years. Most existing multi-view methods
operate in raw feature space and heavily depend on the quality of original
feature representation. Moreover, they are often designed for feature data and
ignore the rich topology structure information. Accordingly, in this paper, we
propose a generic framework to cluster both attribute and graph data with
heterogeneous features. It is capable of exploring the interplay between
feature and structure. Specifically, we first adopt graph filtering technique
to eliminate high-frequency noise to achieve a clustering-friendly smooth
representation. To handle the scalability challenge, we develop a novel
sampling strategy to improve the quality of anchors. Extensive experiments on
attribute and graph benchmarks demonstrate the superiority of our approach with
respect to state-of-the-art approaches."
4641,A Classification of $G$-invariant Shallow Neural Networks,"When trying to fit a deep neural network (DNN) to a $G$-invariant target
function with respect to a group $G$, it only makes sense to constrain the DNN
to be $G$-invariant as well. However, there can be many different ways to do
this, thus raising the problem of ""$G$-invariant neural architecture design"":
What is the optimal $G$-invariant architecture for a given problem? Before we
can consider the optimization problem itself, we must understand the search
space, the architectures in it, and how they relate to one another. In this
paper, we take a first step towards this goal; we prove a theorem that gives a
classification of all $G$-invariant single-hidden-layer or ""shallow"" neural
network ($G$-SNN) architectures with ReLU activation for any finite orthogonal
group $G$. The proof is based on a correspondence of every $G$-SNN to a signed
permutation representation of $G$ acting on the hidden neurons. The
classification is equivalently given in terms of the first cohomology classes
of $G$, thus admitting a topological interpretation. Based on a code
implementation, we enumerate the $G$-SNN architectures for some example groups
$G$ and visualize their structure. We draw the network morphisms between the
enumerated architectures that can be leveraged during neural architecture
search (NAS). Finally, we prove that architectures corresponding to
inequivalent cohomology classes in a given cohomology ring coincide in function
space only when their weight matrices are zero, and we discuss the implications
of this in the context of NAS."
4642,Exploring the stimulative effect on following drivers in a consecutive lane-change using microscopic vehicle trajectory data,"Improper lane-changing behaviors may result in breakdown of traffic flow and
the occurrence of various types of collisions. This study investigates
lane-changing behaviors of multiple vehicles and the stimulative effect on
following drivers in a consecutive lane-changing scenario. The microscopic
trajectory data from the dataset are used for driving behavior analysis.Two
discretionary lane-changing vehicle groups constitute a consecutive
lane-changing scenario, and not only distance- and speed-related factors but
also driving behaviors are taken into account to examine the impacts on the
utility of following lane-changing vehicles.A random parameters logit model is
developed to capture the driver psychological heterogeneity in the consecutive
lane-changing situation.Furthermore, a lane-changing utility prediction model
is established based on three supervised learning algorithms to detect the
improper lane-changing decision. Results indicate that (1) the consecutive
lane-changing behaviors have a significant negative effect on the following
lane-changing vehicles after lane-change; (2) the stimulative effect exists in
a consecutive lane-change situation and its influence is heterogeneous due to
different psychological activities of drivers; and (3) the utility prediction
model can be used to detect an improper lane-changing decision."
4643,On the efficiency of Stochastic Quasi-Newton Methods for Deep Learning,"While first-order methods are popular for solving optimization problems that
arise in large-scale deep learning problems, they come with some acute
deficiencies. To diminish such shortcomings, there has been recent interest in
applying second-order methods such as quasi-Newton based methods which
construct Hessians approximations using only gradient information. The main
focus of our work is to study the behaviour of stochastic quasi-Newton
algorithms for training deep neural networks. We have analyzed the performance
of two well-known quasi-Newton updates, the limited memory
Broyden-Fletcher-Goldfarb-Shanno (BFGS) and the Symmetric Rank One (SR1). This
study fills a gap concerning the real performance of both updates and analyzes
whether more efficient training is obtained when using the more robust BFGS
update or the cheaper SR1 formula which allows for indefinite Hessian
approximations and thus can potentially help to better navigate the
pathological saddle points present in the non-convex loss functions found in
deep learning. We present and discuss the results of an extensive experimental
study which includes the effect of batch normalization and network's
architecture, the limited memory parameter, the batch size and the type of
sampling strategy. we show that stochastic quasi-Newton optimizers are
efficient and able to outperform in some instances the well-known first-order
Adam optimizer run with the optimal combination of its numerous
hyperparameters."
4644,Torchhd: An Open-Source Python Library to Support Hyperdimensional Computing Research,"Hyperdimensional Computing (HDC) is a neuro-inspired computing framework that
exploits high-dimensional random vector spaces. HDC uses extremely
parallelizable arithmetic to provide computational solutions that balance
accuracy, efficiency and robustness. This has proven especially useful in
resource-limited scenarios such as embedded systems. The commitment of the
scientific community to aggregate and disseminate research in this particularly
multidisciplinary field has been fundamental for its advancement. Adding to
this effort, we propose Torchhd, a high-performance open-source Python library
for HDC. Torchhd seeks to make HDC more accessible and serves as an efficient
foundation for research and application development. The easy-to-use library
builds on top of PyTorch and features state-of-the-art HDC functionality, clear
documentation and implementation examples from notable publications. Comparing
publicly available code with their Torchhd implementation shows that
experiments can run up to 104$\times$ faster. Torchhd is available at:
https://github.com/hyperdimensional-computing/torchhd"
4645,A False Sense of Security? Revisiting the State of Machine Learning-Based Industrial Intrusion Detection,"Anomaly-based intrusion detection promises to detect novel or unknown attacks
on industrial control systems by modeling expected system behavior and raising
corresponding alarms for any deviations.As manually creating these behavioral
models is tedious and error-prone, research focuses on machine learning to
train them automatically, achieving detection rates upwards of 99%. However,
these approaches are typically trained not only on benign traffic but also on
attacks and then evaluated against the same type of attack used for training.
Hence, their actual, real-world performance on unknown (not trained on) attacks
remains unclear. In turn, the reported near-perfect detection rates of machine
learning-based intrusion detection might create a false sense of security. To
assess this situation and clarify the real potential of machine learning-based
industrial intrusion detection, we develop an evaluation methodology and
examine multiple approaches from literature for their performance on unknown
attacks (excluded from training). Our results highlight an ineffectiveness in
detecting unknown attacks, with detection rates dropping to between 3.2% and
14.7% for some types of attacks. Moving forward, we derive recommendations for
further research on machine learning-based approaches to ensure clarity on
their ability to detect unknown attacks."
4646,Hybrid Machine Learning Modeling of Engineering Systems -- A Probabilistic Perspective Tested on a Multiphase Flow Modeling Case Study,"To operate process engineering systems in a safe and reliable manner,
predictive models are often used in decision making. In many cases, these are
mechanistic first principles models which aim to accurately describe the
process. In practice, the parameters of these models need to be tuned to the
process conditions at hand. If the conditions change, which is common in
practice, the model becomes inaccurate and needs to be re-tuned. In this paper,
we propose a hybrid modeling machine learning framework that allows tuning
first principles models to process conditions using two different types of
Bayesian Neural Networks. Our approach not only estimates the expected values
of the first principles model parameters but also quantifies the uncertainty of
these estimates. Such an approach of hybrid machine learning modeling is not
yet well described in the literature, so we believe this paper will provide an
additional angle at which hybrid machine learning modeling of physical systems
can be considered. As an example, we choose a multiphase pipe flow process for
which we constructed a three-phase steady state model based on the drift-flux
approach which can be used for modeling of pipe and well flow behavior in oil
and gas production systems with or without the neural network tuning. In the
simulation results, we show how uncertainty estimates of the resulting hybrid
models can be used to make better operation decisions."
4647,High-Order Multilinear Discriminant Analysis via Order-$\textit{n}$ Tensor Eigendecomposition,"Higher-order data with high dimensionality is of immense importance in many
areas of machine learning, computer vision, and video analytics.
Multidimensional arrays (commonly referred to as tensors) are used for
arranging higher-order data structures while keeping the natural representation
of the data samples. In the past decade, great efforts have been made to extend
the classic linear discriminant analysis for higher-order data classification
generally referred to as multilinear discriminant analysis (MDA). Most of the
existing approaches are based on the Tucker decomposition and $\textit{n}$-mode
tensor-matrix products. The current paper presents a new approach to
tensor-based multilinear discriminant analysis referred to as High-Order
Multilinear Discriminant Analysis (HOMLDA). This approach is based upon the
tensor decomposition where an order-$\textit{n}$ tensor can be written as a
product of order-$\textit{n}$ tensors and has a natural extension to
traditional linear discriminant analysis (LDA). Furthermore, the resulting
framework, HOMLDA, might produce a within-class scatter tensor that is close to
singular. Thus, computing the inverse inaccurately may distort the discriminant
analysis. To address this problem, an improved method referred to as Robust
High-Order Multilinear Discriminant Analysis (RHOMLDA) is introduced.
Experimental results on multiple data sets illustrate that our proposed
approach provides improved classification performance with respect to the
current Tucker decomposition-based supervised learning methods."
4648,AI-assisted Optimization of the ECCE Tracking System at the Electron Ion Collider,"The Electron-Ion Collider (EIC) is a cutting-edge accelerator facility that
will study the nature of the ""glue"" that binds the building blocks of the
visible matter in the universe. The proposed experiment will be realized at
Brookhaven National Laboratory in approximately 10 years from now, with
detector design and R&D currently ongoing. Notably, EIC is one of the first
large-scale facilities to leverage Artificial Intelligence (AI) already
starting from the design and R&D phases. The EIC Comprehensive Chromodynamics
Experiment (ECCE) is a consortium that proposed a detector design based on a
1.5T solenoid. The EIC detector proposal review concluded that the ECCE design
will serve as the reference design for an EIC detector. Herein we describe a
comprehensive optimization of the ECCE tracker using AI. The work required a
complex parametrization of the simulated detector system. Our approach dealt
with an optimization problem in a multidimensional design space driven by
multiple objectives that encode the detector performance, while satisfying
several mechanical constraints. We describe our strategy and show results
obtained for the ECCE tracking system. The AI-assisted design is agnostic to
the simulation framework and can be extended to other sub-detectors or to a
system of sub-detectors to further optimize the performance of the EIC
detector."
4649,Computing the ensemble spread from deterministic weather predictions using conditional generative adversarial networks,"Ensemble prediction systems are an invaluable tool for weather forecasting.
Practically, ensemble predictions are obtained by running several perturbations
of the deterministic control forecast. However, ensemble prediction is
associated with a high computational cost and often involves statistical
post-processing steps to improve its quality. Here we propose to use
deep-learning-based algorithms to learn the statistical properties of an
ensemble prediction system, the ensemble spread, given only the deterministic
control forecast. Thus, once trained, the costly ensemble prediction system
will not be needed anymore to obtain future ensemble forecasts, and the
statistical properties of the ensemble can be derived from a single
deterministic forecast. We adapt the classical pix2pix architecture to a
three-dimensional model and also experiment with a shared latent space
encoder-decoder model, and train them against several years of operational
(ensemble) weather forecasts for the 500 hPa geopotential height. The results
demonstrate that the trained models indeed allow obtaining a highly accurate
ensemble spread from the control forecast only."
4650,LeRaC: Learning Rate Curriculum,"Most curriculum learning methods require an approach to sort the data samples
by difficulty, which is often cumbersome to perform. In this work, we propose a
novel curriculum learning approach termed Learning Rate Curriculum (LeRaC),
which leverages the use of a different learning rate for each layer of a neural
network to create a data-free curriculum during the initial training epochs.
More specifically, LeRaC assigns higher learning rates to neural layers closer
to the input, gradually decreasing the learning rates as the layers are placed
farther away from the input. The learning rates increase at various paces
during the first training iterations, until they all reach the same value. From
this point on, the neural model is trained as usual. This creates a model-level
curriculum learning strategy that does not require sorting the examples by
difficulty and is compatible with any neural network, generating higher
performance levels regardless of the architecture. We conduct comprehensive
experiments on eight datasets from the computer vision (CIFAR-10, CIFAR-100,
Tiny ImageNet), language (BoolQ, QNLI, RTE) and audio (ESC-50, CREMA-D)
domains, considering various convolutional (ResNet-18, Wide-ResNet-50,
DenseNet-121), recurrent (LSTM) and transformer (CvT, BERT, SepTr)
architectures, comparing our approach with the conventional training regime.
Moreover, we also compare with Curriculum by Smoothing (CBS), a
state-of-the-art data-free curriculum learning approach. Unlike CBS, our
performance improvements over the standard training regime are consistent
across all datasets and models. Furthermore, we significantly surpass CBS in
terms of training time (there is no additional cost over the standard training
regime for LeRaC)."
4651,PreQuEL: Quality Estimation of Machine Translation Outputs in Advance,"We present the task of PreQuEL, Pre-(Quality-Estimation) Learning. A PreQuEL
system predicts how well a given sentence will be translated, without recourse
to the actual translation, thus eschewing unnecessary resource allocation when
translation quality is bound to be low. PreQuEL can be defined relative to a
given MT system (e.g., some industry service) or generally relative to the
state-of-the-art. From a theoretical perspective, PreQuEL places the focus on
the source text, tracing properties, possibly linguistic features, that make a
sentence harder to machine translate.
We develop a baseline model for the task and analyze its performance. We also
develop a data augmentation method (from parallel corpora), that improves
results substantially. We show that this augmentation method can improve the
performance of the Quality-Estimation task as well. We investigate the
properties of the input text that our model is sensitive to, by testing it on
challenge sets and different languages. We conclude that it is aware of
syntactic and semantic distinctions, and correlates and even over-emphasizes
the importance of standard NLP features."
4652,An Invariant Matching Property for Distribution Generalization under Intervened Response,"The task of distribution generalization concerns making reliable prediction
of a response in unseen environments. The structural causal models are shown to
be useful to model distribution changes through intervention. Motivated by the
fundamental invariance principle, it is often assumed that the conditional
distribution of the response given its predictors remains the same across
environments. However, this assumption might be violated in practical settings
when the response is intervened. In this work, we investigate a class of model
with an intervened response. We identify a novel form of invariance by
incorporating the estimates of certain features as additional predictors.
Effectively, we show this invariance is equivalent to having a deterministic
linear matching that makes the generalization possible. We provide an explicit
characterization of the linear matching and present our simulation results
under various intervention settings."
4653,Stochastic uncertainty analysis of gravity gradient tensor components and their combinations,"Full tensor gravity (FTG) devices provide up to five independent components
of the gravity gradient tensor. However, we do not yet have a quantitative
understanding of which tensor components or combinations of components are more
important to recover a subsurface density model by gravity inversion. This is
mainly because different components may be more appropriate in different
scenarios or purposes. Knowledge of these components in different environments
can aid with selection of optimal selection of component combinations. In this
work, we propose to apply stochastic inversion to assess the uncertainty of
gravity gradient tensor components and their combinations. The method is
therefore a quantitative approach. The applied method here is based on the
geostatistical inversion (Gaussian process regression) concept using cokriging.
The cokriging variances (variance function of the GP) are found to be a useful
indicator for distinguishing the gravity gradient tensor components. This
approach is applied to the New Found dataset to demonstrate its effectiveness
in real-world applications."
4654,DDXPlus: A New Dataset For Automatic Medical Diagnosis,"There has been a rapidly growing interest in Automatic Symptom Detection
(ASD) and Automatic Diagnosis (AD) systems in the machine learning research
literature, aiming to assist doctors in telemedicine services. These systems
are designed to interact with patients, collect evidence about their symptoms
and relevant antecedents, and possibly make predictions about the underlying
diseases. Doctors would review the interactions, including the evidence and the
predictions, collect if necessary additional information from patients, before
deciding on next steps. Despite recent progress in this area, an important
piece of doctors' interactions with patients is missing in the design of these
systems, namely the differential diagnosis. Its absence is largely due to the
lack of datasets that include such information for models to train on. In this
work, we present a large-scale synthetic dataset of roughly 1.3 million
patients that includes a differential diagnosis, along with the ground truth
pathology, symptoms and antecedents, for each patient. Unlike existing datasets
which only contain binary symptoms and antecedents, this dataset also contains
categorical and multi-choice symptoms and antecedents useful for efficient data
collection. Moreover, some symptoms are organized in a hierarchy, making it
possible to design systems able to interact with patients in a logical way. As
a proof-of-concept, we extend two existing AD and ASD systems to incorporate
the differential diagnosis, and provide empirical evidence that using
differentials as training signals is essential for the efficiency of such
systems. The dataset is available at
\href{https://figshare.com/articles/dataset/DDXPlus_Dataset/20043374}{https://figshare.com/articles/dataset/DDXPlus\_Dataset/20043374}."
4655,Relational representation learning with spike trains,"Relational representation learning has lately received an increase in
interest due to its flexibility in modeling a variety of systems like
interacting particles, materials and industrial projects for, e.g., the design
of spacecraft. A prominent method for dealing with relational data are
knowledge graph embedding algorithms, where entities and relations of a
knowledge graph are mapped to a low-dimensional vector space while preserving
its semantic structure. Recently, a graph embedding method has been proposed
that maps graph elements to the temporal domain of spiking neural networks.
However, it relies on encoding graph elements through populations of neurons
that only spike once. Here, we present a model that allows us to learn spike
train-based embeddings of knowledge graphs, requiring only one neuron per graph
element by fully utilizing the temporal domain of spike patterns. This coding
scheme can be implemented with arbitrary spiking neuron models as long as
gradients with respect to spike times can be calculated, which we demonstrate
for the integrate-and-fire neuron model. In general, the presented results show
how relational knowledge can be integrated into spike-based systems, opening up
the possibility of merging event-based computing and relational data to build
powerful and energy efficient artificial intelligence applications and
reasoning systems."
4656,Masked Autoencoders As Spatiotemporal Learners,"This paper studies a conceptually simple extension of Masked Autoencoders
(MAE) to spatiotemporal representation learning from videos. We randomly mask
out spacetime patches in videos and learn an autoencoder to reconstruct them in
pixels. Interestingly, we show that our MAE method can learn strong
representations with almost no inductive bias on spacetime (only except for
patch and positional embeddings), and spacetime-agnostic random masking
performs the best. We observe that the optimal masking ratio is as high as 90%
(vs. 75% on images), supporting the hypothesis that this ratio is related to
information redundancy of the data. A high masking ratio leads to a large
speedup, e.g., > 4x in wall-clock time or even more. We report competitive
results on several challenging video datasets using vanilla Vision
Transformers. We observe that MAE can outperform supervised pre-training by
large margins. We further report encouraging results of training on real-world,
uncurated Instagram data. Our study suggests that the general framework of
masked autoencoding (BERT, MAE, etc.) can be a unified methodology for
representation learning with minimal domain knowledge."
4657,A2C is a special case of PPO,"Advantage Actor-critic (A2C) and Proximal Policy Optimization (PPO) are
popular deep reinforcement learning algorithms used for game AI in recent
years. A common understanding is that A2C and PPO are separate algorithms
because PPO's clipped objective appears significantly different than A2C's
objective. In this paper, however, we show A2C is a special case of PPO. We
present theoretical justifications and pseudocode analysis to demonstrate why.
To validate our claim, we conduct an empirical experiment using
\texttt{Stable-baselines3}, showing A2C and PPO produce the \textit{exact} same
models when other settings are controlled."
4658,Single-Shot Optical Neural Network,"As deep neural networks (DNNs) grow to solve increasingly complex problems,
they are becoming limited by the latency and power consumption of existing
digital processors. For improved speed and energy efficiency, specialized
analog optical and electronic hardware has been proposed, however, with limited
scalability (input vector length $K$ of hundreds of elements). Here, we present
a scalable, single-shot-per-layer analog optical processor that uses free-space
optics to reconfigurably distribute an input vector and integrated
optoelectronics for static, updatable weighting and the nonlinearity -- with $K
\approx 1,000$ and beyond. We experimentally test classification accuracy of
the MNIST handwritten digit dataset, achieving 94.7% (ground truth 96.3%)
without data preprocessing or retraining on the hardware. We also determine the
fundamental upper bound on throughput ($\sim$0.9 exaMAC/s), set by the maximum
optical bandwidth before significant increase in error. Our combination of wide
spectral and spatial bandwidths in a CMOS-compatible system enables highly
efficient computing for next-generation DNNs."
4659,Conformalized Online Learning: Online Calibration Without a Holdout Set,"We develop a framework for constructing uncertainty sets with a valid
coverage guarantee in an online setting, in which the underlying data
distribution can drastically -- and even adversarially -- shift over time. The
technique we propose is highly flexible as it can be integrated with any online
learning algorithm, requiring minimal implementation effort and computational
cost. A key advantage of our method over existing alternatives -- which also
build on conformal inference -- is that we do not need to split the data into
training and holdout calibration sets. This allows us to fit the predictive
model in a fully online manner, utilizing the most recent observation for
constructing calibrated uncertainty sets. Consequently, and in contrast with
existing techniques, (i) the sets we build can quickly adapt to new changes in
the distribution; and (ii) our procedure does not require refitting the model
at each time step. Using synthetic and real-world benchmark data sets, we
demonstrate the validity of our theory and the improved performance of our
proposal over existing techniques. To demonstrate the greater flexibility of
the proposed method, we show how to construct valid intervals for a
multiple-output regression problem that previous sequential calibration methods
cannot handle due to impractical computational and memory requirements."
4660,Pluralistic Image Completion with Probabilistic Mixture-of-Experts,"Pluralistic image completion focuses on generating both visually realistic
and diverse results for image completion. Prior methods enjoy the empirical
successes of this task. However, their used constraints for pluralistic image
completion are argued to be not well interpretable and unsatisfactory from two
aspects. First, the constraints for visual reality can be weakly correlated to
the objective of image completion or even redundant. Second, the constraints
for diversity are designed to be task-agnostic, which causes the constraints to
not work well. In this paper, to address the issues, we propose an end-to-end
probabilistic method. Specifically, we introduce a unified probabilistic graph
model that represents the complex interactions in image completion. The entire
procedure of image completion is then mathematically divided into several
sub-procedures, which helps efficient enforcement of constraints. The
sub-procedure directly related to pluralistic results is identified, where the
interaction is established by a Gaussian mixture model (GMM). The inherent
parameters of GMM are task-related, which are optimized adaptively during
training, while the number of its primitives can control the diversity of
results conveniently. We formally establish the effectiveness of our method and
demonstrate it with comprehensive experiments."
4661,On the Effective Number of Linear Regions in Shallow Univariate ReLU Networks: Convergence Guarantees and Implicit Bias,"We study the dynamics and implicit bias of gradient flow (GF) on univariate
ReLU neural networks with a single hidden layer in a binary classification
setting. We show that when the labels are determined by the sign of a target
network with $r$ neurons, with high probability over the initialization of the
network and the sampling of the dataset, GF converges in direction (suitably
defined) to a network achieving perfect training accuracy and having at most
$\mathcal{O}(r)$ linear regions, implying a generalization bound. Our result
may already hold for mild over-parameterization, where the width is
$\tilde{\mathcal{O}}(r)$ and independent of the sample size."
4662,Exact Gaussian Processes for Massive Datasets via Non-Stationary Sparsity-Discovering Kernels,"A Gaussian Process (GP) is a prominent mathematical framework for stochastic
function approximation in science and engineering applications. This success is
largely attributed to the GP's analytical tractability, robustness,
non-parametric structure, and natural inclusion of uncertainty quantification.
Unfortunately, the use of exact GPs is prohibitively expensive for large
datasets due to their unfavorable numerical complexity of $O(N^3)$ in
computation and $O(N^2)$ in storage. All existing methods addressing this issue
utilize some form of approximation -- usually considering subsets of the full
dataset or finding representative pseudo-points that render the covariance
matrix well-structured and sparse. These approximate methods can lead to
inaccuracies in function approximations and often limit the user's flexibility
in designing expressive kernels. Instead of inducing sparsity via data-point
geometry and structure, we propose to take advantage of naturally-occurring
sparsity by allowing the kernel to discover -- instead of induce -- sparse
structure. The premise of this paper is that GPs, in their most native form,
are often naturally sparse, but commonly-used kernels do not allow us to
exploit this sparsity. The core concept of exact, and at the same time sparse
GPs relies on kernel definitions that provide enough flexibility to learn and
encode not only non-zero but also zero covariances. This principle of
ultra-flexible, compactly-supported, and non-stationary kernels, combined with
HPC and constrained optimization, lets us scale exact GPs well beyond 5 million
data points."
4663,Slowly Changing Adversarial Bandit Algorithms are Provably Efficient for Discounted MDPs,"Reinforcement learning (RL) generalizes bandit problems with additional
difficulties on longer planning horzion and unknown transition kernel. We show
that, under some mild assumptions, \textbf{any} slowly changing adversarial
bandit algorithm enjoys near-optimal regret in adversarial bandits can achieve
near-optimal (expected) regret in non-episodic discounted MDPs. The slowly
changing property required by our generalization is mild, see e.g. (Even-Dar et
al. 2009, Neu et al. 2010), we also show, for example, \expt~(Auer et al. 2002)
is slowly changing and enjoys near-optimal regret in MDPs."
4664,Position Aided Beam Prediction in the Real World: How Useful GPS Locations Actually Are?,"Millimeter-wave (mmWave) communication systems rely on narrow beams for
achieving sufficient receive signal power. Adjusting these beams is typically
associated with large training overhead, which becomes particularly critical
for highly-mobile applications. Intuitively, since optimal beam selection can
benefit from the knowledge of the positions of communication terminals, there
has been increasing interest in leveraging position data to reduce the overhead
in mmWave beam prediction. Prior work, however, studied this problem using only
synthetic data that generally does not accurately represent real-world
measurements. In this paper, we investigate position-aided beam prediction
using a real-world large-scale dataset to derive insights into precisely how
much overhead can be saved in practice. Furthermore, we analyze which machine
learning algorithms perform best, what factors degrade inference performance in
real data, and which machine learning metrics are more meaningful in capturing
the actual communication system performance."
4665,Maslow's Hammer for Catastrophic Forgetting: Node Re-Use vs Node Activation,"Continual learning - learning new tasks in sequence while maintaining
performance on old tasks - remains particularly challenging for artificial
neural networks. Surprisingly, the amount of forgetting does not increase with
the dissimilarity between the learned tasks, but appears to be worst in an
intermediate similarity regime.
In this paper we theoretically analyse both a synthetic teacher-student
framework and a real data setup to provide an explanation of this phenomenon
that we name Maslow's hammer hypothesis. Our analysis reveals the presence of a
trade-off between node activation and node re-use that results in worst
forgetting in the intermediate regime. Using this understanding we reinterpret
popular algorithmic interventions for catastrophic interference in terms of
this trade-off, and identify the regimes in which they are most effective."
4666,Learning latent representations for operational nitrogen response rate prediction,"Learning latent representations has aided operational decision-making in
several disciplines. Its advantages include uncovering hidden interactions in
data and automating procedures which were performed manually in the past.
Representation learning is also being adopted by earth and environmental
sciences. However, there are still subfields that depend on manual feature
engineering based on expert knowledge and the use of algorithms which do not
utilize the latent space. Relying on those techniques can inhibit operational
decision-making since they impose data constraints and inhibit automation. In
this work, we adopt a case study for nitrogen response rate prediction and
examine if representation learning can be used for operational use. We compare
a Multilayer Perceptron, an Autoencoder, and a dual-head Autoencoder with a
reference Random Forest model for nitrogen response rate prediction. To bring
the predictions closer to an operational setting we assume absence of future
weather data, and we are evaluating the models using error metrics and a
domain-derived error threshold. The results show that learning latent
representations can provide operational nitrogen response rate predictions by
offering performance equal and sometimes better than the reference model."
4667,Exploring the Advantages of Dense-Vector to One-Hot Encoding of Intent Classes in Out-of-Scope Detection Tasks,"This work explores the intrinsic limitations of the popular one-hot encoding
method in classification of intents when detection of out-of-scope (OOS) inputs
is required. Although recent work has shown that there can be significant
improvements in OOS detection when the intent classes are represented as
dense-vectors based on domain specific knowledge, we argue in this paper that
such gains are more likely due to advantages of dense-vector to one-hot
encoding methods in representing the complexity of the OOS space. We start by
showing how dense-vector encodings can create OOS spaces with much richer
topologies than one-hot encoding methods. We then demonstrate empirically,
using four standard intent classification datasets, that knowledge-free,
randomly generated dense-vector encodings of intent classes can yield massive,
over 20% gains over one-hot encodings, and also outperform the previous, domain
knowledge-based, SOTA of one of the datasets. We finish by describing a novel
algorithm to search for good dense-vector encodings and present initial but
promising experimental results of its use."
4668,A weakly supervised framework for high-resolution crop yield forecasts,"Predictor inputs and label data for crop yield forecasting are not always
available at the same spatial resolution. We propose a deep learning framework
that uses high resolution inputs and low resolution labels to produce crop
yield forecasts for both spatial levels. The forecasting model is calibrated by
weak supervision from low resolution crop area and yield statistics. We
evaluated the framework by disaggregating regional yields in Europe from parent
statistical regions to sub-regions for five countries (Germany, Spain, France,
Hungary, Italy) and two crops (soft wheat and potatoes). Performance of weakly
supervised models was compared with linear trend models and Gradient-Boosted
Decision Trees (GBDT). Higher resolution crop yield forecasts are useful to
policymakers and other stakeholders. Weakly supervised deep learning methods
provide a way to produce such forecasts even in the absence of high resolution
yield data."
4669,Constraining the Attack Space of Machine Learning Models with Distribution Clamping Preprocessing,"Preprocessing and outlier detection techniques have both been applied to
neural networks to increase robustness with varying degrees of success. In this
paper, we formalize the ideal preprocessor function as one that would take any
input and set it to the nearest in-distribution input. In other words, we
detect any anomalous pixels and set them such that the new input is
in-distribution. We then illustrate a relaxed solution to this problem in the
context of patch attacks. Specifically, we demonstrate that we can model
constraints on the patch attack that specify regions as out of distribution.
With these constraints, we are able to preprocess inputs successfully,
increasing robustness on CARLA object detection."
4670,Fast Neural Network based Solving of Partial Differential Equations,"We present a novel method for using Neural Networks (NNs) for finding
solutions to a class of Partial Differential Equations (PDEs). Our method
builds on recent advances in Neural Radiance Field research (NeRFs) and allows
for a NN to converge to a PDE solution much faster than classic Physically
Informed Neural Network (PINNs) approaches."
4671,One Explanation to Rule them All -- Ensemble Consistent Explanations,"Transparency is a major requirement of modern AI based decision making
systems deployed in real world. A popular approach for achieving transparency
is by means of explanations. A wide variety of different explanations have been
proposed for single decision making systems. In practice it is often the case
to have a set (i.e. ensemble) of decisions that are used instead of a single
decision only, in particular in complex systems. Unfortunately, explanation
methods for single decision making systems are not easily applicable to
ensembles -- i.e. they would yield an ensemble of individual explanations which
are not necessarily consistent, hence less useful and more difficult to
understand than a single consistent explanation of all observed phenomena. We
propose a novel concept for consistently explaining an ensemble of decisions
locally with a single explanation -- we introduce a formal concept, as well as
a specific implementation using counterfactual explanations."
4672,Fast matrix multiplication for binary and ternary CNNs on ARM CPU,"Low-bit quantized neural networks are of great interest in practical
applications because they significantly reduce the consumption of both memory
and computational resources. Binary neural networks are memory and
computationally efficient as they require only one bit per weight and
activation and can be computed using Boolean logic and bit count operations.
QNNs with ternary weights and activations and binary weights and ternary
activations aim to improve recognition quality compared to BNNs while
preserving low bit-width. However, their efficient implementation is usually
considered on ASICs and FPGAs, limiting their applicability in real-life tasks.
At the same time, one of the areas where efficient recognition is most in
demand is recognition on mobile devices using their CPUs. However, there are no
known fast implementations of TBNs and TNN, only the daBNN library for BNNs
inference. In this paper, we propose novel fast algorithms of ternary,
ternary-binary, and binary matrix multiplication for mobile devices with ARM
architecture. In our algorithms, ternary weights are represented using 2-bit
encoding and binary - using one bit. It allows us to replace matrix
multiplication with Boolean logic operations that can be computed on 128-bits
simultaneously, using ARM NEON SIMD extension. The matrix multiplication
results are accumulated in 16-bit integer registers. We also use special
reordering of values in left and right matrices. All that allows us to
efficiently compute a matrix product while minimizing the number of loads and
stores compared to the algorithm from daBNN. Our algorithms can be used to
implement inference of convolutional and fully connected layers of TNNs, TBNs,
and BNNs. We evaluate them experimentally on ARM Cortex-A73 CPU and compare
their inference speed to efficient implementations of full-precision, 8-bit,
and 4-bit quantized matrix multiplications."
4673,Meta-Learning Sparse Compression Networks,"Recent work in Deep Learning has re-imagined the representation of data as
functions mapping from a coordinate space to an underlying continuous signal.
When such functions are approximated by neural networks this introduces a
compelling alternative to the more common multi-dimensional array
representation. Recent work on such Implicit Neural Representations (INRs) has
shown that - following careful architecture search - INRs can outperform
established compression methods such as JPEG (e.g. Dupont et al., 2021). In
this paper, we propose crucial steps towards making such ideas scalable:
Firstly, we employ stateof-the-art network sparsification techniques to
drastically improve compression. Secondly, introduce the first method allowing
for sparsification to be employed in the inner-loop of commonly used
Meta-Learning algorithms, drastically improving both compression and the
computational cost of learning INRs. The generality of this formalism allows us
to present results on diverse data modalities such as images, manifolds, signed
distance functions, 3D shapes and scenes, several of which establish new
state-of-the-art results."
4674,SoK: The Impact of Unlabelled Data in Cyberthreat Detection,"Machine learning (ML) has become an important paradigm for cyberthreat
detection (CTD) in the recent years. A substantial research effort has been
invested in the development of specialized algorithms for CTD tasks. From the
operational perspective, however, the progress of ML-based CTD is hindered by
the difficulty in obtaining the large sets of labelled data to train ML
detectors. A potential solution to this problem are semisupervised learning
(SsL) methods, which combine small labelled datasets with large amounts of
unlabelled data.
This paper is aimed at systematization of existing work on SsL for CTD and,
in particular, on understanding the utility of unlabelled data in such systems.
To this end, we analyze the cost of labelling in various CTD tasks and develop
a formal cost model for SsL in this context. Building on this foundation, we
formalize a set of requirements for evaluation of SsL methods, which elucidates
the contribution of unlabelled data. We review the state-of-the-art and observe
that no previous work meets such requirements. To address this problem, we
propose a framework for assessing the benefits of unlabelled data in SsL. We
showcase an application of this framework by performing the first benchmark
evaluation that highlights the tradeoffs of 9 existing SsL methods on 9 public
datasets. Our findings verify that, in some cases, unlabelled data provides a
small, but statistically significant, performance gain. This paper highlights
that SsL in CTD has a lot of room for improvement, which should stimulate
future research in this field."
4675,Deep Features for CBIR with Scarce Data using Hebbian Learning,"Features extracted from Deep Neural Networks (DNNs) have proven to be very
effective in the context of Content Based Image Retrieval (CBIR). In recent
work, biologically inspired \textit{Hebbian} learning algorithms have shown
promises for DNN training. In this contribution, we study the performance of
such algorithms in the development of feature extractors for CBIR tasks.
Specifically, we consider a semi-supervised learning strategy in two steps:
first, an unsupervised pre-training stage is performed using Hebbian learning
on the image dataset; second, the network is fine-tuned using supervised
Stochastic Gradient Descent (SGD) training. For the unsupervised pre-training
stage, we explore the nonlinear Hebbian Principal Component Analysis (HPCA)
learning rule. For the supervised fine-tuning stage, we assume sample
efficiency scenarios, in which the amount of labeled samples is just a small
fraction of the whole dataset. Our experimental analysis, conducted on the
CIFAR10 and CIFAR100 datasets shows that, when few labeled samples are
available, our Hebbian approach provides relevant improvements compared to
various alternative methods."
4676,Imagining new futures beyond predictive systems in child welfare: A qualitative study with impacted stakeholders,"Child welfare agencies across the United States are turning to data-driven
predictive technologies (commonly called predictive analytics) which use
government administrative data to assist workers' decision-making. While some
prior work has explored impacted stakeholders' concerns with current uses of
data-driven predictive risk models (PRMs), less work has asked stakeholders
whether such tools ought to be used in the first place. In this work, we
conducted a set of seven design workshops with 35 stakeholders who have been
impacted by the child welfare system or who work in it to understand their
beliefs and concerns around PRMs, and to engage them in imagining new uses of
data and technologies in the child welfare system. We found that participants
worried current PRMs perpetuate or exacerbate existing problems in child
welfare. Participants suggested new ways to use data and data-driven tools to
better support impacted communities and suggested paths to mitigate possible
harms of these tools. Participants also suggested low-tech or no-tech
alternatives to PRMs to address problems in child welfare. Our study sheds
light on how researchers and designers can work in solidarity with impacted
communities, possibly to circumvent or oppose child welfare agencies."
4677,Generating Explanations from Deep Reinforcement Learning Using Episodic Memory,"Deep Reinforcement Learning (RL) involves the use of Deep Neural Networks
(DNNs) to make sequential decisions in order to maximize reward. For many tasks
the resulting sequence of actions produced by a Deep RL policy can be long and
difficult to understand for humans. A crucial component of human explanations
is selectivity, whereby only key decisions and causes are recounted. Imbuing
Deep RL agents with such an ability would make their resulting policies easier
to understand from a human perspective and generate a concise set of
instructions to aid the learning of future agents. To this end we use a Deep RL
agent with an episodic memory system to identify and recount key decisions
during policy execution. We show that these decisions form a short, human
readable explanation that can also be used to speed up the learning of naive
Deep RL agents in an algorithm-independent manner."
4678,Price Interpretability of Prediction Markets: A Convergence Analysis,"Prediction markets are long known for prediction accuracy. However, there is
still a lack of systematic understanding of how prediction markets aggregate
information and why they work so well. This work proposes a multivariate
utility (MU)-based mechanism that unifies several existing prediction
market-making schemes. Based on this mechanism, we derive convergence results
for markets with myopic, risk-averse traders who repeatedly interact with the
market maker. We show that the resulting limiting wealth distribution lies on
the Pareto efficient frontier defined by all market participants' utilities.
With the help of this result, we establish both analytical and numerical
results for the limiting price for different market models. We show that the
limiting price converges to the geometric mean of agents' beliefs for
exponential utility-based markets. For risk measure-based markets, we construct
a risk measure family that meets the convergence requirements and show that the
limiting price can converge to a weighted power mean of agent beliefs. For
markets based on hyperbolic absolute risk aversion (HARA) utilities, we show
that the limiting price is also a risk-adjusted weighted power mean of agent
beliefs, even though the trading order will affect the aggregation weights. We
further propose an approximation scheme for the limiting price under the HARA
utility family. We show through numerical experiments that our approximation
scheme works well in predicting the convergent prices."
4679,FiLM: Frequency improved Legendre Memory Model for Long-term Time Series Forecasting,"Recent studies have shown that deep learning models such as RNNs and
Transformers have brought significant performance gains for long-term
forecasting of time series because they effectively utilize historical
information. We found, however, that there is still great room for improvement
in how to preserve historical information in neural networks while avoiding
overfitting to noise presented in the history. Addressing this allows better
utilization of the capabilities of deep learning models. To this end, we design
a \textbf{F}requency \textbf{i}mproved \textbf{L}egendre \textbf{M}emory model,
or {\bf FiLM}: it applies Legendre Polynomials projections to approximate
historical information, uses Fourier projection to remove noise, and adds a
low-rank approximation to speed up computation. Our empirical studies show that
the proposed FiLM significantly improves the accuracy of state-of-the-art
models in multivariate and univariate long-term forecasting by
(\textbf{20.3\%}, \textbf{22.6\%}), respectively. We also demonstrate that the
representation module developed in this work can be used as a general plug-in
to improve the long-term prediction performance of other deep learning modules.
Code will be released soon."
4680,GeoPointGAN: Synthetic Spatial Data with Local Label Differential Privacy,"Synthetic data generation is a fundamental task for many data management and
data science applications. Spatial data is of particular interest, and its
sensitive nature often leads to privacy concerns. We introduce GeoPointGAN, a
novel GAN-based solution for generating synthetic spatial point datasets with
high utility and strong individual level privacy guarantees. GeoPointGAN's
architecture includes a novel point transformation generator that learns to
project randomly generated point co-ordinates into meaningful synthetic
co-ordinates that capture both microscopic (e.g., junctions, squares) and
macroscopic (e.g., parks, lakes) geographic features. We provide our privacy
guarantees through label local differential privacy, which is more practical
than traditional local differential privacy. We seamlessly integrate this level
of privacy into GeoPointGAN by augmenting the discriminator to the point level
and implementing a randomized response-based mechanism that flips the labels
associated with the 'real' and 'fake' points used in training. Extensive
experiments show that GeoPointGAN significantly outperforms recent solutions,
improving by up to 10 times compared to the most competitive baseline. We also
evaluate GeoPointGAN using range, hotspot, and facility location queries, which
confirm the practical effectiveness of GeoPointGAN for privacy-preserving
querying. The results illustrate that a strong level of privacy is achieved
with little-to-no adverse utility cost, which we explain through the
generalization and regularization effects that are realized by flipping the
labels of the data during training."
4681,Multi-disciplinary fairness considerations in machine learning for clinical trials,"While interest in the application of machine learning to improve healthcare
has grown tremendously in recent years, a number of barriers prevent deployment
in medical practice. A notable concern is the potential to exacerbate
entrenched biases and existing health disparities in society. The area of
fairness in machine learning seeks to address these issues of equity; however,
appropriate approaches are context-dependent, necessitating domain-specific
consideration. We focus on clinical trials, i.e., research studies conducted on
humans to evaluate medical treatments. Clinical trials are a relatively
under-explored application in machine learning for healthcare, in part due to
complex ethical, legal, and regulatory requirements and high costs. Our aim is
to provide a multi-disciplinary assessment of how fairness for machine learning
fits into the context of clinical trials research and practice. We start by
reviewing the current ethical considerations and guidelines for clinical trials
and examine their relationship with common definitions of fairness in machine
learning. We examine potential sources of unfairness in clinical trials,
providing concrete examples, and discuss the role machine learning might play
in either mitigating potential biases or exacerbating them when applied without
care. Particular focus is given to adaptive clinical trials, which may employ
machine learning. Finally, we highlight concepts that require further
investigation and development, and emphasize new approaches to fairness that
may be relevant to the design of clinical trials."
4682,Efficient Mixed Dimension Embeddings for Matrix Factorization,"Despite the prominence of neural network approaches in the field of
recommender systems, simple methods such as matrix factorization with quadratic
loss are still used in industry for several reasons. These models can be
trained with alternating least squares, which makes them easy to implement in a
massively parallel manner, thus making it possible to utilize billions of
events from real-world datasets. Large-scale recommender systems need to
account for severe popularity skew in the distributions of users and items, so
a lot of research is focused on implementing sparse, mixed dimension or shared
embeddings to reduce both the number of parameters and overfitting on rare
users and items. In this paper we propose two matrix factorization models with
mixed dimension embeddings, which can be optimized in a massively parallel
fashion using the alternating least squares approach."
4683,The Kernelized Taylor Diagram,"This paper presents the kernelized Taylor diagram, a graphical framework for
visualizing similarities between data populations. The kernelized Taylor
diagram builds on the widely used Taylor diagram, which is used to visualize
similarities between populations. However, the Taylor diagram has several
limitations such as not capturing non-linear relationships and sensitivity to
outliers. To address such limitations, we propose the kernelized Taylor
diagram. Our proposed kernelized Taylor diagram is capable of visualizing
similarities between populations with minimal assumptions of the data
distributions. The kernelized Taylor diagram relates the maximum mean
discrepancy and the kernel mean embedding in a single diagram, a construction
that, to the best of our knowledge, have not been devised prior to this work.
We believe that the kernelized Taylor diagram can be a valuable tool in data
visualization."
4684,"Federated learning: Applications, challenges and future directions","Federated learning (FL) is a system in which a central aggregator coordinates
the efforts of multiple clients to solve machine learning problems. This
setting allows training data to be dispersed in order to protect privacy. The
purpose of this paper is to provide an overview of FL systems with a focus on
healthcare. FL is evaluated here based on its frameworks, architectures, and
applications. It is shown here that FL solves the preceding issues with a
shared global deep learning (DL) model via a central aggregator server. This
paper examines recent developments and provides a comprehensive list of
unresolved issues, inspired by the rapid growth of FL research. In the context
of FL, several privacy methods are described, including secure multiparty
computation, homomorphic encryption, differential privacy, and stochastic
gradient descent. Furthermore, a review of various FL classes, such as
horizontal and vertical FL and federated transfer learning, is provided. FL has
applications in wireless communication, service recommendation, intelligent
medical diagnosis systems, and healthcare, all of which are discussed in this
paper. We also present a thorough review of existing FL challenges, such as
privacy protection, communication cost, system heterogeneity, and unreliable
model upload, followed by future research directions."
4685,Bridging the gap between QP-based and MPC-based RL,"Reinforcement learning methods typically use Deep Neural Networks to
approximate the value functions and policies underlying a Markov Decision
Process. Unfortunately, DNN-based RL suffers from a lack of explainability of
the resulting policy. In this paper, we instead approximate the policy and
value functions using an optimization problem, taking the form of Quadratic
Programs (QPs). We propose simple tools to promote structures in the QP,
pushing it to resemble a linear MPC scheme. A generic unstructured QP offers
high flexibility for learning, while a QP having the structure of an MPC scheme
promotes the explainability of the resulting policy, additionally provides ways
for its analysis. The tools we propose allow for continuously adjusting the
trade-off between the former and the latter during learning. We illustrate the
workings of our proposed method with the resulting structure using a point-mass
task."
4686,Large Neural Networks Learning from Scratch with Very Few Data and without Regularization,"Recent findings have shown that Neural Networks generalize also in
over-parametrized regimes with zero training error. This is surprising, since
it is completely against traditional machine learning wisdom. In our empirical
study we fortify these findings in the domain of fine-grained image
classification. We show that very large Convolutional Neural Networks with
millions of weights do learn with only a handful of training samples and
without image augmentation, explicit regularization or pretraining. We train
the architectures ResNet018, ResNet101 and VGG19 on subsets of the difficult
benchmark datasets Caltech101, CUB_200_2011, FGVCAircraft, Flowers102 and
StanfordCars with 100 classes and more, perform a comprehensive comparative
study and draw implications for the practical application of CNNs. Finally, we
show that VGG19 with 140 million weights learns to distinguish airplanes and
motorbikes up to 95% accuracy with only 20 samples per class."
4687,Fair and Green Hyperparameter Optimization via Multi-objective and Multiple Information Source Bayesian Optimization,"There is a consensus that focusing only on accuracy in searching for optimal
machine learning models amplifies biases contained in the data, leading to
unfair predictions and decision supports. Recently, multi-objective
hyperparameter optimization has been proposed to search for machine learning
models which offer equally Pareto-efficient trade-offs between accuracy and
fairness. Although these approaches proved to be more versatile than
fairness-aware machine learning algorithms -- which optimize accuracy
constrained to some threshold on fairness -- they could drastically increase
the energy consumption in the case of large datasets. In this paper we propose
FanG-HPO, a Fair and Green Hyperparameter Optimization (HPO) approach based on
both multi-objective and multiple information source Bayesian optimization.
FanG-HPO uses subsets of the large dataset (aka information sources) to obtain
cheap approximations of both accuracy and fairness, and multi-objective
Bayesian Optimization to efficiently identify Pareto-efficient machine learning
models. Experiments consider two benchmark (fairness) datasets and two machine
learning algorithms (XGBoost and Multi-Layer Perceptron), and provide an
assessment of FanG-HPO against both fairness-aware machine learning algorithms
and hyperparameter optimization via a multi-objective single-source
optimization algorithm in BoTorch, a state-of-the-art platform for Bayesian
Optimization."
4688,World Value Functions: Knowledge Representation for Multitask Reinforcement Learning,"An open problem in artificial intelligence is how to learn and represent
knowledge that is sufficient for a general agent that needs to solve multiple
tasks in a given world. In this work we propose world value functions (WVFs),
which are a type of general value function with mastery of the world - they
represent not only how to solve a given task, but also how to solve any other
goal-reaching task. To achieve this, we equip the agent with an internal goal
space defined as all the world states where it experiences a terminal
transition - a task outcome. The agent can then modify task rewards to define
its own reward function, which provably drives it to learn how to achieve all
achievable internal goals, and the value of doing so in the current task. We
demonstrate a number of benefits of WVFs. When the agent's internal goal space
is the entire state space, we demonstrate that the transition function can be
inferred from the learned WVF, which allows the agent to plan using learned
value functions. Additionally, we show that for tasks in the same world, a
pretrained agent that has learned any WVF can then infer the policy and value
function for any new task directly from its rewards. Finally, an important
property for long-lived agents is the ability to reuse existing knowledge to
solve new tasks. Using WVFs as the knowledge representation for learned tasks,
we show that an agent is able to solve their logical combination zero-shot,
resulting in a combinatorially increasing number of skills throughout their
lifetime."
4689,Automating In-Network Machine Learning,"Using programmable network devices to aid in-network machine learning has
been the focus of significant research. However, most of the research was of a
limited scope, providing a proof of concept or describing a closed-source
algorithm. To date, no general solution has been provided for mapping machine
learning algorithms to programmable network devices. In this paper, we present
Planter, an open-source, modular framework for mapping trained machine learning
models to programmable devices. Planter supports a wide range of machine
learning models, multiple targets and can be easily extended. The evaluation of
Planter compares different mapping approaches, and demonstrates the
feasibility, performance, and resource efficiency for applications such as
anomaly detection, financial transactions, and quality of experience.
The results show that Planter-based in-network machine learning algorithms
can run at line rate, have a negligible effect on latency, coexist with
standard switching functionality, and have no or minor accuracy trade-offs."
4690,Property Unlearning: A Defense Strategy Against Property Inference Attacks,"During the training of machine learning models, they may store or ""learn""
more information about the training data than what is actually needed for the
prediction or classification task. This is exploited by property inference
attacks which aim at extracting statistical properties from the training data
of a given model without having access to the training data itself. These
properties may include the quality of pictures to identify the camera model,
the age distribution to reveal the target audience of a product, or the
included host types to refine a malware attack in computer networks. This
attack is especially accurate when the attacker has access to all model
parameters, i.e., in a white-box scenario. By defending against such attacks,
model owners are able to ensure that their training data, associated
properties, and thus their intellectual property stays private, even if they
deliberately share their models, e.g., to train collaboratively, or if models
are leaked. In this paper, we introduce property unlearning, an effective
defense mechanism against white-box property inference attacks, independent of
the training data type, model task, or number of properties. Property
unlearning mitigates property inference attacks by systematically changing the
trained weights and biases of a target model such that an adversary cannot
extract chosen properties. We empirically evaluate property unlearning on three
different data sets, including tabular and image data, and two types of
artificial neural networks. Our results show that property unlearning is both
efficient and reliable to protect machine learning models against property
inference attacks, with a good privacy-utility trade-off. Furthermore, our
approach indicates that this mechanism is also effective to unlearn multiple
properties."
4691,Evaluation of Transfer Learning for Polish with a Text-to-Text Model,"We introduce a new benchmark for assessing the quality of text-to-text models
for Polish. The benchmark consists of diverse tasks and datasets: KLEJ
benchmark adapted for text-to-text, en-pl translation, summarization, and
question answering. In particular, since summarization and question answering
lack benchmark datasets for the Polish language, we describe their construction
and make them publicly available. Additionally, we present plT5 - a
general-purpose text-to-text model for Polish that can be fine-tuned on various
Natural Language Processing (NLP) tasks with a single training objective.
Unsupervised denoising pre-training is performed efficiently by initializing
the model weights with a multi-lingual T5 (mT5) counterpart. We evaluate the
performance of plT5, mT5, Polish BART (plBART), and Polish GPT-2 (papuGaPT2).
The plT5 scores top on all of these tasks except summarization, where plBART is
best. In general (except for summarization), the larger the model, the better
the results. The encoder-decoder architectures prove to be better than the
decoder-only equivalent."
4692,Entity Alignment with Reliable Path Reasoning and Relation-Aware Heterogeneous Graph Transformer,"Entity Alignment (EA) has attracted widespread attention in both academia and
industry, which aims to seek entities with same meanings from different
Knowledge Graphs (KGs). There are substantial multi-step relation paths between
entities in KGs, indicating the semantic relations of entities. However,
existing methods rarely consider path information because not all natural paths
facilitate for EA judgment. In this paper, we propose a more effective entity
alignment framework, RPR-RHGT, which integrates relation and path structure
information, as well as the heterogeneous information in KGs. Impressively, an
initial reliable path reasoning algorithm is developed to generate the paths
favorable for EA task from the relation structures of KGs, which is the first
algorithm in the literature to successfully use unrestricted path information.
In addition, to efficiently capture heterogeneous features in entity
neighborhoods, a relation-aware heterogeneous graph transformer is designed to
model the relation and path structures of KGs. Extensive experiments on three
well-known datasets show RPR-RHGT significantly outperforms 11 state-of-the-art
methods, exceeding the best performing baseline up to 8.62% on Hits@1. We also
show its better performance than the baselines on different ratios of training
set, and harder datasets."
4693,Markov Chain Monte Carlo for Continuous-Time Switching Dynamical Systems,"Switching dynamical systems are an expressive model class for the analysis of
time-series data. As in many fields within the natural and engineering
sciences, the systems under study typically evolve continuously in time, it is
natural to consider continuous-time model formulations consisting of switching
stochastic differential equations governed by an underlying Markov jump
process. Inference in these types of models is however notoriously difficult,
and tractable computational schemes are rare. In this work, we propose a novel
inference algorithm utilizing a Markov Chain Monte Carlo approach. The
presented Gibbs sampler allows to efficiently obtain samples from the exact
continuous-time posterior processes. Our framework naturally enables Bayesian
parameter estimation, and we also include an estimate for the diffusion
covariance, which is oftentimes assumed fixed in stochastic differential
equation models. We evaluate our framework under the modeling assumption and
compare it against an existing variational inference approach."
4694,On-device modeling of user's social context and familiar places from smartphone-embedded sensor data,"Context modeling and recognition represent complex tasks that allow mobile
and ubiquitous computing applications to adapt to the user's situation. Current
solutions mainly focus on limited context information generally processed on
centralized architectures, potentially exposing users' personal data to privacy
leakage, and missing personalization features. For these reasons on-device
context modeling and recognition represent the current research trend in this
area. Among the different information characterizing the user's context in
mobile environments, social interactions and visited locations remarkably
contribute to the characterization of daily life scenarios. In this paper we
propose a novel, unsupervised and lightweight approach to model the user's
social context and her locations based on ego networks directly on the user
mobile device. Relying on this model, the system is able to extract high-level
and semantic-rich context features from smartphone-embedded sensors data.
Specifically, for the social context it exploits data related to both physical
and cyber social interactions among users and their devices. As far as location
context is concerned, we assume that it is more relevant to model the
familiarity degree of a specific location for the user's context than the raw
location data, both in terms of GPS coordinates and proximity devices. By using
5 real-world datasets, we assess the structure of the social and location ego
networks, we provide a semantic evaluation of the proposed models and a
complexity evaluation in terms of mobile computing performance. Finally, we
demonstrate the relevance of the extracted features by showing the performance
of 3 machine learning algorithms to recognize daily-life situations, obtaining
an improvement of 3% of AUROC, 9% of Precision, and 5% in terms of Recall with
respect to use only features related to physical context."
4695,Probability trees and the value of a single intervention,"The most fundamental problem in statistical causality is determining causal
relationships from limited data. Probability trees, which combine prior causal
structures with Bayesian updates, have been suggested as a possible solution.
In this work, we quantify the information gain from a single intervention and
show that both the anticipated information gain, prior to making an
intervention, and the expected gain from an intervention have simple
expressions. This results in an active-learning method that simply selects the
intervention with the highest anticipated gain, which we illustrate through
several examples. Our work demonstrates how probability trees, and Bayesian
estimation of their parameters, offer a simple yet viable approach to fast
causal induction."
4696,"Marginal and Joint Cross-Entropies & Predictives for Online Bayesian Inference, Active Learning, and Active Sampling","Principled Bayesian deep learning (BDL) does not live up to its potential
when we only focus on marginal predictive distributions (marginal predictives).
Recent works have highlighted the importance of joint predictives for
(Bayesian) sequential decision making from a theoretical and synthetic
perspective. We provide additional practical arguments grounded in real-world
applications for focusing on joint predictives: we discuss online Bayesian
inference, which would allow us to make predictions while taking into account
additional data without retraining, and we propose new challenging evaluation
settings using active learning and active sampling. These settings are
motivated by an examination of marginal and joint predictives, their respective
cross-entropies, and their place in offline and online learning. They are more
realistic than previously suggested ones, building on work by Wen et al. (2021)
and Osband et al. (2022), and focus on evaluating the performance of
approximate BNNs in an online supervised setting. Initial experiments, however,
raise questions on the feasibility of these ideas in high-dimensional parameter
spaces with current BDL inference techniques, and we suggest experiments that
might help shed further light on the practicality of current research for these
problems. Importantly, our work highlights previously unidentified gaps in
current research and the need for better approximate joint predictives."
4697,[Re] Distilling Knowledge via Knowledge Review,"This effort aims to reproduce the results of experiments and analyze the
robustness of the review framework for knowledge distillation introduced in the
CVPR '21 paper 'Distilling Knowledge via Knowledge Review' by Chen et al.
Previous works in knowledge distillation only studied connections paths between
the same levels of the student and the teacher, and cross-level connection
paths had not been considered. Chen et al. propose a new residual learning
framework to train a single student layer using multiple teacher layers. They
also design a novel fusion module to condense feature maps across levels and a
loss function to compare feature information stored across different levels to
improve performance. In this work, we consistently verify the improvements in
test accuracy across student models as reported in the original paper and study
the effectiveness of the novel modules introduced by conducting ablation
studies and new experiments."
4698,Revisiting PINNs: Generative Adversarial Physics-informed Neural Networks and Point-weighting Method,"Physics-informed neural networks (PINNs) provide a deep learning framework
for numerically solving partial differential equations (PDEs), and have been
widely used in a variety of PDE problems. However, there still remain some
challenges in the application of PINNs: 1) the mechanism of PINNs is unsuitable
(at least cannot be directly applied) to exploiting a small size of (usually
very few) extra informative samples to refine the networks; and 2) the
efficiency of training PINNs often becomes low for some complicated PDEs. In
this paper, we propose the generative adversarial physics-informed neural
network (GA-PINN), which integrates the generative adversarial (GA) mechanism
with the structure of PINNs, to improve the performance of PINNs by exploiting
only a small size of exact solutions to the PDEs. Inspired from the weighting
strategy of the Adaboost method, we then introduce a point-weighting (PW)
method to improve the training efficiency of PINNs, where the weight of each
sample point is adaptively updated at each training iteration. The numerical
experiments show that GA-PINNs outperform PINNs in many well-known PDEs and the
PW method also improves the efficiency of training PINNs and GA-PINNs."
4699,"Deep-learned orthogonal basis patterns for fast, noise-robust single-pixel imaging","Single-pixel imaging (SPI) is a novel, unconventional method that goes beyond
the notion of traditional cameras but can be computationally expensive and slow
for real-time applications. Deep learning has been proposed as an alternative
approach for solving the SPI reconstruction problem, but a detailed analysis of
its performance and generated basis patterns when used for SPI is limited. We
present a modified deep convolutional autoencoder network (DCAN) for SPI on
64x64 pixel images with up to 6.25% compression ratio and apply binary and
orthogonality regularizers during training. Training a DCAN with these
regularizers allows it to learn multiple measurement bases that have
combinations of binary or non-binary, and orthogonal or non-orthogonal
patterns. We compare the reconstruction quality, orthogonality of the patterns,
and robustness to noise of the resulting DCAN models to traditional SPI
reconstruction algorithms (such as Total Variation minimization and Fourier
Transform). Our DCAN models can be trained to be robust to noise while still
having fast enough reconstruction times (~3 ms per frame) to be viable for
real-time imaging."
4700,TTAPS: Test-Time Adaption by Aligning Prototypes using Self-Supervision,"Nowadays, deep neural networks outperform humans in many tasks. However, if
the input distribution drifts away from the one used in training, their
performance drops significantly. Recently published research has shown that
adapting the model parameters to the test sample can mitigate this performance
degradation. In this paper, we therefore propose a novel modification of the
self-supervised training algorithm SwAV that adds the ability to adapt to
single test samples. Using the provided prototypes of SwAV and our derived
test-time loss, we align the representation of unseen test samples with the
self-supervised learned prototypes. We show the success of our method on the
common benchmark dataset CIFAR10-C."
4701,A Regression Approach to Learning-Augmented Online Algorithms,"The emerging field of learning-augmented online algorithms uses ML techniques
to predict future input parameters and thereby improve the performance of
online algorithms. Since these parameters are, in general, real-valued
functions, a natural approach is to use regression techniques to make these
predictions. We introduce this approach in this paper, and explore it in the
context of a general online search framework that captures classic problems
like (generalized) ski rental, bin packing, minimum makespan scheduling, etc.
We show nearly tight bounds on the sample complexity of this regression
problem, and extend our results to the agnostic setting. From a technical
standpoint, we show that the key is to incorporate online optimization
benchmarks in the design of the loss function for the regression problem,
thereby diverging from the use of off-the-shelf regression tools with standard
bounds on statistical error."
4702,No More Pesky Hyperparameters: Offline Hyperparameter Tuning for RL,"The performance of reinforcement learning (RL) agents is sensitive to the
choice of hyperparameters. In real-world settings like robotics or industrial
control systems, however, testing different hyperparameter configurations
directly on the environment can be financially prohibitive, dangerous, or time
consuming. We propose a new approach to tune hyperparameters from offline logs
of data, to fully specify the hyperparameters for an RL agent that learns
online in the real world. The approach is conceptually simple: we first learn a
model of the environment from the offline data, which we call a calibration
model, and then simulate learning in the calibration model to identify
promising hyperparameters. We identify several criteria to make this strategy
effective, and develop an approach that satisfies these criteria. We
empirically investigate the method in a variety of settings to identify when it
is effective and when it fails."
4703,Customizing ML Predictions for Online Algorithms,"A popular line of recent research incorporates ML advice in the design of
online algorithms to improve their performance in typical instances. These
papers treat the ML algorithm as a black-box, and redesign online algorithms to
take advantage of ML predictions. In this paper, we ask the complementary
question: can we redesign ML algorithms to provide better predictions for
online algorithms? We explore this question in the context of the classic
rent-or-buy problem, and show that incorporating optimization benchmarks in ML
loss functions leads to significantly better performance, while maintaining a
worst-case adversarial result when the advice is completely wrong. We support
this finding both through theoretical bounds and numerical simulations."
4704,CARNet: A Dynamic Autoencoder for Learning Latent Dynamics in Autonomous Driving Tasks,"Autonomous driving has received a lot of attention in the automotive industry
and is often seen as the future of transportation. Passenger vehicles equipped
with a wide array of sensors (e.g., cameras, front-facing radars, LiDARs, and
IMUs) capable of continuous perception of the environment are becoming
increasingly prevalent. These sensors provide a stream of high-dimensional,
temporally correlated data that is essential for reliable autonomous driving.
An autonomous driving system should effectively use the information collected
from the various sensors in order to form an abstract description of the world
and maintain situational awareness. Deep learning models, such as autoencoders,
can be used for that purpose, as they can learn compact latent representations
from a stream of incoming data. However, most autoencoder models process the
data independently, without assuming any temporal interdependencies. Thus,
there is a need for deep learning models that explicitly consider the temporal
dependence of the data in their architecture. This work proposes CARNet, a
Combined dynAmic autoencodeR NETwork architecture that utilizes an autoencoder
combined with a recurrent neural network to learn the current latent
representation and, in addition, also predict future latent representations in
the context of autonomous driving. We demonstrate the efficacy of the proposed
model in both imitation and reinforcement learning settings using both
simulated and real datasets. Our results show that the proposed model
outperforms the baseline state-of-the-art model, while having significantly
fewer trainable parameters."
4705,"It Isn't Sh!tposting, It's My CAT Posting","In this paper, we describe a novel architecture which can generate hilarious
captions for a given input image. The architecture is split into two halves,
i.e. image captioning and hilarious text conversion. The architecture starts
with a pre-trained CNN model, VGG16 in this implementation, and applies
attention LSTM on it to generate normal caption. These normal captions then are
fed forward to our hilarious text conversion transformer which converts this
text into something hilarious while maintaining the context of the input image.
The architecture can also be split into two halves and only the seq2seq
transformer can be used to generate hilarious caption by inputting a
sentence.This paper aims to help everyday user to be more lazy and hilarious at
the same time by generating captions using CATNet."
4706,Practical Skills Demand Forecasting via Representation Learning of Temporal Dynamics,"Rapid technological innovation threatens to leave much of the global
workforce behind. Today's economy juxtaposes white-hot demand for skilled labor
against stagnant employment prospects for workers unprepared to participate in
a digital economy. It is a moment of peril and opportunity for every country,
with outcomes measured in long-term capital allocation and the life
satisfaction of billions of workers. To meet the moment, governments and
markets must find ways to quicken the rate at which the supply of skills reacts
to changes in demand. More fully and quickly understanding labor market
intelligence is one route. In this work, we explore the utility of time series
forecasts to enhance the value of skill demand data gathered from online job
advertisements. This paper presents a pipeline which makes one-shot multi-step
forecasts into the future using a decade of monthly skill demand observations
based on a set of recurrent neural network methods. We compare the performance
of a multivariate model versus a univariate one, analyze how correlation
between skills can influence multivariate model results, and present
predictions of demand for a selection of skills practiced by workers in the
information technology industry."
4707,Accurate Fairness: Improving Individual Fairness without Trading Accuracy,"Accuracy and fairness are both crucial aspects for trustworthy machine
learning. However, in practice, enhancing one aspect may sacrifice the other
inevitably. We propose in this paper a new fairness criterion, accurate
fairness, to assess whether an individual is treated both accurately and fairly
regardless of protected attributes. We further propose new fairness metrics,
fair-precision, fair-recall and fair-F1 score, to evaluate the reliability of a
machine learning model from the perspective of accurate fairness. Thus, the
side effects of enhancing just one of the two aspects, i.e., true bias and
false fairness, can be effectively identified with our criterion. We then
present a fair Siamese approach for accurate fairness training. To the best of
our knowledge, this is the first time that a Siamese approach is adapted for
bias mitigation. Case studies with typical fairness benchmarks demonstrate that
our fair Siamese approach can, on average, promote the 17.4% higher individual
fairness, the 11.5% higher fair-F1 score, and the 4.7% higher accuracy of a
machine learning model than the state-of-the-art bias mitigation techniques.
Finally, our approach is applied to mitigate the possible service
discrimination with a real Ctrip dataset, by fairly serving on average 97.9%
customers with different consumption habits who pay the same prices for the
same rooms (20.7% more than original models)."
4708,Optimal Adaptive Prediction Intervals for Electricity Load Forecasting in Distribution Systems via Reinforcement Learning,"Prediction intervals offer an effective tool for quantifying the uncertainty
of loads in distribution systems. The traditional central PIs cannot adapt well
to skewed distributions, and their offline training fashion is vulnerable to
unforeseen changes in future load patterns. Therefore, we propose an optimal PI
estimation approach, which is online and adaptive to different data
distributions by adaptively determining symmetric or asymmetric probability
proportion pairs for quantiles. It relies on the online learning ability of
reinforcement learning to integrate the two online tasks, i.e., the adaptive
selection of probability proportion pairs and quantile predictions, both of
which are modeled by neural networks. As such, the quality of quantiles-formed
PI can guide the selection process of optimal probability proportion pairs,
which forms a closed loop to improve the quality of PIs. Furthermore, to
improve the learning efficiency of quantile forecasts, a prioritized experience
replay strategy is proposed for online quantile regression processes. Case
studies on both load and net load demonstrate that the proposed method can
better adapt to data distribution compared with online central PIs method.
Compared with offline-trained methods, it obtains PIs with better quality and
is more robust against concept drift."
4709,The Solvability of Interpretability Evaluation Metrics,"Feature attribution methods are popular for explaining neural network
predictions, and they are often evaluated on metrics such as comprehensiveness
and sufficiency, which are motivated by the principle that more important
features -- as judged by the explanation -- should have larger impacts on model
prediction. In this paper, we highlight an intriguing property of these
metrics: their solvability. Concretely, we can define the problem of optimizing
an explanation for a metric and solve it using beam search. This brings up the
obvious question: given such solvability, why do we still develop other
explainers and then evaluate them on the metric? We present a series of
investigations showing that this beam search explainer is generally comparable
or favorable to current choices such as LIME and SHAP, suggest rethinking the
goals of model interpretability, and identify several directions towards better
evaluations of new method proposals."
4710,Hyperparameter Optimization with Neural Network Pruning,"Since the deep learning model is highly dependent on hyperparameters,
hyperparameter optimization is essential in developing deep learning
model-based applications, even if it takes a long time. As service development
using deep learning models has gradually become competitive, many developers
highly demand rapid hyperparameter optimization algorithms. In order to keep
pace with the needs of faster hyperparameter optimization algorithms,
researchers are focusing on improving the speed of hyperparameter optimization
algorithm. However, the huge time consumption of hyperparameter optimization
due to the high computational cost of the deep learning model itself has not
been dealt with in-depth. Like using surrogate model in Bayesian optimization,
to solve this problem, it is necessary to consider proxy model for a neural
network (N_B) to be used for hyperparameter optimization. Inspired by the main
goal of neural network pruning, i.e., high computational cost reduction and
performance preservation, we presumed that the neural network (N_P) obtained
through neural network pruning would be a good proxy model of N_B. In order to
verify our idea, we performed extensive experiments by using CIFAR10, CFIAR100,
and TinyImageNet datasets and three generally-used neural networks and three
representative hyperparameter optmization methods. Through these experiments,
we verified that N_P can be a good proxy model of N_B for rapid hyperparameter
optimization. The proposed hyperparameter optimization framework can reduce the
amount of time up to 37%."
4711,Neighborhood Mixup Experience Replay: Local Convex Interpolation for Improved Sample Efficiency in Continuous Control Tasks,"Experience replay plays a crucial role in improving the sample efficiency of
deep reinforcement learning agents. Recent advances in experience replay
propose using Mixup (Zhang et al., 2018) to further improve sample efficiency
via synthetic sample generation. We build upon this technique with Neighborhood
Mixup Experience Replay (NMER), a geometrically-grounded replay buffer that
interpolates transitions with their closest neighbors in state-action space.
NMER preserves a locally linear approximation of the transition manifold by
only applying Mixup between transitions with vicinal state-action features.
Under NMER, a given transition's set of state action neighbors is dynamic and
episode agnostic, in turn encouraging greater policy generalizability via
inter-episode interpolation. We combine our approach with recent off-policy
deep reinforcement learning algorithms and evaluate on continuous control
environments. We observe that NMER improves sample efficiency by an average 94%
(TD3) and 29% (SAC) over baseline replay buffers, enabling agents to
effectively recombine previous experiences and learn from limited data."
4712,Spatial-Temporal Interactive Dynamic Graph Convolution Network for Traffic Forecasting,"Accurate traffic forecasting is essential for smart cities to achieve traffic
control, route planning, and flow detection. Although many spatial-temporal
methods are currently proposed, these methods are deficient in capturing the
spatial-temporal dependence of traffic data synchronously. In addition, most of
the methods ignore the dynamically changing correlations between road network
nodes that arise as traffic data changes. We propose a neural network-based
Spatial-Temporal Interactive Dynamic Graph Convolutional Network (STIDGCN) to
address the above challenges for traffic forecasting. Specifically, we propose
an interactive dynamic graph convolution structure, which divides the sequences
at intervals and synchronously captures the traffic data's spatial-temporal
dependence through an interactive learning strategy. The interactive learning
strategy makes STIDGCN effective for long-term prediction. We also propose a
novel dynamic graph convolution module to capture the dynamically changing
correlations in the traffic network, consisting of a graph generator and fusion
graph convolution. The dynamic graph convolution module can use the input
traffic data and pre-defined graph structure to generate a graph structure. It
is then fused with the defined adaptive adjacency matrix to generate a dynamic
adjacency matrix, which fills the pre-defined graph structure and simulates the
generation of dynamic associations between nodes in the road network. Extensive
experiments on four real-world traffic flow datasets demonstrate that STIDGCN
outperforms the state-of-the-art baseline."
4713,Policy Distillation with Selective Input Gradient Regularization for Efficient Interpretability,"Although deep Reinforcement Learning (RL) has proven successful in a wide
range of tasks, one challenge it faces is interpretability when applied to
real-world problems. Saliency maps are frequently used to provide
interpretability for deep neural networks. However, in the RL domain, existing
saliency map approaches are either computationally expensive and thus cannot
satisfy the real-time requirement of real-world scenarios or cannot produce
interpretable saliency maps for RL policies. In this work, we propose an
approach of Distillation with selective Input Gradient Regularization (DIGR)
which uses policy distillation and input gradient regularization to produce new
policies that achieve both high interpretability and computation efficiency in
generating saliency maps. Our approach is also found to improve the robustness
of RL policies to multiple adversarial attacks. We conduct experiments on three
tasks, MiniGrid (Fetch Object), Atari (Breakout) and CARLA Autonomous Driving,
to demonstrate the importance and effectiveness of our approach."
4714,"QAPPA: Quantization-Aware Power, Performance, and Area Modeling of DNN Accelerators","As the machine learning and systems community strives to achieve higher
energy-efficiency through custom DNN accelerators and model compression
techniques, there is a need for a design space exploration framework that
incorporates quantization-aware processing elements into the accelerator design
space while having accurate and fast power, performance, and area models. In
this work, we present QAPPA, a highly parameterized quantization-aware power,
performance, and area modeling framework for DNN accelerators. Our framework
can facilitate the future research on design space exploration of DNN
accelerators for various design choices such as bit precision, processing
element type, scratchpad sizes of processing elements, global buffer size,
device bandwidth, number of total processing elements in the the design, and
DNN workloads. Our results show that different bit precisions and processing
element types lead to significant differences in terms of performance per area
and energy. Specifically, our proposed lightweight processing elements achieve
up to 4.9x more performance per area and energy improvement when compared to
INT16 based implementation."
4715,Need is All You Need: Homeostatic Neural Networks Adapt to Concept Shift,"In living organisms, homeostasis is the natural regulation of internal states
aimed at maintaining conditions compatible with life. Typical artificial
systems are not equipped with comparable regulatory features. Here, we
introduce an artificial neural network that incorporates homeostatic features.
Its own computing substrate is placed in a needful and vulnerable relation to
the very objects over which it computes. For example, artificial neurons
performing classification of MNIST digits or Fashion-MNIST articles of clothing
may receive excitatory or inhibitory effects, which alter their own learning
rate as a direct result of perceiving and classifying the digits. In this
scenario, accurate recognition is desirable to the agent itself because it
guides decisions to regulate its vulnerable internal states and functionality.
Counterintuitively, the addition of vulnerability to a learner does not
necessarily impair its performance. On the contrary, self-regulation in
response to vulnerability confers benefits under certain conditions. We show
that homeostatic design confers increased adaptability under concept shift, in
which the relationships between labels and data change over time, and that the
greatest advantages are obtained under the highest rates of shift. This
necessitates the rapid un-learning of past associations and the re-learning of
new ones. We also demonstrate the superior abilities of homeostatic learners in
environments with dynamically changing rates of concept shift. Our homeostatic
design exposes the artificial neural network's thinking machinery to the
consequences of its own ""thoughts"", illustrating the advantage of putting one's
own ""skin in the game"" to improve fluid intelligence."
4716,Frank Wolfe Meets Metric Entropy,"The Frank-Wolfe algorithm has seen a resurgence in popularity due to its
ability to efficiently solve constrained optimization problems in machine
learning and high-dimensional statistics. As such, there is much interest in
establishing when the algorithm may possess a ""linear"" $O(\log(1/\epsilon))$
dimension-free iteration complexity comparable to projected gradient descent.
In this paper, we provide a general technique for establishing domain
specific and easy-to-estimate lower bounds for Frank-Wolfe and its variants
using the metric entropy of the domain. Most notably, we show that a
dimension-free linear upper bound must fail not only in the worst case, but in
the \emph{average case}: for a Gaussian or spherical random polytope in
$\mathbb{R}^d$ with $\mathrm{poly}(d)$ vertices, Frank-Wolfe requires up to
$\tilde\Omega(d)$ iterations to achieve a $O(1/d)$ error bound, with high
probability. We also establish this phenomenon for the nuclear norm ball.
The link with metric entropy also has interesting positive implications for
conditional gradient algorithms in statistics, such as gradient boosting and
matching pursuit. In particular, we show that it is possible to extract
fast-decaying upper bounds on the excess risk directly from an analysis of the
underlying optimization procedure."
4717,Classification as Direction Recovery: Improved Guarantees via Scale Invariance,"Modern algorithms for binary classification rely on an intermediate
regression problem for computational tractability. In this paper, we establish
a geometric distinction between classification and regression that allows risk
in these two settings to be more precisely related. In particular, we note that
classification risk depends only on the direction of the regressor, and we take
advantage of this scale invariance to improve existing guarantees for how
classification risk is bounded by the risk in the intermediate regression
problem. Building on these guarantees, our analysis makes it possible to
compare algorithms more accurately against each other and suggests viewing
classification as unique from regression rather than a byproduct of it. While
regression aims to converge toward the conditional expectation function in
location, we propose that classification should instead aim to recover its
direction."
4718,Generic and Trend-aware Curriculum Learning for Relation Extraction in Graph Neural Networks,"We present a generic and trend-aware curriculum learning approach for graph
neural networks. It extends existing approaches by incorporating sample-level
loss trends to better discriminate easier from harder samples and schedule them
for training. The model effectively integrates textual and structural
information for relation extraction in text graphs. Experimental results show
that the model provides robust estimations of sample difficulty and shows
sizable improvement over the state-of-the-art approaches across several
datasets."
4719,A graph representation of molecular ensembles for polymer property prediction,"Synthetic polymers are versatile and widely used materials. Similar to small
organic molecules, a large chemical space of such materials is hypothetically
accessible. Computational property prediction and virtual screening can
accelerate polymer design by prioritizing candidates expected to have favorable
properties. However, in contrast to organic molecules, polymers are often not
well-defined single structures but an ensemble of similar molecules, which
poses unique challenges to traditional chemical representations and machine
learning approaches. Here, we introduce a graph representation of molecular
ensembles and an associated graph neural network architecture that is tailored
to polymer property prediction. We demonstrate that this approach captures
critical features of polymeric materials, like chain architecture, monomer
stoichiometry, and degree of polymerization, and achieves superior accuracy to
off-the-shelf cheminformatics methodologies. While doing so, we built a dataset
of simulated electron affinity and ionization potential values for >40k
polymers with varying monomer composition, stoichiometry, and chain
architecture, which may be used in the development of other tailored machine
learning approaches. The dataset and machine learning models presented in this
work pave the path toward new classes of algorithms for polymer informatics
and, more broadly, introduce a framework for the modeling of molecular
ensembles."
4720,Learning to Learn Quantum Turbo Detection,"This paper investigates a turbo receiver employing a variational quantum
circuit (VQC). The VQC is configured with an ansatz of the quantum approximate
optimization algorithm (QAOA). We propose a 'learning to learn' (L2L) framework
to optimize the turbo VQC decoder such that high fidelity soft-decision output
is generated. Besides demonstrating the proposed algorithm's computational
complexity, we show that the L2L VQC turbo decoder can achieve an excellent
performance close to the optimal maximum-likelihood performance in a
multiple-input multiple-output system."
4721,Bagged Polynomial Regression and Neural Networks,"Series and polynomial regression are able to approximate the same function
classes as neural networks. However, these methods are rarely used in practice,
although they offer more interpretability than neural networks. In this paper,
we show that a potential reason for this is the slow convergence rate of
polynomial regression estimators and propose the use of bagged polynomial
regression (BPR) as an attractive alternative to neural networks.
Theoretically, we derive new finite sample and asymptotic $L^2$ convergence
rates for series estimators. We show that the rates can be improved in smooth
settings by splitting the feature space and generating polynomial features
separately for each partition. Empirically, we show that our proposed
estimator, the BPR, can perform as well as more complex models with more
parameters. Our estimator also performs close to state-of-the-art prediction
methods in the benchmark MNIST handwritten digit dataset."
4722,All-Photonic Artificial Neural Network Processor Via Non-linear Optics,"Optics and photonics has recently captured interest as a platform to
accelerate linear matrix processing, that has been deemed as a bottleneck in
traditional digital electronic architectures. In this paper, we propose an
all-photonic artificial neural network processor wherein information is encoded
in the amplitudes of frequency modes that act as neurons. The weights among
connected layers are encoded in the amplitude of controlled frequency modes
that act as pumps. Interaction among these modes for information processing is
enabled by non-linear optical processes. Both the matrix multiplication and
element-wise activation functions are performed through coherent processes,
enabling the direct representation of negative and complex numbers without the
use of detectors or digital electronics. Via numerical simulations, we show
that our design achieves a performance commensurate with present-day
state-of-the-art computational networks on image-classification benchmarks. Our
architecture is unique in providing a completely unitary, reversible mode of
computation. Additionally, the computational speed increases with the power of
the pumps to arbitrarily high rates, as long as the circuitry can sustain the
higher optical power."
4723,Multibit Tries Packet Classification with Deep Reinforcement Learning,"High performance packet classification is a key component to support scalable
network applications like firewalls, intrusion detection, and differentiated
services. With ever increasing in the line-rate in core networks, it becomes a
great challenge to design a scalable and high performance packet classification
solution using hand-tuned heuristics approaches. In this paper, we present a
scalable learning-based packet classification engine and its performance
evaluation. By exploiting the sparsity of ruleset, our algorithm uses a few
effective bits (EBs) to extract a large number of candidate rules with just a
few of memory access. These effective bits are learned with deep reinforcement
learning and they are used to create a bitmap to filter out the majority of
rules which do not need to be full-matched to improve the online system
performance. Moreover, our EBs learning-based selection method is independent
of the ruleset, which can be applied to varying rulesets. Our multibit tries
classification engine outperforms lookup time both in worst and average case by
55% and reduce memory footprint, compared to traditional decision tree without
EBs."
4724,OneAligner: Zero-shot Cross-lingual Transfer with One Rich-Resource Language Pair for Low-Resource Sentence Retrieval,"Aligning parallel sentences in multilingual corpora is essential to curating
data for downstream applications such as Machine Translation. In this work, we
present OneAligner, an alignment model specially designed for sentence
retrieval tasks. This model is able to train on only one language pair and
transfers, in a cross-lingual fashion, to low-resource language pairs with
negligible degradation in performance. When trained with all language pairs of
a large-scale parallel multilingual corpus (OPUS-100), this model achieves the
state-of-the-art result on the Tateoba dataset, outperforming an equally-sized
previous model by 8.0 points in accuracy while using less than 0.6% of their
parallel data. When finetuned on a single rich-resource language pair, be it
English-centered or not, our model is able to match the performance of the ones
finetuned on all language pairs under the same data budget with less than 2.0
points decrease in accuracy. Furthermore, with the same setup, scaling up the
number of rich-resource language pairs monotonically improves the performance,
reaching a minimum of 0.4 points discrepancy in accuracy, making it less
mandatory to collect any low-resource parallel data. Finally, we conclude
through empirical results and analyses that the performance of the sentence
alignment task depends mostly on the monolingual and parallel data size, up to
a certain size threshold, rather than on what language pairs are used for
training or evaluation."
4725,Variational Quantum Compressed Sensing for Joint User and Channel State Acquisition in Grant-Free Device Access Systems,"This paper introduces a new quantum computing framework integrated with a
two-step compressed sensing technique, applied to a joint channel estimation
and user identification problem. We propose a variational quantum circuit (VQC)
design as a new denoising solution. For a practical grant-free communications
system having correlated device activities, variational quantum parameters for
Pauli rotation gates in the proposed VQC system are optimized to facilitate to
the non-linear estimation. Numerical results show that the VQC method can
outperform modern compressed sensing techniques using an element-wise denoiser."
4726,Universal characteristics of deep neural network loss surfaces from random matrix theory,"This paper considers several aspects of random matrix universality in deep
neural networks. Motivated by recent experimental work, we use universal
properties of random matrices related to local statistics to derive practical
implications for deep neural networks based on a realistic model of their
Hessians. In particular we derive universal aspects of outliers in the spectra
of deep neural networks and demonstrate the important role of random matrix
local laws in popular pre-conditioning gradient descent algorithms. We also
present insights into deep neural network loss surfaces from quite general
arguments based on tools from statistical physics and random matrix theory."
4727,AutoQML: Automated Quantum Machine Learning for Wi-Fi Integrated Sensing and Communications,"Commercial Wi-Fi devices can be used for integrated sensing and
communications (ISAC) to jointly exchange data and monitor indoor environment.
In this paper, we investigate a proof-of-concept approach using automated
quantum machine learning (AutoQML) framework called AutoAnsatz to recognize
human gesture. We address how to efficiently design quantum circuits to
configure quantum neural networks (QNN). The effectiveness of AutoQML is
validated by an in-house experiment for human pose recognition, achieving
state-of-the-art performance greater than 80% accuracy for a limited data size
with a significantly small number of trainable parameters."
4728,Deep Neural Network Classifier for Multi-dimensional Functional Data,"We propose a new approach, called as functional deep neural network (FDNN),
for classifying multi-dimensional functional data. Specifically, a deep neural
network is trained based on the principle components of the training data which
shall be used to predict the class label of a future data function. Unlike the
popular functional discriminant analysis approaches which rely on Gaussian
assumption, the proposed FDNN approach applies to general non-Gaussian
multi-dimensional functional data. Moreover, when the log density ratio
possesses a locally connected functional modular structure, we show that FDNN
achieves minimax optimality. The superiority of our approach is demonstrated
through both simulated and real-world datasets."
4729,Quantum Transfer Learning for Wi-Fi Sensing,"Beyond data communications, commercial-off-the-shelf Wi-Fi devices can be
used to monitor human activities, track device locomotion, and sense the
ambient environment. In particular, spatial beam attributes that are inherently
available in the 60-GHz IEEE 802.11ad/ay standards have shown to be effective
in terms of overhead and channel measurement granularity for these indoor
sensing tasks. In this paper, we investigate transfer learning to mitigate
domain shift in human monitoring tasks when Wi-Fi settings and environments
change over time. As a proof-of-concept study, we consider quantum neural
networks (QNN) as well as classical deep neural networks (DNN) for the future
quantum-ready society. The effectiveness of both DNN and QNN is validated by an
in-house experiment for human pose recognition, achieving greater than 90%
accuracy with a limited data size."
4730,"Mobility, Communication and Computation Aware Federated Learning for Internet of Vehicles","While privacy concerns entice connected and automated vehicles to incorporate
on-board federated learning (FL) solutions, an integrated vehicle-to-everything
communication with heterogeneous computation power aware learning platform is
urgently necessary to make it a reality. Motivated by this, we propose a novel
mobility, communication and computation aware online FL platform that uses
on-road vehicles as learning agents. Thanks to the advanced features of modern
vehicles, the on-board sensors can collect data as vehicles travel along their
trajectories, while the on-board processors can train machine learning models
using the collected data. To take the high mobility of vehicles into account,
we consider the delay as a learning parameter and restrict it to be less than a
tolerable threshold. To satisfy this threshold, the central server accepts
partially trained models, the distributed roadside units (a) perform downlink
multicast beamforming to minimize global model distribution delay and (b)
allocate optimal uplink radio resources to minimize local model offloading
delay, and the vehicle agents conduct heterogeneous local model training. Using
real-world vehicle trace datasets, we validate our FL solutions. Simulation
shows that the proposed integrated FL platform is robust and outperforms
baseline models. With reasonable local training episodes, it can effectively
satisfy all constraints and deliver near ground truth multi-horizon velocity
and vehicle-specific power predictions."
4731,Hierarchical Distribution-Aware Testing of Deep Learning,"With its growing use in safety/security-critical applications, Deep Learning
(DL) has raised increasing concerns regarding its dependability. In particular,
DL has a notorious problem of lacking robustness. Despite recent efforts made
in detecting Adversarial Examples (AEs) via state-of-the-art attacking and
testing methods, they are normally input distribution agnostic and/or disregard
the perception quality of AEs. Consequently, the detected AEs are irrelevant
inputs in the application context or unnatural/unrealistic that can be easily
noticed by humans. This may lead to a limited effect on improving the DL
model's dependability, as the testing budget is likely to be wasted on
detecting AEs that are encountered very rarely in its real-life operations. In
this paper, we propose a new robustness testing approach for detecting AEs that
considers both the input distribution and the perceptual quality of inputs. The
two considerations are encoded by a novel hierarchical mechanism. First, at the
feature level, the input data distribution is extracted and approximated by
data compression techniques and probability density estimators. Such quantified
feature level distribution, together with indicators that are highly correlated
with local robustness, are considered in selecting test seeds. Given a test
seed, we then develop a two-step genetic algorithm for local test case
generation at the pixel level, in which two fitness functions work
alternatively to control the quality of detected AEs. Finally, extensive
experiments confirm that our holistic approach considering hierarchical
distributions at feature and pixel levels is superior to state-of-the-arts that
either disregard any input distribution or only consider a single
(non-hierarchical) distribution, in terms of not only the quality of detected
AEs but also improving the overall robustness of the DL model under testing."
4732,The Power of Reuse: A Multi-Scale Transformer Model for Structural Dynamic Segmentation in Symbolic Music Generation,"Symbolic Music Generation relies on the contextual representation
capabilities of the generative model, where the most prevalent approach is the
Transformer-based model. Not only that, the learning of long-term context is
also related to the dynamic segmentation of musical structures, i.e. intro,
verse and chorus, which is currently overlooked by the research community. In
this paper, we propose a multi-scale Transformer, which uses coarse-decoder and
fine-decoders to model the contexts at the global and section-level,
respectively. Concretely, we designed a Fragment Scope Localization layer to
syncopate the music into sections, which were later used to pre-train
fine-decoders. After that, we designed a Music Style Normalization layer to
transfer the style information from the original sections to the generated
sections to achieve consistency in music style. The generated sections are
combined in the aggregation layer and fine-tuned by the coarse decoder. Our
model is evaluated on two open MIDI datasets, and experiments show that our
model outperforms the best contemporary symbolic music generative models. More
excitingly, visual evaluation shows that our model is superior in melody reuse,
resulting in more realistic music."
4733,Label-Efficient Self-Supervised Federated Learning for Tackling Data Heterogeneity in Medical Imaging,"The curation of large-scale medical datasets from multiple institutions
necessary for training deep learning models is challenged by the difficulty in
sharing patient data with privacy-preserving. Federated learning (FL), a
paradigm that enables privacy-protected collaborative learning among different
institutions, is a promising solution to this challenge. However, FL generally
suffers from performance deterioration due to heterogeneous data distributions
across institutions and the lack of quality labeled data. In this paper, we
present a robust and label-efficient self-supervised FL framework for medical
image analysis. Specifically, we introduce a novel distributed self-supervised
pre-training paradigm into the existing FL pipeline (i.e., pre-training the
models directly on the decentralized target task datasets). Built upon the
recent success of Vision Transformers, we employ masked image encoding tasks
for self-supervised pre-training, to facilitate more effective knowledge
transfer to downstream federated models. Extensive empirical results on
simulated and real-world medical imaging federated datasets show that
self-supervised pre-training largely benefits the robustness of federated
models against various degrees of data heterogeneity. Notably, under severe
data heterogeneity, our method, without relying on any additional pre-training
data, achieves an improvement of 5.06%, 1.53% and 4.58% in test accuracy on
retinal, dermatology and chest X-ray classification compared with the
supervised baseline with ImageNet pre-training. Moreover, we show that our
self-supervised FL algorithm generalizes well to out-of-distribution data and
learns federated models more effectively in limited label scenarios, surpassing
the supervised baseline by 10.36% and the semi-supervised FL method by 8.3% in
test accuracy."
4734,Strategizing against Learners in Bayesian Games,"We study repeated two-player games where one of the players, the learner,
employs a no-regret learning strategy, while the other, the optimizer, is a
rational utility maximizer. We consider general Bayesian games, where the
payoffs of both the optimizer and the learner could depend on the type, which
is drawn from a publicly known distribution, but revealed privately to the
learner. We address the following questions: (a) what is the bare minimum that
the optimizer can guarantee to obtain regardless of the no-regret learning
algorithm employed by the learner? (b) are there learning algorithms that cap
the optimizer payoff at this minimum? (c) can these algorithms be implemented
efficiently? While building this theory of optimizer-learner interactions, we
define a new combinatorial notion of regret called polytope swap regret, that
could be of independent interest in other settings."
4735,Learning Quantum Entanglement Distillation with Noisy Classical Communications,"Quantum networking relies on the management and exploitation of entanglement.
Practical sources of entangled qubits are imperfect, producing mixed quantum
state with reduced fidelity with respect to ideal Bell pairs. Therefore, an
important primitive for quantum networking is entanglement distillation, whose
goal is to enhance the fidelity of entangled qubits through local operations
and classical communication (LOCC). Existing distillation protocols assume the
availability of ideal, noiseless, communication channels. In this paper, we
study the case in which communication takes place over noisy binary symmetric
channels. We propose to implement local processing through parameterized
quantum circuits (PQCs) that are optimized to maximize the average fidelity,
while accounting for communication errors. The introduced approach, Noise
Aware-LOCCNet (NA-LOCCNet), is shown to have significant advantages over
existing protocols designed for noiseless communications."
4736,Disentangling Visual Embeddings for Attributes and Objects,"We study the problem of compositional zero-shot learning for object-attribute
recognition. Prior works use visual features extracted with a backbone network,
pre-trained for object classification and thus do not capture the subtly
distinct features associated with attributes. To overcome this challenge, these
studies employ supervision from the linguistic space, and use pre-trained word
embeddings to better separate and compose attribute-object pairs for
recognition. Analogous to linguistic embedding space, which already has unique
and agnostic embeddings for object and attribute, we shift the focus back to
the visual space and propose a novel architecture that can disentangle
attribute and object features in the visual space. We use visual decomposed
features to hallucinate embeddings that are representative for the seen and
novel compositions to better regularize the learning of our model. Extensive
experiments show that our method outperforms existing work with significant
margin on three datasets: MIT-States, UT-Zappos, and a new benchmark created
based on VAW. The code, models, and dataset splits are publicly available at
https://github.com/nirat1606/OADis."
4737,High-resolution landscape-scale biomass mapping using a spatiotemporal patchwork of LiDAR coverages,"Estimating forest aboveground biomass at fine spatial scales has become
increasingly important for greenhouse gas estimation, monitoring, and
verification efforts to mitigate climate change. Airborne LiDAR continues to be
a valuable source of remote sensing data for estimating aboveground biomass.
However airborne LiDAR collections may take place at local or regional scales
covering irregular, non-contiguous footprints, resulting in a 'patchwork' of
different landscape segments at different points in time. Here we addressed
common obstacles including selection of training data, the investigation of
regional or coverage specific patterns in bias and error, and map agreement,
and model-based precision assessments at multiple scales.
Three machine learning algorithms and an ensemble model were trained using
field inventory data (FIA), airborne LiDAR, and topographic, climatic and
cadastral geodata. Using strict selection criteria, 801 FIA plots were selected
with co-located point clouds drawn from a patchwork of 17 leaf-off LiDAR
coverages 2014-2019). Our ensemble model created 30m AGB prediction surfaces
within a predictor-defined area of applicability (98% of LiDAR coverage) and
resulting AGB predictions were compared with FIA plot-level and areal estimates
at multiple scales of aggregation. Our model was overall accurate (% RMSE
13-33%), had very low bias (MBE $\leq$ $\pm$5 Mg ha$^{-1}$), explained most
field-observed variation (R$^2$ 0.74-0.93), produced estimates that were both
largely consistent with FIA's aggregate summaries (86% of estimates within 95%
CI), as well as precise when aggregated to arbitrary small-areas (mean
bootstrap standard error 0.37 Mg ha$^{-1}$). We share practical solutions to
challenges faced when using spatiotemporal patchworks of LiDAR to meet growing
needs for biomass prediction and mapping, and applications in carbon accounting
and ecosystem stewardship."
4738,High-dimensional additive Gaussian processes under monotonicity constraints,"We introduce an additive Gaussian process framework accounting for
monotonicity constraints and scalable to high dimensions. Our contributions are
threefold. First, we show that our framework enables to satisfy the constraints
everywhere in the input space. We also show that more general componentwise
linear inequality constraints can be handled similarly, such as componentwise
convexity. Second, we propose the additive MaxMod algorithm for sequential
dimension reduction. By sequentially maximizing a squared-norm criterion,
MaxMod identifies the active input dimensions and refines the most important
ones. This criterion can be computed explicitly at a linear cost. Finally, we
provide open-source codes for our full framework. We demonstrate the
performance and scalability of the methodology in several synthetic examples
with hundreds of dimensions under monotonicity constraints as well as on a
real-world flood application."
4739,Supervised Learning for Coverage-Directed Test Selection in Simulation-Based Verification,"Constrained random test generation is one of the most widely adopted methods
for generating stimuli for simulation-based verification. Randomness leads to
test diversity, but tests tend to repeatedly exercise the same design logic.
Constraints are written (typically manually) to bias random tests towards
interesting, hard-to-reach, and yet-untested logic. However, as verification
progresses, most constrained random tests yield little to no effect on
functional coverage. If stimuli generation consumes significantly less
resources than simulation, then a better approach involves randomly generating
a large number of tests, selecting the most effective subset, and only
simulating that subset. In this paper, we introduce a novel method for
automatic constraint extraction and test selection. This method, which we call
coverage-directed test selection, is based on supervised learning from coverage
feedback. Our method biases selection towards tests that have a high
probability of increasing functional coverage, and prioritises them for
simulation. We show how coverage-directed test selection can reduce manual
constraint writing, prioritise effective tests, reduce verification resource
consumption, and accelerate coverage closure on a large, real-life industrial
hardware design."
4740,Do Neural Networks Compress Manifolds Optimally?,"Artificial Neural-Network-based (ANN-based) lossy compressors have recently
obtained striking results on several sources. Their success may be ascribed to
an ability to identify the structure of low-dimensional manifolds in
high-dimensional ambient spaces. Indeed, prior work has shown that ANN-based
compressors can achieve the optimal entropy-distortion curve for some such
sources. In contrast, we determine the optimal entropy-distortion tradeoffs for
two low-dimensional manifolds with circular structure and show that
state-of-the-art ANN-based compressors fail to optimally compress the sources,
especially at high rates."
4741,Recovering Private Text in Federated Learning of Language Models,"Federated learning allows distributed users to collaboratively train a model
while keeping each user's data private. Recently, a growing body of work has
demonstrated that an eavesdropping attacker can effectively recover image data
from gradients transmitted during federated learning. However, little progress
has been made in recovering text data. In this paper, we present a novel attack
method FILM for federated learning of language models -- for the first time, we
show the feasibility of recovering text from large batch sizes of up to 128
sentences. Different from image-recovery methods which are optimized to match
gradients, we take a distinct approach that first identifies a set of words
from gradients and then directly reconstructs sentences based on beam search
and a prior-based reordering strategy. The key insight of our attack is to
leverage either prior knowledge in pre-trained language models or memorization
during training. Despite its simplicity, we demonstrate that FILM can work well
with several large-scale datasets -- it can extract single sentences with high
fidelity even for large batch sizes and recover multiple sentences from the
batch successfully if the attack is applied iteratively. We hope our results
can motivate future work in developing stronger attacks as well as new defense
methods for training language models in federated learning. Our code is
publicly available at https://github.com/Princeton-SysML/FILM."
4742,Experimentally realized in situ backpropagation for deep learning in nanophotonic neural networks,"Neural networks are widely deployed models across many scientific disciplines
and commercial endeavors ranging from edge computing and sensing to large-scale
signal processing in data centers. The most efficient and well-entrenched
method to train such networks is backpropagation, or reverse-mode automatic
differentiation. To counter an exponentially increasing energy budget in the
artificial intelligence sector, there has been recent interest in analog
implementations of neural networks, specifically nanophotonic neural networks
for which no analog backpropagation demonstration exists. We design
mass-manufacturable silicon photonic neural networks that alternately cascade
our custom designed ""photonic mesh"" accelerator with digitally implemented
nonlinearities. These reconfigurable photonic meshes program computationally
intensive arbitrary matrix multiplication by setting physical voltages that
tune the interference of optically encoded input data propagating through
integrated Mach-Zehnder interferometer networks. Here, using our packaged
photonic chip, we demonstrate in situ backpropagation for the first time to
solve classification tasks and evaluate a new protocol to keep the entire
gradient measurement and update of physical device voltages in the analog
domain, improving on past theoretical proposals. Our method is made possible by
introducing three changes to typical photonic meshes: (1) measurements at
optical ""grating tap"" monitors, (2) bidirectional optical signal propagation
automated by fiber switch, and (3) universal generation and readout of optical
amplitude and phase. After training, our classification achieves accuracies
similar to digital equivalents even in presence of systematic error. Our
findings suggest a new training paradigm for photonics-accelerated artificial
intelligence based entirely on a physical analog of the popular backpropagation
technique."
4743,An Evaluation Framework for Legal Document Summarization,"A law practitioner has to go through numerous lengthy legal case proceedings
for their practices of various categories, such as land dispute, corruption,
etc. Hence, it is important to summarize these documents, and ensure that
summaries contain phrases with intent matching the category of the case. To the
best of our knowledge, there is no evaluation metric that evaluates a summary
based on its intent. We propose an automated intent-based summarization metric,
which shows a better agreement with human evaluation as compared to other
automated metrics like BLEU, ROUGE-L etc. in terms of human satisfaction. We
also curate a dataset by annotating intent phrases in legal documents, and show
a proof of concept as to how this system can be automated. Additionally, all
the code and data to generate reproducible results is available on Github."
4744,Application of Graph Based Features in Computer Aided Diagnosis for Histopathological Image Classification of Gastric Cancer,"The gold standard for gastric cancer detection is gastric histopathological
image analysis, but there are certain drawbacks in the existing
histopathological detection and diagnosis. In this paper, based on the study of
computer aided diagnosis system, graph based features are applied to gastric
cancer histopathology microscopic image analysis, and a classifier is used to
classify gastric cancer cells from benign cells. Firstly, image segmentation is
performed, and after finding the region, cell nuclei are extracted using the
k-means method, the minimum spanning tree (MST) is drawn, and graph based
features of the MST are extracted. The graph based features are then put into
the classifier for classification. In this study, different segmentation
methods are compared in the tissue segmentation stage, among which are
Level-Set, Otsu thresholding, watershed, SegNet, U-Net and Trans-U-Net
segmentation; Graph based features, Red, Green, Blue features, Grey-Level
Co-occurrence Matrix features, Histograms of Oriented Gradient features and
Local Binary Patterns features are compared in the feature extraction stage;
Radial Basis Function (RBF) Support Vector Machine (SVM), Linear SVM,
Artificial Neural Network, Random Forests, k-NearestNeighbor, VGG16, and
Inception-V3 are compared in the classifier stage. It is found that using U-Net
to segment tissue areas, then extracting graph based features, and finally
using RBF SVM classifier gives the optimal results with 94.29%."
4745,Robust Losses for Learning Value Functions,"Most value function learning algorithms in reinforcement learning are based
on the mean squared (projected) Bellman error. However, squared errors are
known to be sensitive to outliers, both skewing the solution of the objective
and resulting in high-magnitude and high-variance gradients. To control these
high-magnitude updates, typical strategies in RL involve clipping gradients,
clipping rewards, rescaling rewards, or clipping errors. While these strategies
appear to be related to robust losses -- like the Huber loss -- they are built
on semi-gradient update rules which do not minimize a known loss. In this work,
we build on recent insights reformulating squared Bellman errors as a
saddlepoint optimization problem and propose a saddlepoint reformulation for a
Huber Bellman error and Absolute Bellman error. We start from a formalization
of robust losses, then derive sound gradient-based approaches to minimize these
losses in both the online off-policy prediction and control settings. We
characterize the solutions of the robust losses, providing insight into the
problem settings where the robust losses define notably better solutions than
the mean squared Bellman error. Finally, we show that the resulting
gradient-based algorithms are more stable, for both prediction and control,
with less sensitivity to meta-parameters."
4746,Dynamic Recognition of Speakers for Consent Management by Contrastive Embedding Replay,"Voice assistants record sound and can overhear conversations. Thus, a consent
management mechanism is desirable such that users can express their wish to be
recorded or not. Consent management can be implemented using speaker
recognition; users that do not give consent enrol their voice and all further
recordings of these users is subsequently not processed. Building speaker
recognition based consent management is challenging due to the dynamic nature
of the problem, required scalability for large number of speakers, and need for
fast speaker recognition with high accuracy. This paper describes a speaker
recognition based consent management system addressing the aforementioned
challenges. A fully supervised batch contrastive learning is applied to learn
the underlying speaker equivariance inductive bias during the training on the
set of speakers noting recording dissent. Speakers that do not provide consent
are grouped in buckets which are trained continuously. The embeddings are
contrastively learned for speakers in their buckets during training and act
later as a replay buffer for classification. The buckets are progressively
registered during training and a novel multi-strided random sampling of the
contrastive embedding replay buffer is proposed. Buckets are contrastively
trained for a few steps only in each iteration and replayed for classification
progressively leading to fast convergence. An algorithm for fast and dynamic
registration and removal of speakers in buckets is described. The evaluation
results show that the proposed approach provides the desired fast and dynamic
solution for consent management and outperforms existing approaches in terms of
convergence speed and adaptive capabilities as well as verification performance
during inference."
4747,Utterance Weighted Multi-Dilation Temporal Convolutional Networks for Monaural Speech Dereverberation,"Speech dereverberation is an important stage in many speech technology
applications. Recent work in this area has been dominated by deep neural
network models. Temporal convolutional networks (TCNs) are deep learning models
that have been proposed for sequence modelling in the task of dereverberating
speech. In this work a weighted multi-dilation depthwise-separable convolution
is proposed to replace standard depthwise-separable convolutions in TCN models.
This proposed convolution enables the TCN to dynamically focus on more or less
local information in its receptive field at each convolutional block in the
network. It is shown that this weighted multi-dilation temporal convolutional
network (WD-TCN) consistently outperforms the TCN across various model
configurations and using the WD-TCN model is a more parameter efficient method
to improve the performance of the model than increasing the number of
convolutional blocks. The best performance improvement over the baseline TCN is
0.55 dB scale-invariant signal-to-distortion ratio (SISDR) and the best
performing WD-TCN model attains 12.26 dB SISDR on the WHAMR dataset."
4748,A Psychological Theory of Explainability,"The goal of explainable Artificial Intelligence (XAI) is to generate
human-interpretable explanations, but there are no computationally precise
theories of how humans interpret AI generated explanations. The lack of theory
means that validation of XAI must be done empirically, on a case-by-case basis,
which prevents systematic theory-building in XAI. We propose a psychological
theory of how humans draw conclusions from saliency maps, the most common form
of XAI explanation, which for the first time allows for precise prediction of
explainee inference conditioned on explanation. Our theory posits that absent
explanation humans expect the AI to make similar decisions to themselves, and
that they interpret an explanation by comparison to the explanations they
themselves would give. Comparison is formalized via Shepard's universal law of
generalization in a similarity space, a classic theory from cognitive science.
A pre-registered user study on AI image classifications with saliency map
explanations demonstrate that our theory quantitatively matches participants'
predictions of the AI."
4749,On the Privacy of Decentralized Machine Learning,"In this work, we carry out the first, in-depth, privacy analysis of
Decentralized Learning -- a collaborative machine learning framework aimed at
circumventing the main limitations of federated learning. We identify the
decentralized learning properties that affect users' privacy and we introduce a
suite of novel attacks for both passive and active decentralized adversaries.
We demonstrate that, contrary to what is claimed by decentralized learning
proposers, decentralized learning does not offer any security advantages over
more practical approaches such as federated learning. Rather, it tends to
degrade users' privacy by increasing the attack surface and enabling any user
in the system to perform powerful privacy attacks such as gradient inversion,
and even gain full control over honest users' local model. We also reveal that,
given the state of the art in protections, privacy-preserving configurations of
decentralized learning require abandoning any possible advantage over the
federated setup, completely defeating the objective of the decentralized
approach."
4750,Conditional Visual Servoing for Multi-Step Tasks,"Visual Servoing has been effectively used to move a robot into specific
target locations or to track a recorded demonstration. It does not require
manual programming, but it is typically limited to settings where one
demonstration maps to one environment state. We propose a modular approach to
extend visual servoing to scenarios with multiple demonstration sequences. We
call this conditional servoing, as we choose the next demonstration conditioned
on the observation of the robot. This method presents an appealing strategy to
tackle multi-step problems, as individual demonstrations can be combined
flexibly into a control policy. We propose different selection functions and
compare them on a shape-sorting task in simulation. With the reprojection error
yielding the best overall results, we implement this selection function on a
real robot and show the efficacy of the proposed conditional servoing. For
videos of our experiments, please check out our project page:
https://lmb.informatik.uni-freiburg.de/projects/conditional_servoing/"
4751,DNNR: Differential Nearest Neighbors Regression,"K-nearest neighbors (KNN) is one of the earliest and most established
algorithms in machine learning. For regression tasks, KNN averages the targets
within a neighborhood which poses a number of challenges: the neighborhood
definition is crucial for the predictive performance as neighbors might be
selected based on uninformative features, and averaging does not account for
how the function changes locally. We propose a novel method called Differential
Nearest Neighbors Regression (DNNR) that addresses both issues simultaneously:
during training, DNNR estimates local gradients to scale the features; during
inference, it performs an n-th order Taylor approximation using estimated
gradients. In a large-scale evaluation on over 250 datasets, we find that DNNR
performs comparably to state-of-the-art gradient boosting methods and MLPs
while maintaining the simplicity and transparency of KNN. This allows us to
derive theoretical error bounds and inspect failures. In times that call for
transparency of ML models, DNNR provides a good balance between performance and
interpretability."
4752,Function Regression using Spiking DeepONet,"One of the main broad applications of deep learning is function regression.
However, despite their demonstrated accuracy and robustness, modern neural
network architectures require heavy computational resources to train. One
method to mitigate or even resolve this inefficiency has been to draw further
inspiration from the brain and reformulate the learning process in a more
biologically-plausible way, developing what are known as Spiking Neural
Networks (SNNs), which have been gaining traction in recent years. In this
paper we present an SNN-based method to perform regression, which has been a
challenge due to the inherent difficulty in representing a function's input
domain and continuous output values as spikes. We use a DeepONet - neural
network designed to learn operators - to learn the behavior of spikes. Then, we
use this approach to do function regression. We propose several methods to use
a DeepONet in the spiking framework, and present accuracy and training time for
different benchmarks."
4753,Can You Still See Me?: Reconstructing Robot Operations Over End-to-End Encrypted Channels,"Connected robots play a key role in Industry 4.0, providing automation and
higher efficiency for many industrial workflows. Unfortunately, these robots
can leak sensitive information regarding these operational workflows to remote
adversaries. While there exists mandates for the use of end-to-end encryption
for data transmission in such settings, it is entirely possible for passive
adversaries to fingerprint and reconstruct entire workflows being carried out
-- establishing an understanding of how facilities operate. In this paper, we
investigate whether a remote attacker can accurately fingerprint robot
movements and ultimately reconstruct operational workflows. Using a neural
network approach to traffic analysis, we find that one can predict
TLS-encrypted movements with around \textasciitilde60\% accuracy, increasing to
near-perfect accuracy under realistic network conditions. Further, we also find
that attackers can reconstruct warehousing workflows with similar success.
Ultimately, simply adopting best cybersecurity practices is clearly not enough
to stop even weak (passive) adversaries."
4754,How do Variational Autoencoders Learn? Insights from Representational Similarity,"The ability of Variational Autoencoders (VAEs) to learn disentangled
representations has made them popular for practical applications. However,
their behaviour is not yet fully understood. For example, the questions of when
they can provide disentangled representations, or suffer from posterior
collapse are still areas of active research. Despite this, there are no
layerwise comparisons of the representations learned by VAEs, which would
further our understanding of these models. In this paper, we thus look into the
internal behaviour of VAEs using representational similarity techniques.
Specifically, using the CKA and Procrustes similarities, we found that the
encoders' representations are learned long before the decoders', and this
behaviour is independent of hyperparameters, learning objectives, and datasets.
Moreover, the encoders' representations up to the mean and variance layers are
similar across hyperparameters and learning objectives."
4755,Unsupervised Features Ranking via Coalitional Game Theory for Categorical Data,"Not all real-world data are labeled, and when labels are not available, it is
often costly to obtain them. Moreover, as many algorithms suffer from the curse
of dimensionality, reducing the features in the data to a smaller set is often
of great utility. Unsupervised feature selection aims to reduce the number of
features, often using feature importance scores to quantify the relevancy of
single features to the task at hand. These scores can be based only on the
distribution of variables and the quantification of their interactions. The
previous literature, mainly investigating anomaly detection and clusters, fails
to address the redundancy-elimination issue. We propose an evaluation of
correlations among features to compute feature importance scores representing
the contribution of single features in explaining the dataset's structure.
Based on Coalitional Game Theory, our feature importance scores include a
notion of redundancy awareness making them a tool to achieve redundancy-free
feature selection. We show that the deriving features' selection outperforms
competing methods in lowering the redundancy rate while maximizing the
information contained in the data. We also introduce an approximated version of
the algorithm to reduce the complexity of Shapley values' computations."
4756,Perturbation of Deep Autoencoder Weights for Model Compression and Classification of Tabular Data,"Fully connected deep neural networks (DNN) often include redundant weights
leading to overfitting and high memory requirements. Additionally, the
performance of DNN is often challenged by traditional machine learning models
in tabular data classification. In this paper, we propose periodical
perturbations (prune and regrow) of DNN weights, especially at the
self-supervised pre-training stage of deep autoencoders. The proposed weight
perturbation strategy outperforms dropout learning in four out of six tabular
data sets in downstream classification tasks. The L1 or L2 regularization of
weights at the same pretraining stage results in inferior classification
performance compared to dropout or our weight perturbation routine. Unlike
dropout learning, the proposed weight perturbation routine additionally
achieves 15% to 40% sparsity across six tabular data sets for the compression
of deep pretrained models. Our experiments reveal that a pretrained deep
autoencoder with weight perturbation or dropout can outperform traditional
machine learning in tabular data classification when fully connected DNN fails
miserably. However, traditional machine learning models appear superior to any
deep models when a tabular data set contains uncorrelated variables. Therefore,
the success of deep models can be attributed to the inevitable presence of
correlated variables in real-world data sets."
4757,A unified framework for dataset shift diagnostics,"Most machine learning (ML) methods assume that the data used in the training
phase comes from the distribution of the target population. However, in
practice one often faces dataset shift, which, if not properly taken into
account, may decrease the predictive performance of the ML models. In general,
if the practitioner knows which type of shift is taking place - e.g., covariate
shift or label shift - they may apply transfer learning methods to obtain
better predictions. Unfortunately, current methods for detecting shift are only
designed to detect specific types of shift or cannot formally test their
presence. We introduce a general framework that gives insights on how to
improve prediction methods by detecting the presence of different types of
shift and quantifying how strong they are. Our approach can be used for any
data type (tabular/image/text) and both for classification and regression
tasks. Moreover, it uses formal hypotheses tests that controls false alarms. We
illustrate how our framework is useful in practice using both artificial and
real datasets. Our package for dataset shift detection can be found in
https://github.com/felipemaiapolo/detectshift."
4758,Finite Element Method-enhanced Neural Network for Forward and Inverse Problems,"We introduce a novel hybrid methodology combining classical finite element
methods (FEM) with neural networks to create a well-performing and
generalizable surrogate model for forward and inverse problems. The residual
from finite element methods and custom loss functions from neural networks are
merged to form the algorithm. The Finite Element Method-enhanced Neural Network
hybrid model (FEM-NN hybrid) is data-efficient and physics conforming. The
proposed methodology can be used for surrogate models in real-time simulation,
uncertainty quantification, and optimization in the case of forward problems.
It can be used for updating the models in the case of inverse problems. The
method is demonstrated with examples, and the accuracy of the results and
performance is compared against the conventional way of network training and
the classical finite element method. An application of the forward-solving
algorithm is demonstrated for the uncertainty quantification of wind effects on
a high-rise buildings. The inverse algorithm is demonstrated in the
speed-dependent bearing coefficient identification of fluid bearings. The
hybrid methodology of this kind will serve as a paradigm shift in the
simulation methods currently used."
4759,Global Contentious Politics Database (GLOCON) Annotation Manuals,"The database creation utilized automated text processing tools that detect if
a news article contains a protest event, locate protest information within the
article, and extract pieces of information regarding the detected protest
events. The basis of training and testing the automated tools is the GLOCON
Gold Standard Corpus (GSC), which contains news articles from multiple sources
from each focus country. The articles in the GSC were manually coded by skilled
annotators in both classification and extraction tasks with the utmost accuracy
and consistency that automated tool development demands. In order to assure
these, the annotation manuals in this document lay out the rules according to
which annotators code the news articles. Annotators refer to the manuals at all
times for all annotation tasks and apply the rules that they contain. The
content of the annotation manual is built on the general principles and
standards of linguistic annotation laid out in other prominent annotation
manuals such as ACE, CAMEO, and TimeML. These principles, however, have been
adapted or rather modified heavily to accommodate the social scientific
concepts and variables employed in the EMW project. The manual has been molded
throughout a long trial and error process that accompanied the annotation of
the GSC. It owes much of its current shape to the meticulous work and
invaluable feedback provided by highly specialized teams of annotators, whose
diligence and expertise greatly increased the quality of the corpus."
4760,Accurate Machine Learned Quantum-Mechanical Force Fields for Biomolecular Simulations,"Molecular dynamics (MD) simulations allow atomistic insights into chemical
and biological processes. Accurate MD simulations require computationally
demanding quantum-mechanical calculations, being practically limited to short
timescales and few atoms. For larger systems, efficient, but much less reliable
empirical force fields are used. Recently, machine learned force fields (MLFFs)
emerged as an alternative means to execute MD simulations, offering similar
accuracy as ab initio methods at orders-of-magnitude speedup. Until now, MLFFs
mainly capture short-range interactions in small molecules or periodic
materials, due to the increased complexity of constructing models and obtaining
reliable reference data for large molecules, where long-ranged many-body
effects become important. This work proposes a general approach to constructing
accurate MLFFs for large-scale molecular simulations (GEMS) by training on
""bottom-up"" and ""top-down"" molecular fragments of varying size, from which the
relevant physicochemical interactions can be learned. GEMS is applied to study
the dynamics of alanine-based peptides and the 46-residue protein crambin in
aqueous solution, allowing nanosecond-scale MD simulations of >25k atoms at
essentially ab initio quality. Our findings suggest that structural motifs in
peptides and proteins are more flexible than previously thought, indicating
that simulations at ab initio accuracy might be necessary to understand dynamic
biomolecular processes such as protein (mis)folding, drug-protein binding, or
allosteric regulation."
4761,Semi-Parametric Contextual Bandits with Graph-Laplacian Regularization,"Non-stationarity is ubiquitous in human behavior and addressing it in the
contextual bandits is challenging. Several works have addressed the problem by
investigating semi-parametric contextual bandits and warned that ignoring
non-stationarity could harm performances. Another prevalent human behavior is
social interaction which has become available in a form of a social network or
graph structure. As a result, graph-based contextual bandits have received much
attention. In this paper, we propose ""SemiGraphTS,"" a novel contextual
Thompson-sampling algorithm for a graph-based semi-parametric reward model. Our
algorithm is the first to be proposed in this setting. We derive an upper bound
of the cumulative regret that can be expressed as a multiple of a factor
depending on the graph structure and the order for the semi-parametric model
without a graph. We evaluate the proposed and existing algorithms via
simulation and real data example."
4762,Measuring Alignment Bias in Neural Seq2Seq Semantic Parsers,"Prior to deep learning the semantic parsing community has been interested in
understanding and modeling the range of possible word alignments between
natural language sentences and their corresponding meaning representations.
Sequence-to-sequence models changed the research landscape suggesting that we
no longer need to worry about alignments since they can be learned
automatically by means of an attention mechanism. More recently, researchers
have started to question such premise. In this work we investigate whether
seq2seq models can handle both simple and complex alignments. To answer this
question we augment the popular Geo semantic parsing dataset with alignment
annotations and create Geo-Aligned. We then study the performance of standard
seq2seq models on the examples that can be aligned monotonically versus
examples that require more complex alignments. Our empirical study shows that
performance is significantly better over monotonic alignments."
4763,KGNN: Distributed Framework for Graph Neural Knowledge Representation,"Knowledge representation learning has been commonly adopted to incorporate
knowledge graph (KG) into various online services. Although existing knowledge
representation learning methods have achieved considerable performance
improvement, they ignore high-order structure and abundant attribute
information, resulting unsatisfactory performance on semantics-rich KGs.
Moreover, they fail to make prediction in an inductive manner and cannot scale
to large industrial graphs. To address these issues, we develop a novel
framework called KGNN to take full advantage of knowledge data for
representation learning in the distributed learning system. KGNN is equipped
with GNN based encoder and knowledge aware decoder, which aim to jointly
explore high-order structure and attribute information together in a
fine-grained fashion and preserve the relation patterns in KGs, respectively.
Extensive experiments on three datasets for link prediction and triplet
classification task demonstrate the effectiveness and scalability of KGNN
framework."
4764,Adaptive Momentum-Based Policy Gradient with Second-Order Information,"The variance reduced gradient estimators for policy gradient methods has been
one of the main focus of research in the reinforcement learning in recent years
as they allow acceleration of the estimation process. We propose a variance
reduced policy gradient method, called SGDHess-PG, which incorporates
second-order information into stochastic gradient descent (SGD) using momentum
with an adaptive learning rate. SGDHess-PG algorithm can achieve
$\epsilon$-approximate first-order stationary point with
$\tilde{O}(\epsilon^{-3})$ number of trajectories, while using a batch size of
$O(1)$ at each iteration. Unlike most previous work, our proposed algorithm
does not require importance sampling techniques which can compromise the
advantage of variance reduction process. Our extensive experimental results
show the effectiveness of the proposed algorithm on various control tasks and
its advantage over the state of the art in practice."
4765,Monotonicity Regularization: Improved Penalties and Novel Applications to Disentangled Representation Learning and Robust Classification,"We study settings where gradient penalties are used alongside risk
minimization with the goal of obtaining predictors satisfying different notions
of monotonicity. Specifically, we present two sets of contributions. In the
first part of the paper, we show that different choices of penalties define the
regions of the input space where the property is observed. As such, previous
methods result in models that are monotonic only in a small volume of the input
space. We thus propose an approach that uses mixtures of training instances and
random points to populate the space and enforce the penalty in a much larger
region. As a second set of contributions, we introduce regularization
strategies that enforce other notions of monotonicity in different settings. In
this case, we consider applications, such as image classification and
generative modeling, where monotonicity is not a hard constraint but can help
improve some aspects of the model. Namely, we show that inducing monotonicity
can be beneficial in applications such as: (1) allowing for controllable data
generation, (2) defining strategies to detect anomalous data, and (3)
generating explanations for predictions. Our proposed approaches do not
introduce relevant computational overhead while leading to efficient procedures
that provide extra benefits over baseline models."
4766,IIsy: Practical In-Network Classification,"The rat race between user-generated data and data-processing systems is
currently won by data. The increased use of machine learning leads to further
increase in processing requirements, while data volume keeps growing. To win
the race, machine learning needs to be applied to the data as it goes through
the network. In-network classification of data can reduce the load on servers,
reduce response time and increase scalability. In this paper, we introduce
IIsy, implementing machine learning classification models in a hybrid fashion
using off-the-shelf network devices. IIsy targets three main challenges of
in-network classification: (i) mapping classification models to network devices
(ii) extracting the required features and (iii) addressing resource and
functionality constraints. IIsy supports a range of traditional and ensemble
machine learning models, scaling independently of the number of stages in a
switch pipeline. Moreover, we demonstrate the use of IIsy for hybrid
classification, where a small model is implemented on a switch and a large
model at the backend, achieving near optimal classification results, while
significantly reducing latency and load on the servers."
4767,Delaytron: Efficient Learning of Multiclass Classifiers with Delayed Bandit Feedbacks,"In this paper, we present online algorithm called {\it Delaytron} for
learning multi class classifiers using delayed bandit feedbacks. The sequence
of feedback delays $\{d_t\}_{t=1}^T$ is unknown to the algorithm. At the $t$-th
round, the algorithm observes an example $\mathbf{x}_t$ and predicts a label
$\tilde{y}_t$ and receives the bandit feedback $\mathbb{I}[\tilde{y}_t=y_t]$
only $d_t$ rounds later. When $t+d_t>T$, we consider that the feedback for the
$t$-th round is missing. We show that the proposed algorithm achieves regret of
$\mathcal{O}\left(\sqrt{\frac{2
K}{\gamma}\left[\frac{T}{2}+\left(2+\frac{L^2}{R^2\Vert
\W\Vert_F^2}\right)\sum_{t=1}^Td_t\right]}\right)$ when the loss for each
missing sample is upper bounded by $L$. In the case when the loss for missing
samples is not upper bounded, the regret achieved by Delaytron is
$\mathcal{O}\left(\sqrt{\frac{2
K}{\gamma}\left[\frac{T}{2}+2\sum_{t=1}^Td_t+\vert \mathcal{M}\vert
T\right]}\right)$ where $\mathcal{M}$ is the set of missing samples in $T$
rounds. These bounds were achieved with a constant step size which requires the
knowledge of $T$ and $\sum_{t=1}^Td_t$. For the case when $T$ and
$\sum_{t=1}^Td_t$ are unknown, we use a doubling trick for online learning and
proposed Adaptive Delaytron. We show that Adaptive Delaytron achieves a regret
bound of $\mathcal{O}\left(\sqrt{T+\sum_{t=1}^Td_t}\right)$. We show the
effectiveness of our approach by experimenting on various datasets and
comparing with state-of-the-art approaches."
4768,Hyper-Learning for Gradient-Based Batch Size Adaptation,"Scheduling the batch size to increase is an effective strategy to control
gradient noise when training deep neural networks. Current approaches implement
scheduling heuristics that neglect structure within the optimization procedure,
limiting their flexibility to the training dynamics and capacity to discern the
impact of their adaptations on generalization. We introduce Arbiter as a new
hyperparameter optimization algorithm to perform batch size adaptations for
learnable scheduling heuristics using gradients from a meta-objective function,
which overcomes previous heuristic constraints by enforcing a novel learning
process called hyper-learning. With hyper-learning, Arbiter formulates a neural
network agent to generate optimal batch size samples for an inner deep network
by learning an adaptive heuristic through observing concomitant responses over
T inner descent steps. Arbiter avoids unrolled optimization, and does not
require hypernetworks to facilitate gradients, making it reasonably cheap,
simple to implement, and versatile to different tasks. We demonstrate Arbiter's
effectiveness in several illustrative experiments: to act as a stand-alone
batch size scheduler; to complement fixed batch size schedules with greater
flexibility; and to promote variance reduction during stochastic
meta-optimization of the learning rate."
4769,ROP inception: signal estimation with quadratic random sketching,"Rank-one projections (ROP) of matrices and quadratic random sketching of
signals support several data processing and machine learning methods, as well
as recent imaging applications, such as phase retrieval or optical processing
units. In this paper, we demonstrate how signal estimation can be operated
directly through such quadratic sketches--equivalent to the ROPs of the ""lifted
signal"" obtained as its outer product with itself--without explicitly
reconstructing that signal. Our analysis relies on showing that, up to a minor
debiasing trick, the ROP measurement operator satisfies a generalised sign
product embedding (SPE) property. In a nutshell, the SPE shows that the scalar
product of a signal sketch with the ""sign"" of the sketch of a given pattern
approximates the square of the projection of that signal on this pattern. This
thus amounts to an insertion (an ""inception"") of a ROP model inside a ROP
sketch. The effectiveness of our approach is evaluated in several synthetic
experiments."
4770,Attention-aware contrastive learning for predicting T cell receptor-antigen binding specificity,"It has been verified that only a small fraction of the neoantigens presented
by MHC class I molecules on the cell surface can elicit T cells. The limitation
can be attributed to the binding specificity of T cell receptor (TCR) to
peptide-MHC complex (pMHC). Computational prediction of T cell binding to
neoantigens is an challenging and unresolved task. In this paper, we propose an
attentive-mask contrastive learning model, ATMTCR, for inferring TCR-antigen
binding specificity. For each input TCR sequence, we used Transformer encoder
to transform it to latent representation, and then masked a proportion of
residues guided by attention weights to generate its contrastive view.
Pretraining on large-scale TCR CDR3 sequences, we verified that contrastive
learning significantly improved the prediction performance of TCR binding to
peptide-MHC complex (pMHC). Beyond the detection of important amino acids and
their locations in the TCR sequence, our model can also extracted high-order
semantic information underlying the TCR-antigen binding specificity. Comparison
experiments were conducted on two independent datasets, our method achieved
better performance than other existing algorithms. Moreover, we effectively
identified important amino acids and their positional preferences through
attention weights, which indicated the interpretability of our proposed model."
4771,Deep Quality Estimation: Creating Surrogate Models for Human Quality Ratings,"Human ratings are abstract representations of segmentation quality. To
approximate human quality ratings on scarce expert data, we train surrogate
quality estimation models. We evaluate on a complex multi-class segmentation
problem, specifically glioma segmentation following the BraTS annotation
protocol. The training data features quality ratings from 15 expert
neuroradiologists on a scale ranging from 1 to 6 stars for various
computer-generated and manual 3D annotations. Even though the networks operate
on 2D images and with scarce training data, we can approximate segmentation
quality within a margin of error comparable to human intra-rater reliability.
Segmentation quality prediction has broad applications. While an understanding
of segmentation quality is imperative for successful clinical translation of
automatic segmentation quality algorithms, it can play an essential role in
training new segmentation models. Due to the split-second inference times, it
can be directly applied within a loss function or as a fully-automatic dataset
curation mechanism in a federated learning setting."
4772,blob loss: instance imbalance aware loss functions for semantic segmentation,"Deep convolutional neural networks have proven to be remarkably effective in
semantic segmentation tasks. Most popular loss functions were introduced
targeting improved volumetric scores, such as the Sorensen Dice coefficient. By
design, DSC can tackle class imbalance; however, it does not recognize instance
imbalance within a class. As a result, a large foreground instance can dominate
minor instances and still produce a satisfactory Sorensen Dice coefficient.
Nevertheless, missing out on instances will lead to poor detection performance.
This represents a critical issue in applications such as disease progression
monitoring. For example, it is imperative to locate and surveil small-scale
lesions in the follow-up of multiple sclerosis patients. We propose a novel
family of loss functions, nicknamed blob loss, primarily aimed at maximizing
instance-level detection metrics, such as F1 score and sensitivity. Blob loss
is designed for semantic segmentation problems in which the instances are the
connected components within a class. We extensively evaluate a DSC-based blob
loss in five complex 3D semantic segmentation tasks featuring pronounced
instance heterogeneity in terms of texture and morphology. Compared to soft
Dice loss, we achieve 5 percent improvement for MS lesions, 3 percent
improvement for liver tumor, and an average 2 percent improvement for
Microscopy segmentation tasks considering F1 score."
4773,Is explainable AI a race against model complexity?,"Explaining the behaviour of intelligent systems will get increasingly and
perhaps intractably challenging as models grow in size and complexity. We may
not be able to expect an explanation for every prediction made by a brain-scale
model, nor can we expect explanations to remain objective or apolitical. Our
functionalist understanding of these models is of less advantage than we might
assume. Models precede explanations, and can be useful even when both model and
explanation are incorrect. Explainability may never win the race against
complexity, but this is less problematic than it seems."
4774,Dark Solitons in Bose-Einstein Condensates: A Dataset for Many-body Physics Research,"We establish a dataset of over $1.6\times10^4$ experimental images of
Bose-Einstein condensates containing solitonic excitations to enable machine
learning (ML) for many-body physics research. About 33 % of this dataset has
manually assigned and carefully curated labels. The remainder is automatically
labeled using SolDet -- an implementation of a physics-informed ML data
analysis framework -- consisting of a convolutional-neural-network-based
classifier and object detector as well as a statistically motivated
physics-informed classifier and a quality metric. This technical note
constitutes the definitive reference of the dataset, providing an opportunity
for the data science community to develop more sophisticated analysis tools, to
further understand nonlinear many-body physics, and even advance cold atom
experiments."
4775,An Application of Scenario Exploration to Find New Scenarios for the Development and Testing of Automated Driving Systems in Urban Scenarios,"Verification and validation are major challenges for developing automated
driving systems. A concept that gets more and more recognized for testing in
automated driving is scenario-based testing. However, it introduces the problem
of what scenarios are relevant for testing and which are not. This work aims to
find relevant, interesting, or critical parameter sets within logical scenarios
by utilizing Bayes optimization and Gaussian processes. The parameter
optimization is done by comparing and evaluating six different metrics in two
urban intersection scenarios. Finally, a list of ideas this work leads to and
should be investigated further is presented."
4776,Sharp asymptotics on the compression of two-layer neural networks,"In this paper, we study the compression of a target two-layer neural network
with N nodes into a compressed network with M < N nodes. More precisely, we
consider the setting in which the weights of the target network are i.i.d.
sub-Gaussian, and we minimize the population L2 loss between the outputs of the
target and of the compressed network, under the assumption of Gaussian inputs.
By using tools from high-dimensional probability, we show that this non-convex
problem can be simplified when the target network is sufficiently
over-parameterized, and provide the error rate of this approximation as a
function of the input dimension and N . For a ReLU activation function, we
conjecture that the optimum of the simplified optimization problem is achieved
by taking weights on the Equiangular Tight Frame (ETF), while the scaling of
the weights and the orientation of the ETF depend on the parameters of the
target network. Numerical evidence is provided to support this conjecture."
4777,User Localization using RF Sensing: A Performance comparison between LIS and mmWave Radars,"Since electromagnetic signals are omnipresent, Radio Frequency (RF)-sensing
has the potential to become a universal sensing mechanism with applications in
localization, smart-home, retail, gesture recognition, intrusion detection,
etc. Two emerging technologies in RF-sensing, namely sensing through Large
Intelligent Surfaces (LISs) and mmWave Frequency-Modulated Continuous-Wave
(FMCW) radars, have been successfully applied to a wide range of applications.
In this work, we compare LIS and mmWave radars for localization in real-world
and simulated environments. In our experiments, the mmWave radar achieves 0.71
Intersection Over Union (IOU) and 3cm error for bounding boxes, while LIS has
0.56 IOU and 10cm distance error. Although the radar outperforms the LIS in
terms of accuracy, LIS features additional applications in communication in
addition to sensing scenarios."
4778,Moral reinforcement learning using actual causation,"Reinforcement learning systems will to a greater and greater extent make
decisions that significantly impact the well-being of humans, and it is
therefore essential that these systems make decisions that conform to our
expectations of morally good behavior. The morally good is often defined in
causal terms, as in whether one's actions have in fact caused a particular
outcome, and whether the outcome could have been anticipated. We propose an
online reinforcement learning method that learns a policy under the constraint
that the agent should not be the cause of harm. This is accomplished by
defining cause using the theory of actual causation and assigning blame to the
agent when its actions are the actual cause of an undesirable outcome. We
conduct experiments on a toy ethical dilemma in which a natural choice of
reward function leads to clearly undesirable behavior, but our method learns a
policy that avoids being the cause of harmful behavior, demonstrating the
soundness of our approach. Allowing an agent to learn while observing causal
moral distinctions such as blame, opens the possibility to learning policies
that better conform to our moral judgments."
4779,Automatic Acquisition of a Repertoire of Diverse Grasping Trajectories through Behavior Shaping and Novelty Search,"Grasping a particular object may require a dedicated grasping movement that
may also be specific to the robot end-effector. No generic and autonomous
method does exist to generate these movements without making hypotheses on the
robot or on the object. Learning methods could help to autonomously discover
relevant grasping movements, but they face an important issue: grasping
movements are so rare that a learning method based on exploration has little
chance to ever observe an interesting movement, thus creating a bootstrap
issue. We introduce an approach to generate diverse grasping movements in order
to solve this problem. The movements are generated in simulation, for
particular object positions. We test it on several simulated robots: Baxter,
Pepper and a Kuka Iiwa arm. Although we show that generated movements actually
work on a real Baxter robot, the aim is to use this method to create a large
dataset to bootstrap deep learning methods."
4780,"Deep neural networks with dependent weights: Gaussian Process mixture limit, heavy tails, sparsity and compressibility","This article studies the infinite-width limit of deep feedforward neural
networks whose weights are dependent, and modelled via a mixture of Gaussian
distributions. Each hidden node of the network is assigned a nonnegative random
variable that controls the variance of the outgoing weights of that node. We
make minimal assumptions on these per-node random variables: they are iid and
their sum, in each layer, converges to some finite random variable in the
infinite-width limit. Under this model, we show that each layer of the
infinite-width neural network can be characterised by two simple quantities: a
non-negative scalar parameter and a L\'evy measure on the positive reals. If
the scalar parameters are strictly positive and the L\'evy measures are trivial
at all hidden layers, then one recovers the classical Gaussian process (GP)
limit, obtained with iid Gaussian weights. More interestingly, if the L\'evy
measure of at least one layer is non-trivial, we obtain a mixture of Gaussian
processes (MoGP) in the large-width limit. The behaviour of the neural network
in this regime is very different from the GP regime. One obtains correlated
outputs, with non-Gaussian distributions, possibly with heavy tails.
Additionally, we show that, in this regime, the weights are compressible, and
feature learning is possible. Many sparsity-promoting neural network models can
be recast as special cases of our approach, and we discuss their infinite-width
limits; we also present an asymptotic analysis of the pruning error. We
illustrate some of the benefits of the MoGP regime over the GP regime in terms
of representation learning and compressibility on simulated, MNIST and Fashion
MNIST datasets."
4781,SKILL: Structured Knowledge Infusion for Large Language Models,"Large language models (LLMs) have demonstrated human-level performance on a
vast spectrum of natural language tasks. However, it is largely unexplored
whether they can better internalize knowledge from a structured data, such as a
knowledge graph, or from text. In this work, we propose a method to infuse
structured knowledge into LLMs, by directly training T5 models on factual
triples of knowledge graphs (KGs). We show that models pre-trained on Wikidata
KG with our method outperform the T5 baselines on FreebaseQA and WikiHop, as
well as the Wikidata-answerable subset of TriviaQA and NaturalQuestions. The
models pre-trained on factual triples compare competitively with the ones on
natural language sentences that contain the same knowledge. Trained on a
smaller size KG, WikiMovies, we saw 3x improvement of exact match score on
MetaQA task compared to T5 baseline. The proposed method has an advantage that
no alignment between the knowledge graph and text corpus is required in
curating training data. This makes our method particularly useful when working
with industry-scale knowledge graphs."
4782,SAMU-XLSR: Semantically-Aligned Multimodal Utterance-level Cross-Lingual Speech Representation,"We propose the SAMU-XLSR: Semantically-Aligned Multimodal Utterance-level
Cross-Lingual Speech Representation learning framework. Unlike previous works
on speech representation learning, which learns multilingual contextual speech
embedding at the resolution of an acoustic frame (10-20ms), this work focuses
on learning multimodal (speech-text) multilingual speech embedding at the
resolution of a sentence (5-10s) such that the embedding vector space is
semantically aligned across different languages. We combine state-of-the-art
multilingual acoustic frame-level speech representation learning model XLS-R
with the Language Agnostic BERT Sentence Embedding (LaBSE) model to create an
utterance-level multimodal multilingual speech encoder SAMU-XLSR. Although we
train SAMU-XLSR with only multilingual transcribed speech data, cross-lingual
speech-text and speech-speech associations emerge in its learned representation
space. To substantiate our claims, we use SAMU-XLSR speech encoder in
combination with a pre-trained LaBSE text sentence encoder for cross-lingual
speech-to-text translation retrieval, and SAMU-XLSR alone for cross-lingual
speech-to-speech translation retrieval. We highlight these applications by
performing several cross-lingual text and speech translation retrieval tasks
across several datasets."
4783,Active learning of causal probability trees,"The past two decades have seen a growing interest in combining causal
information, commonly represented using causal graphs, with machine learning
models. Probability trees provide a simple yet powerful alternative
representation of causal information. They enable both computation of
intervention and counterfactuals, and are strictly more general, since they
allow context-dependent causal dependencies. Here we present a Bayesian method
for learning probability trees from a combination of interventional and
observational data. The method quantifies the expected information gain from an
intervention, and selects the interventions with the largest gain. We
demonstrate the efficiency of the method on simulated and real data. An
effective method for learning probability trees on a limited interventional
budget will greatly expand their applicability."
4784,On the Convergence of Policy in Unregularized Policy Mirror Descent,"In this short note, we give the convergence analysis of the policy in the
recent famous policy mirror descent (PMD). We mainly consider the unregularized
setting following [11] with generalized Bregman divergence. The difference is
that we directly give the convergence rates of policy under generalized Bregman
divergence. Our results are inspired by the convergence of value function in
previous works and are an extension study of policy mirror descent. Though some
results have already appeared in previous work, we further discover a large
body of Bregman divergences could give finite-step convergence to an optimal
policy, such as the classical Euclidean distance."
4785,CellTypeGraph: A New Geometric Computer Vision Benchmark,"Classifying all cells in an organ is a relevant and difficult problem from
plant developmental biology. We here abstract the problem into a new benchmark
for node classification in a geo-referenced graph. Solving it requires learning
the spatial layout of the organ including symmetries. To allow the convenient
testing of new geometrical learning methods, the benchmark of Arabidopsis
thaliana ovules is made available as a PyTorch data loader, along with a large
number of precomputed features. Finally, we benchmark eight recent graph neural
network architectures, finding that DeeperGCN currently works best on this
problem."
4786,Uncertainty-based Network for Few-shot Image Classification,"The transductive inference is an effective technique in the few-shot learning
task, where query sets update prototypes to improve themselves. However, these
methods optimize the model by considering only the classification scores of the
query instances as confidence while ignoring the uncertainty of these
classification scores. In this paper, we propose a novel method called
Uncertainty-Based Network, which models the uncertainty of classification
results with the help of mutual information. Specifically, we first data
augment and classify the query instance and calculate the mutual information of
these classification scores. Then, mutual information is used as uncertainty to
assign weights to classification scores, and the iterative update strategy
based on classification scores and uncertainties assigns the optimal weights to
query instances in prototype optimization. Extensive results on four benchmarks
show that Uncertainty-Based Network achieves comparable performance in
classification accuracy compared to state-of-the-art method."
4787,Multilayer Perceptron Based Stress Evolution Analysis under DC Current Stressing for Multi-segment Wires,"Electromigration (EM) is one of the major concerns in the reliability
analysis of very large scale integration (VLSI) systems due to the continuous
technology scaling. Accurately predicting the time-to-failure of integrated
circuits (IC) becomes increasingly important for modern IC design. However,
traditional methods are often not sufficiently accurate, leading to undesirable
over-design especially in advanced technology nodes. In this paper, we propose
an approach using multilayer perceptrons (MLP) to compute stress evolution in
the interconnect trees during the void nucleation phase. The availability of a
customized trial function for neural network training holds the promise of
finding dynamic mesh-free stress evolution on complex interconnect trees under
time-varying temperatures. Specifically, we formulate a new objective function
considering the EM-induced coupled partial differential equations (PDEs),
boundary conditions (BCs), and initial conditions to enforce the physics-based
constraints in the spatial-temporal domain. The proposed model avoids meshing
and reduces temporal iterations compared with conventional numerical approaches
like FEM. Numerical results confirm its advantages on accuracy and
computational performance."
4788,Federated learning for violence incident prediction in a simulated cross-institutional psychiatric setting,"Inpatient violence is a common and severe problem within psychiatry. Knowing
who might become violent can influence staffing levels and mitigate severity.
Predictive machine learning models can assess each patient's likelihood of
becoming violent based on clinical notes. Yet, while machine learning models
benefit from having more data, data availability is limited as hospitals
typically do not share their data for privacy preservation. Federated Learning
(FL) can overcome the problem of data limitation by training models in a
decentralised manner, without disclosing data between collaborators. However,
although several FL approaches exist, none of these train Natural Language
Processing models on clinical notes. In this work, we investigate the
application of Federated Learning to clinical Natural Language Processing,
applied to the task of Violence Risk Assessment by simulating a
cross-institutional psychiatric setting. We train and compare four models: two
local models, a federated model and a data-centralised model. Our results
indicate that the federated model outperforms the local models and has similar
performance as the data-centralised model. These findings suggest that
Federated Learning can be used successfully in a cross-institutional setting
and is a step towards new applications of Federated Learning based on clinical
notes"
4789,Brachial Plexus Nerve Trunk Segmentation Using Deep Learning: A Comparative Study with Doctors' Manual Segmentation,"Ultrasound-guided nerve block anesthesia (UGNB) is a high-tech visual nerve
block anesthesia method that can observe the target nerve and its surrounding
structures, the puncture needle's advancement, and local anesthetics spread in
real-time. The key in UGNB is nerve identification. With the help of deep
learning methods, the automatic identification or segmentation of nerves can be
realized, assisting doctors in completing nerve block anesthesia accurately and
efficiently. Here, we establish a public dataset containing 320 ultrasound
images of brachial plexus (BP). Three experienced doctors jointly produce the
BP segmentation ground truth and label brachial plexus trunks. We design a
brachial plexus segmentation system (BPSegSys) based on deep learning. BPSegSys
achieves experienced-doctor-level nerve identification performance in various
experiments. We evaluate BPSegSys' performance in terms of
intersection-over-union (IoU), a commonly used performance measure for
segmentation experiments. Considering three dataset groups in our established
public dataset, the IoU of BPSegSys are 0.5238, 0.4715, and 0.5029,
respectively, which exceed the IoU 0.5205, 0.4704, and 0.4979 of experienced
doctors. In addition, we show that BPSegSys can help doctors identify brachial
plexus trunks more accurately, with IoU improvement up to 27%, which has
significant clinical application value."
4790,Latent Variable Method Demonstrator -- Software for Understanding Multivariate Data Analytics Algorithms,"The ever-increasing quantity of multivariate process data is driving a need
for skilled engineers to analyze, interpret, and build models from such data.
Multivariate data analytics relies heavily on linear algebra, optimization, and
statistics and can be challenging for students to understand given that most
curricula do not have strong coverage in the latter three topics. This article
describes interactive software -- the Latent Variable Demonstrator (LAVADE) --
for teaching, learning, and understanding latent variable methods. In this
software, users can interactively compare latent variable methods such as
Partial Least Squares (PLS), and Principal Component Regression (PCR) with
other regression methods such as Least Absolute Shrinkage and Selection
Operator (lasso), Ridge Regression (RR), and Elastic Net (EN). LAVADE helps to
build intuition on choosing appropriate methods, hyperparameter tuning, and
model coefficient interpretation, fostering a conceptual understanding of the
algorithms' differences. The software contains a data generation method and
three chemical process datasets, allowing for comparing results of datasets
with different levels of complexity. LAVADE is released as open-source software
so that others can apply and advance the tool for use in teaching or research."
4791,Planning to Practice: Efficient Online Fine-Tuning by Composing Goals in Latent Space,"General-purpose robots require diverse repertoires of behaviors to complete
challenging tasks in real-world unstructured environments. To address this
issue, goal-conditioned reinforcement learning aims to acquire policies that
can reach configurable goals for a wide range of tasks on command. However,
such goal-conditioned policies are notoriously difficult and time-consuming to
train from scratch. In this paper, we propose Planning to Practice (PTP), a
method that makes it practical to train goal-conditioned policies for
long-horizon tasks that require multiple distinct types of interactions to
solve. Our approach is based on two key ideas. First, we decompose the
goal-reaching problem hierarchically, with a high-level planner that sets
intermediate subgoals using conditional subgoal generators in the latent space
for a low-level model-free policy. Second, we propose a hybrid approach which
first pre-trains both the conditional subgoal generator and the policy on
previously collected data through offline reinforcement learning, and then
fine-tunes the policy via online exploration. This fine-tuning process is
itself facilitated by the planned subgoals, which breaks down the original
target task into short-horizon goal-reaching tasks that are significantly
easier to learn. We conduct experiments in both the simulation and real world,
in which the policy is pre-trained on demonstrations of short primitive
behaviors and fine-tuned for temporally extended tasks that are unseen in the
offline data. Our experimental results show that PTP can generate feasible
sequences of subgoals that enable the policy to efficiently solve the target
tasks."
4792,ShiftAddNAS: Hardware-Inspired Search for More Accurate and Efficient Neural Networks,"Neural networks (NNs) with intensive multiplications (e.g., convolutions and
transformers) are capable yet power hungry, impeding their more extensive
deployment into resource-constrained devices. As such, multiplication-free
networks, which follow a common practice in energy-efficient hardware
implementation to parameterize NNs with more efficient operators (e.g., bitwise
shifts and additions), have gained growing attention. However,
multiplication-free networks usually under-perform their vanilla counterparts
in terms of the achieved accuracy. To this end, this work advocates hybrid NNs
that consist of both powerful yet costly multiplications and efficient yet less
powerful operators for marrying the best of both worlds, and proposes
ShiftAddNAS, which can automatically search for more accurate and more
efficient NNs. Our ShiftAddNAS highlights two enablers. Specifically, it
integrates (1) the first hybrid search space that incorporates both
multiplication-based and multiplication-free operators for facilitating the
development of both accurate and efficient hybrid NNs; and (2) a novel weight
sharing strategy that enables effective weight sharing among different
operators that follow heterogeneous distributions (e.g., Gaussian for
convolutions vs. Laplacian for add operators) and simultaneously leads to a
largely reduced supernet size and much better searched networks. Extensive
experiments and ablation studies on various models, datasets, and tasks
consistently validate the efficacy of ShiftAddNAS, e.g., achieving up to a
+7.7% higher accuracy or a +4.9 better BLEU score compared to state-of-the-art
NN, while leading to up to 93% or 69% energy and latency savings, respectively.
Codes and pretrained models are available at
https://github.com/RICE-EIC/ShiftAddNAS."
4793,Fast and Provably Convergent Algorithms for Gromov-Wasserstein in Graph Learning,"In this paper, we study the design and analysis of a class of efficient
algorithms for computing the Gromov-Wasserstein (GW) distance tailored to
large-scale graph learning tasks. Armed with the Luo-Tseng error bound
condition~\cite{luo1992error}, two proposed algorithms, called Bregman
Alternating Projected Gradient (BAPG) and hybrid Bregman Proximal Gradient
(hBPG) are proven to be (linearly) convergent. Upon task-specific properties,
our analysis further provides novel theoretical insights to guide how to select
the best fit method. As a result, we are able to provide comprehensive
experiments to validate the effectiveness of our methods on a host of tasks,
including graph alignment, graph partition, and shape matching. In terms of
both wall-clock time and modeling performance, the proposed methods achieve
state-of-the-art results."
4794,Forecasting Solar Power Generation on the basis of Predictive and Corrective Maintenance Activities,"Solar energy forecasting has seen tremendous growth in the last decade using
historical time series collected from a weather station, such as weather
variables wind speed and direction, solar radiance, and temperature. It helps
in the overall management of solar power plants. However, the solar power plant
regularly requires preventive and corrective maintenance activities that
further impact energy production. This paper presents a novel work for
forecasting solar power energy production based on maintenance activities,
problems observed at a power plant, and weather data. The results accomplished
on the datasets obtained from the 1MW solar power plant of PDEU (our
university) that has generated data set with 13 columns as daily entries from
2012 to 2020. There are 12 structured columns and one unstructured column with
manual text entries about different maintenance activities, problems observed,
and weather conditions daily. The unstructured column is used to create a new
feature column vector using Hash Map, flag words, and stop words. The final
dataset comprises five important feature vector columns based on correlation
and causality analysis."
4795,Computerized Tomography Pulmonary Angiography Image Simulation using Cycle Generative Adversarial Network from Chest CT imaging in Pulmonary Embolism Patients,"The purpose of this research is to develop a system that generates simulated
computed tomography pulmonary angiography (CTPA) images clinically for
pulmonary embolism diagnoses. Nowadays, CTPA images are the gold standard
computerized detection method to determine and identify the symptoms of
pulmonary embolism (PE), although performing CTPA is harmful for patients and
also expensive. Therefore, we aim to detect possible PE patients through CT
images. The system will simulate CTPA images with deep learning models for the
identification of PE patients' symptoms, providing physicians with another
reference for determining PE patients. In this study, the simulated CTPA image
generation system uses a generative antagonistic network to enhance the
features of pulmonary vessels in the CT images to strengthen the reference
value of the images and provide a basis for hospitals to judge PE patients. We
used the CT images of 22 patients from National Cheng Kung University Hospital
and the corresponding CTPA images as the training data for the task of
simulating CTPA images and generated them using two sets of generative
countermeasure networks. This study is expected to propose a new approach to
the clinical diagnosis of pulmonary embolism, in which a deep learning network
is used to assist in the complex screening process and to review the generated
simulated CTPA images, allowing physicians to assess whether a patient needs to
undergo detailed testing for CTPA, improving the speed of detection of
pulmonary embolism and significantly reducing the number of undetected
patients."
4796,Predicting failure characteristics of structural materials via deep learning based on nondestructive void topology,"Accurate predictions of the failure progression of structural materials is
critical for preventing failure-induced accidents. Despite considerable
mechanics modeling-based efforts, accurate prediction remains a challenging
task in real-world environments due to unexpected damage factors and defect
evolutions. Here, we report a novel method for predicting material failure
characteristics that uniquely combines nondestructive X-ray computed tomography
(X-CT), persistent homology (PH), and deep multimodal learning (DML). The
combined method exploits the microstructural defect state at the time of
material examination as an input, and outputs the failure-related properties.
Our method is demonstrated to be effective using two types of fracture datasets
(tensile and fatigue datasets) with ferritic low alloy steel as a
representative structural material. The method achieves a mean absolute error
(MAE) of 0.09 in predicting the local strain with the tensile dataset and an
MAE of 0.14 in predicting the fracture progress with the fatigue dataset. These
high accuracies are mainly due to PH processing of the X-CT images, which
transforms complex and noisy three-dimensional X-CT images into compact
two-dimensional persistence diagrams that preserve key topological features
such as the internal void size, density, and distribution. The combined PH and
DML processing of 3D X-CT data is our unique approach enabling reliable failure
predictions at the time of material examination based on void topology
progressions, and the method can be extended to various nondestructive failure
tests for practical use."
4797,"Dimensionality Reduced Training by Pruning and Freezing Parts of a Deep Neural Network, a Survey","State-of-the-art deep learning models have a parameter count that reaches
into the billions. Training, storing and transferring such models is energy and
time consuming, thus costly. A big part of these costs is caused by training
the network. Model compression lowers storage and transfer costs, and can
further make training more efficient by decreasing the number of computations
in the forward and/or backward pass. Thus, compressing networks also at
training time while maintaining a high performance is an important research
topic. This work is a survey on methods which reduce the number of trained
weights in deep learning models throughout the training. Most of the introduced
methods set network parameters to zero which is called pruning. The presented
pruning approaches are categorized into pruning at initialization, lottery
tickets and dynamic sparse training. Moreover, we discuss methods that freeze
parts of a network at its random initialization. By freezing weights, the
number of trainable parameters is shrunken which reduces gradient computations
and the dimensionality of the model's optimization space. In this survey we
first propose dimensionality reduced training as an underlying mathematical
model that covers pruning and freezing during training. Afterwards, we present
and discuss different dimensionality reduced training methods."
4798,Can We Do Better Than Random Start? The Power of Data Outsourcing,"Many organizations have access to abundant data but lack the computational
power to process the data. While they can outsource the computational task to
other facilities, there are various constraints on the amount of data that can
be shared. It is natural to ask what can data outsourcing accomplish under such
constraints. We address this question from a machine learning perspective. When
training a model with optimization algorithms, the quality of the results often
relies heavily on the points where the algorithms are initialized. Random start
is one of the most popular methods to tackle this issue, but it can be
computationally expensive and not feasible for organizations lacking computing
resources. Based on three different scenarios, we propose simulation-based
algorithms that can utilize a small amount of outsourced data to find good
initial points accordingly. Under suitable regularity conditions, we provide
theoretical guarantees showing the algorithms can find good initial points with
high probability. We also conduct numerical experiments to demonstrate that our
algorithms perform significantly better than the random start approach."
4799,Can Bad Teaching Induce Forgetting? Unlearning in Deep Networks using an Incompetent Teacher,"Machine unlearning has become an important field of research due to an
increasing focus on addressing the evolving data privacy rules and regulations
into the machine learning (ML) applications. It facilitates the request for
removal of certain set or class of data from the already trained ML model
without retraining from scratch. Recently, several efforts have been made to
perform unlearning in an effective and efficient manner. We propose a novel
machine unlearning method by exploring the utility of competent and incompetent
teachers in a student-teacher framework to induce forgetfulness. The knowledge
from the competent and incompetent teachers is selectively transferred to the
student to obtain a model that doesn't contain any information about the forget
data. We experimentally show that this method is well generalized, fast, and
effective. Furthermore, we introduce a zero retrain forgetting (ZRF) metric to
evaluate the unlearning method. Unlike the existing unlearning metrics, the ZRF
score does not depend on the availability of the expensive retrained model.
This makes it useful for analysis of the unlearned model after deployment as
well. The experiments are conducted for random subset forgetting and class
forgetting on various deep networks and across different application domains. A
use case of forgetting information about the patients' medical records is also
presented."
4800,Unraveling Attention via Convex Duality: Analysis and Interpretations of Vision Transformers,"Vision transformers using self-attention or its proposed alternatives have
demonstrated promising results in many image related tasks. However, the
underpinning inductive bias of attention is not well understood. To address
this issue, this paper analyzes attention through the lens of convex duality.
For the non-linear dot-product self-attention, and alternative mechanisms such
as MLP-mixer and Fourier Neural Operator (FNO), we derive equivalent
finite-dimensional convex problems that are interpretable and solvable to
global optimality. The convex programs lead to {\it block nuclear-norm
regularization} that promotes low rank in the latent feature and token
dimensions. In particular, we show how self-attention networks implicitly
clusters the tokens, based on their latent similarity. We conduct experiments
for transferring a pre-trained transformer backbone for CIFAR-100
classification by fine-tuning a variety of convex attention heads. The results
indicate the merits of the bias induced by attention compared with the existing
MLP or linear heads."
4801,A Silicon Photonic Accelerator for Convolutional Neural Networks with Heterogeneous Quantization,"Parameter quantization in convolutional neural networks (CNNs) can help
generate efficient models with lower memory footprint and computational
complexity. But, homogeneous quantization can result in significant degradation
of CNN model accuracy. In contrast, heterogeneous quantization represents a
promising approach to realize compact, quantized models with higher inference
accuracies. In this paper, we propose HQNNA, a CNN accelerator based on
non-coherent silicon photonics that can accelerate both homogeneously quantized
and heterogeneously quantized CNN models. Our analyses show that HQNNA achieves
up to 73.8x better energy-per-bit and 159.5x better throughput-energy
efficiency than state-of-the-art photonic CNN accelerators."
4802,A Survey on Machine Learning for Geo-Distributed Cloud Data Center Management,"Cloud workloads today are typically managed in a distributed environment and
processed across geographically distributed data centers. Cloud service
providers have been distributing data centers globally to reduce operating
costs while also improving quality of service by using intelligent workload and
resource management strategies. Such large scale and complex orchestration of
software workload and hardware resources remains a difficult problem to solve
efficiently. Researchers and practitioners have been trying to address this
problem by proposing a variety of cloud management techniques. Mathematical
optimization techniques have historically been used to address cloud management
issues. But these techniques are difficult to scale to geo-distributed problem
sizes and have limited applicability in dynamic heterogeneous system
environments, forcing cloud service providers to explore intelligent
data-driven and Machine Learning (ML) based alternatives. The characterization,
prediction, control, and optimization of complex, heterogeneous, and
ever-changing distributed cloud resources and workloads employing ML
methodologies have received much attention in recent years. In this article, we
review the state-of-the-art ML techniques for the cloud data center management
problem. We examine the challenges and the issues in current research focused
on ML for cloud management and explore strategies for addressing these issues.
We also discuss advantages and disadvantages of ML techniques presented in the
recent literature and make recommendations for future research directions."
4803,Multi-Head Attention Neural Network for Smartphone Invariant Indoor Localization,"Smartphones together with RSSI fingerprinting serve as an efficient approach
for delivering a low-cost and high-accuracy indoor localization solution.
However, a few critical challenges have prevented the wide-spread proliferation
of this technology in the public domain. One such critical challenge is device
heterogeneity, i.e., the variation in the RSSI signal characteristics captured
across different smartphone devices. In the real-world, the smartphones or IoT
devices used to capture RSSI fingerprints typically vary across users of an
indoor localization service. Conventional indoor localization solutions may not
be able to cope with device-induced variations which can degrade their
localization accuracy. We propose a multi-head attention neural network-based
indoor localization framework that is resilient to device heterogeneity. An
in-depth analysis of our proposed framework across a variety of indoor
environments demonstrates up to 35% accuracy improvement compared to
state-of-the-art indoor localization techniques."
4804,A Framework for CSI-Based Indoor Localization with 1D Convolutional Neural Networks,"Modern indoor localization techniques are essential to overcome the weak GPS
coverage in indoor environments. Recently, considerable progress has been made
in Channel State Information (CSI) based indoor localization with signal
fingerprints. However, CSI signal patterns can be complicated in the large and
highly dynamic indoor spaces with complex interiors, thus a solution for
solving this issue is urgently needed to expand the applications of CSI to a
broader indoor space. In this paper, we propose an end-to-end solution
including data collection, pattern clustering, denoising, calibration and a
lightweight one-dimensional convolutional neural network (1D CNN) model with
CSI fingerprinting to tackle this problem. We have also created and plan to
open source a CSI dataset with a large amount of data collected across complex
indoor environments at Colorado State University. Experiments indicate that our
approach achieves up to 68.5% improved performance (mean distance error) with
minimal number of parameters, compared to the best-known deep machine learning
and CSI-based indoor localization works."
4805,Robust Perception Architecture Design for Automotive Cyber-Physical Systems,"In emerging automotive cyber-physical systems (CPS), accurate environmental
perception is critical to achieving safety and performance goals. Enabling
robust perception for vehicles requires solving multiple complex problems
related to sensor selection/ placement, object detection, and sensor fusion.
Current methods address these problems in isolation, which leads to inefficient
solutions. We present PASTA, a novel framework for global co-optimization of
deep learning and sensing for dependable vehicle perception. Experimental
results with the Audi-TT and BMW-Minicooper vehicles show how PASTA can find
robust, vehicle-specific perception architecture solutions."
4806,"""What makes a question inquisitive?"" A Study on Type-Controlled Inquisitive Question Generation","We propose a type-controlled framework for inquisitive question generation.
We annotate an inquisitive question dataset with question types, train question
type classifiers, and finetune models for type-controlled question generation.
Empirical results demonstrate that we can generate a variety of questions that
adhere to specific types while drawing from the source texts. We also
investigate strategies for selecting a single question from a generated set,
considering both an informative vs.~inquisitive question classifier and a
pairwise ranker trained from a small set of expert annotations. Question
selection using the pairwise ranker yields strong results in automatic and
manual evaluation. Our human evaluation assesses multiple aspects of the
generated questions, finding that the ranker chooses questions with the best
syntax (4.59), semantics (4.37), and inquisitiveness (3.92) on a scale of 1-5,
even rivaling the performance of human-written questions."
4807,HelixADMET: a robust and endpoint extensible ADMET system incorporating self-supervised knowledge transfer,"Accurate ADMET (an abbreviation for ""absorption, distribution, metabolism,
excretion, and toxicity"") predictions can efficiently screen out undesirable
drug candidates in the early stage of drug discovery. In recent years, multiple
comprehensive ADMET systems that adopt advanced machine learning models have
been developed, providing services to estimate multiple endpoints. However,
those ADMET systems usually suffer from weak extrapolation ability. First, due
to the lack of labelled data for each endpoint, typical machine learning models
perform frail for the molecules with unobserved scaffolds. Second, most systems
only provide fixed built-in endpoints and cannot be customised to satisfy
various research requirements. To this end, we develop a robust and endpoint
extensible ADMET system, HelixADMET (H-ADMET). H-ADMET incorporates the concept
of self-supervised learning to produce a robust pre-trained model. The model is
then fine-tuned with a multi-task and multi-stage framework to transfer
knowledge between ADMET endpoints, auxiliary tasks, and self-supervised tasks.
Our results demonstrate that H-ADMET achieves an overall improvement of 4%,
compared with existing ADMET systems on comparable endpoints. Additionally, the
pre-trained model provided by H-ADMET can be fine-tuned to generate new and
customised ADMET endpoints, meeting various demands of drug research and
development requirements."
4808,POViT: Vision Transformer for Multi-objective Design and Characterization of Nanophotonic Devices,"We solve a fundamental challenge in semiconductor IC design: the fast and
accurate characterization of nanoscale photonic devices. Much like the fusion
between AI and EDA, many efforts have been made to apply DNNs such as
convolutional neural networks (CNN) to prototype and characterize next-gen
optoelectronic devices commonly found in photonic integrated circuits (PIC) and
LiDAR. These prior works generally strive to predict the quality factor (Q) and
modal volume (V) of for instance, photonic crystals, with ultra-high accuracy
and speed. However, state-of-the-art models are still far from being directly
applicable in the real-world: e.g. the correlation coefficient of V
($V_{coeff}$ ) is only about 80%, which is much lower than what it takes to
generate reliable and reproducible nanophotonic designs. Recently,
attention-based transformer models have attracted extensive interests and been
widely used in CV and NLP. In this work, we propose the first-ever Transformer
model (POViT) to efficiently design and simulate semiconductor photonic devices
with multiple objectives. Unlike the standard Vision Transformer (ViT), we
supplied photonic crystals as data input and changed the activation layer from
GELU to an absolute-value function (ABS). Our experiments show that POViT
exceeds results reported by previous models significantly. The correlation
coefficient $V_{coeff}$ increases by over 12% (i.e., to 92.0%) and the
prediction errors of Q is reduced by an order of magnitude, among several other
key metric improvements. Our work has the potential to drive the expansion of
EDA to fully automated photonic design. The complete dataset and code will be
released to aid researchers endeavoring in the interdisciplinary field of
physics and computer science."
4809,Perfect Spectral Clustering with Discrete Covariates,"Among community detection methods, spectral clustering enjoys two desirable
properties: computational efficiency and theoretical guarantees of consistency.
Most studies of spectral clustering consider only the edges of a network as
input to the algorithm. Here we consider the problem of performing community
detection in the presence of discrete node covariates, where network structure
is determined by a combination of a latent block model structure and homophily
on the observed covariates. We propose a spectral algorithm that we prove
achieves perfect clustering with high probability on a class of large, sparse
networks with discrete covariates, effectively separating latent network
structure from homophily on observed covariates. To our knowledge, our method
is the first to offer a guarantee of consistent latent structure recovery using
spectral clustering in the setting where edge formation is dependent on both
latent and observed factors."
4810,Shape complexity in cluster analysis,"In cluster analysis, a common first step is to scale the data aiming to
better partition them into clusters. Even though many different techniques have
throughout many years been introduced to this end, it is probably fair to say
that the workhorse in this preprocessing phase has been to divide the data by
the standard deviation along each dimension. Like division by the standard
deviation, the great majority of scaling techniques can be said to have roots
in some sort of statistical take on the data. Here we explore the use of
multidimensional shapes of data, aiming to obtain scaling factors for use prior
to clustering by some method, like k-means, that makes explicit use of
distances between samples. We borrow from the field of cosmology and related
areas the recently introduced notion of shape complexity, which in the variant
we use is a relatively simple, data-dependent nonlinear function that we show
can be used to help with the determination of appropriate scaling factors.
Focusing on what might be called ""midrange"" distances, we formulate a
constrained nonlinear programming problem and use it to produce candidate
scaling-factor sets that can be sifted on the basis of further considerations
of the data, say via expert knowledge. We give results on some iconic data
sets, highlighting the strengths and potential weaknesses of the new approach.
These results are generally positive across all the data sets used."
4811,Explainable and Optimally Configured Artificial Neural Networks for Attack Detection in Smart Homes,"In recent years cybersecurity has become a major concern in adaptation of
smart applications. Specially, in smart homes where a large number of IoT
devices are used having a secure and trusted mechanisms can provide peace of
mind for users. Accurate detection of cyber attacks is crucial, however precise
identification of the type of attacks plays a huge role if devising the
countermeasure for protecting the system. Artificial Neural Networks (ANN) have
provided promising results for detecting any security attacks for smart
applications. However, due to complex nature of the model used for this
technique it is not easy for normal users to trust ANN based security
solutions. Also, selection of right hyperparameters for ANN architecture plays
a crucial role in the accurate detection of security attacks, especially when
it come to identifying the subcategories of attacks. In this paper, we propose
a model that considers both the issues of explainability of ANN model and the
hyperparameter selection for this approach to be easily trusted and adapted by
users of smart home applications. Also, our approach considers a subset of the
dataset for optimal selection of hyperparamters to reduce the overhead of the
process of ANN architecture design. Distinctively this paper focuses on
configuration, performance and evaluation of ANN architecture for
identification of five categorical attacks and nine subcategorical attacks.
Using a very recent IoT dataset our approach showed high performance for
intrusion detection with 99.9%, 99.7%, and 97.7% accuracy for Binary, Category,
and Subcategory level classification of attacks."
4812,DeepSim: A Reinforcement Learning Environment Build Toolkit for ROS and Gazebo,"We propose DeepSim, a reinforcement learning environment build toolkit for
ROS and Gazebo. It allows machine learning or reinforcement learning
researchers to access the robotics domain and create complex and challenging
custom tasks in ROS and Gazebo simulation environments. This toolkit provides
building blocks of advanced features such as collision detection, behaviour
control, domain randomization, spawner, and many more. DeepSim is designed to
reduce the boundary between robotics and machine learning communities by
providing Python interface. In this paper, we discuss the components and design
decisions of DeepSim Toolkit."
4813,Using Embeddings for Causal Estimation of Peer Influence in Social Networks,"We address the problem of using observational data to estimate peer contagion
effects, the influence of treatments applied to individuals in a network on the
outcomes of their neighbors. A main challenge to such estimation is that
homophily - the tendency of connected units to share similar latent traits -
acts as an unobserved confounder for contagion effects. Informally, it's hard
to tell whether your friends have similar outcomes because they were influenced
by your treatment, or whether it's due to some common trait that caused you to
be friends in the first place. Because these common causes are not usually
directly observed, they cannot be simply adjusted for. We describe an approach
to perform the required adjustment using node embeddings learned from the
network itself. The main aim is to perform this adjustment nonparametrically,
without functional form assumptions on either the process that generated the
network or the treatment assignment and outcome processes. The key
contributions are to nonparametrically formalize the causal effect in a way
that accounts for homophily, and to show how embedding methods can be used to
identify and estimate this effect. Code is available at
https://github.com/IrinaCristali/Peer-Contagion-on-Networks."
4814,On Algebraic Constructions of Neural Networks with Small Weights,"Neural gates compute functions based on weighted sums of the input variables.
The expressive power of neural gates (number of distinct functions it can
compute) depends on the weight sizes and, in general, large weights
(exponential in the number of inputs) are required. Studying the trade-offs
among the weight sizes, circuit size and depth is a well-studied topic both in
circuit complexity theory and the practice of neural computation. We propose a
new approach for studying these complexity trade-offs by considering a related
algebraic framework. Specifically, given a single linear equation with
arbitrary coefficients, we would like to express it using a system of linear
equations with smaller (even constant) coefficients. The techniques we
developed are based on Siegel's Lemma for the bounds, anti-concentration
inequalities for the existential results and extensions of Sylvester-type
Hadamard matrices for the constructions.
We explicitly construct a constant weight, optimal size matrix to compute the
EQUALITY function (checking if two integers expressed in binary are equal).
Computing EQUALITY with a single linear equation requires exponentially large
weights. In addition, we prove the existence of the best-known weight size
(linear) matrices to compute the COMPARISON function (comparing between two
integers expressed in binary). In the context of the circuit complexity theory,
our results improve the upper bounds on the weight sizes for the best-known
circuit sizes for EQUALITY and COMPARISON."
4815,Automatic Error Classification and Root Cause Determination while Replaying Recorded Workload Data at SAP HANA,"Capturing customer workloads of database systems to replay these workloads
during internal testing can be beneficial for software quality assurance.
However, we experienced that such replays can produce a large amount of false
positive alerts that make the results unreliable or time consuming to analyze.
Therefore, we design a machine learning based approach that attributes root
causes to the alerts. This provides several benefits for quality assurance and
allows for example to classify whether an alert is true positive or false
positive. Our approach considerably reduces manual effort and improves the
overall quality assurance for the database system SAP HANA. We discuss the
problem, the design and result of our approach, and we present practical
limitations that may require further research."
4816,Topology-aware Graph Neural Networks for Learning Feasible and Adaptive ac-OPF Solutions,"Solving the optimal power flow (OPF) problem is a fundamental task to ensure
the system efficiency and reliability in real-time electricity grid operations.
We develop a new topology-informed graph neural network (GNN) approach for
predicting the optimal solutions of real-time ac-OPF problem. To incorporate
grid topology to the NN model, the proposed GNN-for-OPF framework innovatively
exploits the locality property of locational marginal prices and voltage
magnitude. Furthermore, we develop a physics-aware (ac-)flow feasibility
regularization approach for general OPF learning. The advantages of our
proposed designs include reduced model complexity, improved generalizability
and feasibility guarantees. By providing the analytical understanding on the
graph subspace stability under grid topology contingency, we show the proposed
GNN can quickly adapt to varying grid topology by an efficient re-training
strategy. Numerical tests on various test systems of different sizes have
validated the prediction accuracy, improved flow feasibility, and topology
adaptivity capability of our proposed GNN-based learning framework."
4817,Partial Product Aware Machine Learning on DNA-Encoded Libraries,"DNA encoded libraries (DELs) are used for rapid large-scale screening of
small molecules against a protein target. These combinatorial libraries are
built through several cycles of chemistry and DNA ligation, producing large
sets of DNA-tagged molecules. Training machine learning models on DEL data has
been shown to be effective at predicting molecules of interest dissimilar from
those in the original DEL. Machine learning chemical property prediction
approaches rely on the assumption that the property of interest is linked to a
single chemical structure. In the context of DNA-encoded libraries, this is
equivalent to assuming that every chemical reaction fully yields the desired
product. However, in practice, multi-step chemical synthesis sometimes
generates partial molecules. Each unique DNA tag in a DEL therefore corresponds
to a set of possible molecules. Here, we leverage reaction yield data to
enumerate the set of possible molecules corresponding to a given DNA tag. This
paper demonstrates that training a custom GNN on this richer dataset improves
accuracy and generalization performance."
4818,$\mathscr{H}$-Consistency Estimation Error of Surrogate Loss Minimizers,"We present a detailed study of estimation errors in terms of surrogate loss
estimation errors. We refer to such guarantees as $\mathscr{H}$-consistency
estimation error bounds, since they account for the hypothesis set
$\mathscr{H}$ adopted. These guarantees are significantly stronger than
$\mathscr{H}$-calibration or $\mathscr{H}$-consistency. They are also more
informative than similar excess error bounds derived in the literature, when
$\mathscr{H}$ is the family of all measurable functions. We prove general
theorems providing such guarantees, for both the distribution-dependent and
distribution-independent settings. We show that our bounds are tight, modulo a
convexity assumption. We also show that previous excess error bounds can be
recovered as special cases of our general results.
We then present a series of explicit bounds in the case of the zero-one loss,
with multiple choices of the surrogate loss and for both the family of linear
functions and neural networks with one hidden-layer. We further prove more
favorable distribution-dependent guarantees in that case. We also present a
series of explicit bounds in the case of the adversarial loss, with surrogate
losses based on the supremum of the $\rho$-margin, hinge or sigmoid loss and
for the same two general hypothesis sets. Here too, we prove several
enhancements of these guarantees under natural distributional assumptions.
Finally, we report the results of simulations illustrating our bounds and their
tightness."
4819,Continual learning on 3D point clouds with random compressed rehearsal,"Contemporary deep neural networks offer state-of-the-art results when applied
to visual reasoning, e.g., in the context of 3D point cloud data. Point clouds
are important datatype for precise modeling of three-dimensional environments,
but effective processing of this type of data proves to be challenging. In the
world of large, heavily-parameterized network architectures and
continuously-streamed data, there is an increasing need for machine learning
models that can be trained on additional data. Unfortunately, currently
available models cannot fully leverage training on additional data without
losing their past knowledge. Combating this phenomenon, called catastrophic
forgetting, is one of the main objectives of continual learning. Continual
learning for deep neural networks has been an active field of research,
primarily in 2D computer vision, natural language processing, reinforcement
learning, and robotics. However, in 3D computer vision, there are hardly any
continual learning solutions specifically designed to take advantage of point
cloud structure. This work proposes a novel neural network architecture capable
of continual learning on 3D point cloud data. We utilize point cloud structure
properties for preserving a heavily compressed set of past data. By using
rehearsal and reconstruction as regularization methods of the learning process,
our approach achieves a significant decrease of catastrophic forgetting
compared to the existing solutions on several most popular point cloud datasets
considering two continual learning settings: when a task is known beforehand,
and in the challenging scenario of when task information is unknown to the
model."
4820,CascadER: Cross-Modal Cascading for Knowledge Graph Link Prediction,"Knowledge graph (KG) link prediction is a fundamental task in artificial
intelligence, with applications in natural language processing, information
retrieval, and biomedicine. Recently, promising results have been achieved by
leveraging cross-modal information in KGs, using ensembles that combine
knowledge graph embeddings (KGEs) and contextual language models (LMs).
However, existing ensembles are either (1) not consistently effective in terms
of ranking accuracy gains or (2) impractically inefficient on larger datasets
due to the combinatorial explosion problem of pairwise ranking with deep
language models. In this paper, we propose a novel tiered ranking architecture
CascadER to maintain the ranking accuracy of full ensembling while improving
efficiency considerably. CascadER uses LMs to rerank the outputs of more
efficient base KGEs, relying on an adaptive subset selection scheme aimed at
invoking the LMs minimally while maximizing accuracy gain over the KGE.
Extensive experiments demonstrate that CascadER improves MRR by up to 9 points
over KGE baselines, setting new state-of-the-art performance on four benchmarks
while improving efficiency by one or more orders of magnitude over competitive
cross-modal baselines. Our empirical analyses reveal that diversity of models
across modalities and preservation of individual models' confidence signals
help explain the effectiveness of CascadER, and suggest promising directions
for cross-modal cascaded architectures. Code and pretrained models are
available at https://github.com/tsafavi/cascader."
4821,An Exponentially Increasing Step-size for Parameter Estimation in Statistical Models,"Using gradient descent (GD) with fixed or decaying step-size is standard
practice in unconstrained optimization problems. However, when the loss
function is only locally convex, such a step-size schedule artificially slows
GD down as it cannot explore the flat curvature of the loss function. To
overcome that issue, we propose to exponentially increase the step-size of the
GD algorithm. Under homogeneous assumptions on the loss function, we
demonstrate that the iterates of the proposed \emph{exponential step size
gradient descent} (EGD) algorithm converge linearly to the optimal solution.
Leveraging that optimization insight, we then consider using the EGD algorithm
for solving parameter estimation under non-regular statistical models whose the
loss function becomes locally convex when the sample size goes to infinity. We
demonstrate that the EGD iterates reach the final statistical radius within the
true parameter after a logarithmic number of iterations, which is in stark
contrast to a \emph{polynomial} number of iterations of the GD algorithm.
Therefore, the total computational complexity of the EGD algorithm is
\emph{optimal} and exponentially cheaper than that of the GD for solving
parameter estimation in non-regular statistical models. To the best of our
knowledge, it resolves a long-standing gap between statistical and algorithmic
computational complexities of parameter estimation in non-regular statistical
models. Finally, we provide targeted applications of the general theory to
several classes of statistical models, including generalized linear models with
polynomial link functions and location Gaussian mixture models."
4822,Deep Apprenticeship Learning for Playing Games,"In the last decade, deep learning has achieved great success in machine
learning tasks where the input data is represented with different levels of
abstractions. Driven by the recent research in reinforcement learning using
deep neural networks, we explore the feasibility of designing a learning model
based on expert behaviour for complex, multidimensional tasks where reward
function is not available. We propose a novel method for apprenticeship
learning based on the previous research on supervised learning techniques in
reinforcement learning. Our method is applied to video frames from Atari games
in order to teach an artificial agent to play those games. Even though the
reported results are not comparable with the state-of-the-art results in
reinforcement learning, we demonstrate that such an approach has the potential
to achieve strong performance in the future and is worthwhile for further
research."
4823,Application of multilayer perceptron with data augmentation in nuclear physics,"Neural networks have become popular in many fields of science since they
serve as promising, reliable and powerful tools. In this work, we study the
effect of data augmentation on the predictive power of neural network models
for nuclear physics data. We present two different data augmentation
techniques, and we conduct a detailed analysis in terms of different depths,
optimizers, activation functions and random seed values to show the success and
robustness of the model. Using the experimental uncertainties for data
augmentation for the first time, the size of the training data set is
artificially boosted and the changes in the root-mean-square error between the
model predictions on the test set and the experimental data are investigated.
Our results show that the data augmentation decreases the prediction errors,
stabilizes the model and prevents overfitting. The extrapolation capabilities
of the MLP models are also tested for newly measured nuclei in AME2020 mass
table, and it is shown that the predictions are significantly improved by using
data augmentation."
4824,Neural-Symbolic Models for Logical Queries on Knowledge Graphs,"Answering complex first-order logic (FOL) queries on knowledge graphs is a
fundamental task for multi-hop reasoning. Traditional symbolic methods traverse
a complete knowledge graph to extract the answers, which provides good
interpretation for each step. Recent neural methods learn geometric embeddings
for complex queries. These methods can generalize to incomplete knowledge
graphs, but their reasoning process is hard to interpret. In this paper, we
propose Graph Neural Network Query Executor (GNN-QE), a neural-symbolic model
that enjoys the advantages of both worlds. GNN-QE decomposes a complex FOL
query into relation projections and logical operations over fuzzy sets, which
provides interpretability for intermediate variables. To reason about the
missing links, GNN-QE adapts a graph neural network from knowledge graph
completion to execute the relation projections, and models the logical
operations with product fuzzy logic. Extensive experiments on 3 datasets show
that GNN-QE significantly improves over previous state-of-the-art models in
answering FOL queries. Meanwhile, GNN-QE can predict the number of answers
without explicit supervision, and provide visualizations for intermediate
variables."
4825,Distributed Feature Selection for High-dimensional Additive Models,"Distributed statistical learning is a common strategy for handling massive
data where we divide the learning task into multiple local machines and
aggregate the results afterward. However, most existing work considers the case
where the samples are divided. In this work, we propose a new algorithm,
DDAC-SpAM, that divides features under the high-dimensional sparse additive
model. The new algorithm contains three steps: divide, decorrelate, and
conquer. We show that after the decorrelation operation, every local estimator
can recover the sparsity pattern for each additive component consistently
without imposing strict constraints to the correlation structure among
variables. Theoretical analysis of the aggregated estimator and empirical
results on synthetic and real data illustrate that the DDAC-SpAM algorithm is
effective and competitive in fitting sparse additive models."
4826,An Extension to Basis-Hypervectors for Learning from Circular Data in Hyperdimensional Computing,"Hyperdimensional Computing (HDC) is a computation framework based on
properties of high-dimensional random spaces. It is particularly useful for
machine learning in resource-constrained environments, such as embedded systems
and IoT, as it achieves a good balance between accuracy, efficiency and
robustness. The mapping of information to the hyperspace, named encoding, is
the most important stage in HDC. At its heart are basis-hypervectors,
responsible for representing the smallest units of meaningful information. In
this work we present a detailed study on basis-hypervector sets, which leads to
practical contributions to HDC in general: 1) we propose an improvement for
level-hypervectors, used to encode real numbers; 2) we introduce a method to
learn from circular data, an important type of information never before
addressed in machine learning with HDC. Empirical results indicate that these
contributions lead to considerably more accurate models for both classification
and regression with circular data."
4827,Does Crypto Kill? Relationship between Electricity Consumption Carbon Footprints and Bitcoin Transactions,"Cryptocurrencies are gaining more popularity due to their security, making
counterfeits impossible. However, these digital currencies have been criticized
for creating a large carbon footprint due to their algorithmic complexity and
decentralized system design for proof of work and mining. We hypothesize that
the carbon footprint of cryptocurrency transactions has a higher dependency on
carbon-rich fuel sources than green or renewable fuel sources. We provide a
machine learning framework to model such transactions and correlate them with
the electricity generation patterns to estimate and analyze their carbon cost."
4828,Fat-Tailed Variational Inference with Anisotropic Tail Adaptive Flows,"While fat-tailed densities commonly arise as posterior and marginal
distributions in robust models and scale mixtures, they present challenges when
Gaussian-based variational inference fails to capture tail decay accurately. We
first improve previous theory on tails of Lipschitz flows by quantifying how
the tails affect the rate of tail decay and by expanding the theory to
non-Lipschitz polynomial flows. Then, we develop an alternative theory for
multivariate tail parameters which is sensitive to tail-anisotropy. In doing
so, we unveil a fundamental problem which plagues many existing flow-based
methods: they can only model tail-isotropic distributions (i.e., distributions
having the same tail parameter in every direction). To mitigate this and enable
modeling of tail-anisotropic targets, we propose anisotropic tail-adaptive
flows (ATAF). Experimental results on both synthetic and real-world targets
confirm that ATAF is competitive with prior work while also exhibiting
appropriate tail-anisotropy."
4829,Fast and realistic large-scale structure from machine-learning-augmented random field simulations,"Producing thousands of simulations of the dark matter distribution in the
Universe with increasing precision is a challenging but critical task to
facilitate the exploitation of current and forthcoming cosmological surveys.
Many inexpensive substitutes to full $N$-body simulations have been proposed,
even though they often fail to reproduce the statistics of the smaller,
non-linear scales. Among these alternatives, a common approximation is
represented by the lognormal distribution, which comes with its own limitations
as well, while being extremely fast to compute even for high-resolution density
fields. In this work, we train a machine learning model to transform projected
lognormal dark matter density fields to more realistic dark matter maps, as
obtained from full $N$-body simulations. We detail the procedure that we follow
to generate highly correlated pairs of lognormal and simulated maps, which we
use as our training data, exploiting the information of the Fourier phases. We
demonstrate the performance of our model comparing various statistical tests
with different field resolutions, redshifts and cosmological parameters,
proving its robustness and explaining its current limitations. The augmented
lognormal random fields reproduce the power spectrum up to wavenumbers of $1 \
h \ \rm{Mpc}^{-1}$, the bispectrum and the peak counts within 10%, and always
within the error bars, of the fiducial target simulations. Finally, we describe
how we plan to integrate our proposed model with existing tools to yield more
accurate spherical random fields for weak lensing analysis, going beyond the
lognormal approximation."
4830,Power and limitations of single-qubit native quantum neural networks,"Quantum neural networks (QNNs) have emerged as a leading strategy to
establish applications in machine learning, chemistry, and optimization. While
the applications of QNN have been widely investigated, its theoretical
foundation remains less understood. In this paper, we formulate a theoretical
framework for the expressive ability of data re-uploading quantum neural
networks that consist of interleaved encoding circuit blocks and trainable
circuit blocks. First, we prove that single-qubit quantum neural networks can
approximate any univariate function by mapping the model to a partial Fourier
series. Beyond previous works' understanding of existence, we in particular
establish the exact correlations between the parameters of the trainable gates
and the working Fourier coefficients, by exploring connections to quantum
signal processing. Second, we discuss the limitations of single-qubit native
QNNs on approximating multivariate functions by analyzing the frequency
spectrum and the flexibility of Fourier coefficients. We further demonstrate
the expressivity and limitations of single-qubit native QNNs via numerical
experiments. As applications, we introduce natural extensions to multi-qubit
quantum neural networks, which exhibit the capability of classifying real-world
multi-dimensional data. We believe these results would improve our
understanding of QNNs and provide a helpful guideline for designing powerful
QNNs for machine learning tasks."
4831,Loss Landscape Engineering via Data Regulation on PINNs,"Physics-Informed Neural Networks have shown unique utility in parameterising
the solution of a well-defined partial differential equation using automatic
differentiation and residual losses. Though they provide theoretical guarantees
of convergence, in practice the required training regimes tend to be exacting
and demanding. Through the course of this paper, we take a deep dive into
understanding the loss landscapes associated with a PINN and how that offers
some insight as to why PINNs are fundamentally hard to optimise for. We
demonstrate how PINNs can be forced to converge better towards the solution, by
way of feeding in sparse or coarse data as a regulator. The data regulates and
morphs the topology of the loss landscape associated with the PINN to make it
easily traversable for the minimiser. Data regulation of PINNs helps ease the
optimisation required for convergence by invoking a hybrid
unsupervised-supervised training approach, where the labelled data pushes the
network towards the vicinity of the solution, and the unlabelled regime
fine-tunes it to the solution."
4832,Physics-informed machine learning techniques for edge plasma turbulence modelling in computational theory and experiment,"Edge plasma turbulence is critical to the performance of magnetic confinement
fusion devices. Towards better understanding edge turbulence in both theory and
experiment, a custom-built physics-informed deep learning framework constrained
by partial differential equations is developed to accurately learn turbulent
fields consistent with the two-fluid theory from partial observations of
electron pressure. This calculation is not otherwise possible using
conventional equilibrium models. With this technique, the first direct
quantitative comparisons of turbulent fields between electrostatic two-fluid
theory and electromagnetic gyrokinetic modelling are demonstrated with good
overall agreement found in magnetized helical plasmas at low normalized
pressure.
To translate these computational techniques to experimental fusion plasmas, a
novel method to translate brightness measurements of HeI line radiation into
local plasma fluctuations is demonstrated via a newly created deep learning
framework that integrates neutral transport physics and collisional radiative
theory for the $3^3 D - 2^3 P$ transition in atomic helium. Using fast camera
data on the Alcator C-Mod tokamak, this thesis presents the first 2-dimensional
time-dependent experimental measurements of the turbulent electron density,
electron temperature, and neutral density in a fusion plasma using a single
spectral line. With this experimentally inferred data, initial estimates of the
2-dimensional turbulent electric field consistent with drift-reduced Braginskii
theory under the framework of an axisymmetric fusion plasma with purely
toroidal field are calculated. The inclusion of atomic helium effects on
particle and energy sources are found to strengthen correlations between the
electric field and electron pressure while broadening turbulent field
amplitudes which impact ${\bf E \times B}$ flows and shearing rates."
4833,Decision Making for Hierarchical Multi-label Classification with Multidimensional Local Precision Rate,"Hierarchical multi-label classification (HMC) has drawn increasing attention
in the past few decades. It is applicable when hierarchical relationships among
classes are available and need to be incorporated along with the multi-label
classification whereby each object is assigned to one or more classes. There
are two key challenges in HMC: i) optimizing the classification accuracy, and
meanwhile ii) ensuring the given class hierarchy. To address these challenges,
in this article, we introduce a new statistic called the multidimensional local
precision rate (mLPR) for each object in each class. We show that
classification decisions made by simply sorting objects across classes in
descending order of their true mLPRs can, in theory, ensure the class hierarchy
and lead to the maximization of CATCH, an objective function we introduce that
is related to the area under a hit curve. This approach is the first of its
kind that handles both challenges in one objective function without additional
constraints, thanks to the desirable statistical properties of CATCH and mLPR.
In practice, however, true mLPRs are not available. In response, we introduce
HierRank, a new algorithm that maximizes an empirical version of CATCH using
estimated mLPRs while respecting the hierarchy. The performance of this
approach was evaluated on a synthetic data set and two real data sets; ours was
found to be superior to several comparison methods on evaluation criteria based
on metrics such as precision, recall, and $F_1$ score."
4834,"Expected Frequency Matrices of Elections: Computation, Geometry, and Preference Learning","We use the ""map of elections"" approach of Szufa et al. (AAMAS 2020) to
analyze several well-known vote distributions. For each of them, we give an
explicit formula or an efficient algorithm for computing its frequency matrix,
which captures the probability that a given candidate appears in a given
position in a sampled vote. We use these matrices to draw the ""skeleton map"" of
distributions, evaluate its robustness, and analyze its properties. We further
use them to identify the nature of several real-world elections."
4835,FactPEGASUS: Factuality-Aware Pre-training and Fine-tuning for Abstractive Summarization,"We present FactPEGASUS, an abstractive summarization model that addresses the
problem of factuality during pre-training and fine-tuning: (1) We augment the
sentence selection strategy of PEGASUS's (Zhang et al., 2020) pre-training
objective to create pseudo-summaries that are both important and factual; (2)
We introduce three complementary components for fine-tuning. The corrector
removes hallucinations present in the reference summary, the contrastor uses
contrastive learning to better differentiate nonfactual summaries from factual
ones, and the connector bridges the gap between the pre-training and
fine-tuning for better transfer of knowledge. Experiments on three downstream
tasks demonstrate that FactPEGASUS substantially improves factuality evaluated
by multiple automatic metrics and humans. Our thorough analysis suggests that
FactPEGASUS is more factual than using the original pre-training objective in
zero-shot and few-shot settings, retains factual behavior more robustly than
strong baselines, and does not rely entirely on becoming more extractive to
improve factuality. Our code and data are publicly available at:
https://github.com/meetdavidwan/factpegasus"
4836,Federated Anomaly Detection over Distributed Data Streams,"Sharing of telecommunication network data, for example, even at high
aggregation levels, is nowadays highly restricted due to privacy legislation
and regulations and other important ethical concerns. It leads to scattering
data across institutions, regions, and states, inhibiting the usage of AI
methods that could otherwise take advantage of data at scale. It creates the
need to build a platform to control such data, build models or perform
calculations. In this work, we propose an approach to building the bridge among
anomaly detection, federated learning, and data streams. The overarching goal
of the work is to detect anomalies in a federated environment over distributed
data streams. This work complements the state-of-the-art by adapting the data
stream algorithms in a federated learning setting for anomaly detection and by
delivering a robust framework and demonstrating the practical feasibility in a
real-world distributed deployment scenario."
4837,GraphHD: Efficient graph classification using hyperdimensional computing,"Hyperdimensional Computing (HDC) developed by Kanerva is a computational
model for machine learning inspired by neuroscience. HDC exploits
characteristics of biological neural systems such as high-dimensionality,
randomness and a holographic representation of information to achieve a good
balance between accuracy, efficiency and robustness. HDC models have already
been proven to be useful in different learning applications, especially in
resource-limited settings such as the increasingly popular Internet of Things
(IoT). One class of learning tasks that is missing from the current body of
work on HDC is graph classification. Graphs are among the most important forms
of information representation, yet, to this day, HDC algorithms have not been
applied to the graph learning problem in a general sense. Moreover, graph
learning in IoT and sensor networks, with limited compute capabilities,
introduce challenges to the overall design methodology. In this paper, we
present GraphHD$-$a baseline approach for graph classification with HDC. We
evaluate GraphHD on real-world graph classification problems. Our results show
that when compared to the state-of-the-art Graph Neural Networks (GNNs) the
proposed model achieves comparable accuracy, while training and inference times
are on average 14.6$\times$ and 2.0$\times$ faster, respectively."
4838,On the Difficulty of Defending Self-Supervised Learning against Model Extraction,"Self-Supervised Learning (SSL) is an increasingly popular ML paradigm that
trains models to transform complex inputs into representations without relying
on explicit labels. These representations encode similarity structures that
enable efficient learning of multiple downstream tasks. Recently,
ML-as-a-Service providers have commenced offering trained SSL models over
inference APIs, which transform user inputs into useful representations for a
fee. However, the high cost involved to train these models and their exposure
over APIs both make black-box extraction a realistic security threat. We thus
explore model stealing attacks against SSL. Unlike traditional model extraction
on classifiers that output labels, the victim models here output
representations; these representations are of significantly higher
dimensionality compared to the low-dimensional prediction scores output by
classifiers. We construct several novel attacks and find that approaches that
train directly on a victim's stolen representations are query efficient and
enable high accuracy for downstream models. We then show that existing defenses
against model extraction are inadequate and not easily retrofitted to the
specificities of SSL."
4839,CurFi: An automated tool to find the best regression analysis model using curve fitting,"Regression analysis is a well known quantitative research method that
primarily explores the relationship between one or more independent variables
and a dependent variable. Conducting regression analysis manually on large
datasets with multiple independent variables can be tedious. An automated
system for regression analysis will be of great help for researchers as well as
non-expert users. Thus, the objective of this research is to design and develop
an automated curve fitting system. As outcome, a curve fitting system named
""CurFi"" was developed that uses linear regression models to fit a curve to a
dataset and to find out the best fit model. The system facilitates to upload a
dataset, split the dataset into training set and test set, select relevant
features and label from the dataset; and the system will return the best fit
linear regression model after training is completed. The developed tool would
be a great resource for the users having limited technical knowledge who will
also be able to find the best fit regression model for a dataset using the
developed ""CurFi"" system."
4840,The Primacy Bias in Deep Reinforcement Learning,"This work identifies a common flaw of deep reinforcement learning (RL)
algorithms: a tendency to rely on early interactions and ignore useful evidence
encountered later. Because of training on progressively growing datasets, deep
RL agents incur a risk of overfitting to earlier experiences, negatively
affecting the rest of the learning process. Inspired by cognitive science, we
refer to this effect as the primacy bias. Through a series of experiments, we
dissect the algorithmic aspects of deep RL that exacerbate this bias. We then
propose a simple yet generally-applicable mechanism that tackles the primacy
bias by periodically resetting a part of the agent. We apply this mechanism to
algorithms in both discrete (Atari 100k) and continuous action (DeepMind
Control Suite) domains, consistently improving their performance."
4841,Gradient-based Counterfactual Explanations using Tractable Probabilistic Models,"Counterfactual examples are an appealing class of post-hoc explanations for
machine learning models. Given input $x$ of class $y_1$, its counterfactual is
a contrastive example $x^\prime$ of another class $y_0$. Current approaches
primarily solve this task by a complex optimization: define an objective
function based on the loss of the counterfactual outcome $y_0$ with hard or
soft constraints, then optimize this function as a black-box. This ""deep
learning"" approach, however, is rather slow, sometimes tricky, and may result
in unrealistic counterfactual examples. In this work, we propose a novel
approach to deal with these problems using only two gradient computations based
on tractable probabilistic models. First, we compute an unconstrained
counterfactual $u$ of $x$ to induce the counterfactual outcome $y_0$. Then, we
adapt $u$ to higher density regions, resulting in $x^{\prime}$. Empirical
evidence demonstrates the dominant advantages of our approach."
4842,JR2net: A Joint Non-Linear Representation and Recovery Network for Compressive Spectral Imaging,"Deep learning models are state-of-the-art in compressive spectral imaging
(CSI) recovery. These methods use a deep neural network (DNN) as an image
generator to learn non-linear mapping from compressed measurements to the
spectral image. For instance, the deep spectral prior approach uses a
convolutional autoencoder network (CAE) in the optimization algorithm to
recover the spectral image by using a non-linear representation. However, the
CAE training is detached from the recovery problem, which does not guarantee
optimal representation of the spectral images for the CSI problem. This work
proposes a joint non-linear representation and recovery network (JR2net),
linking the representation and recovery task into a single optimization
problem. JR2net consists of an optimization-inspired network following an ADMM
formulation that learns a non-linear low-dimensional representation and
simultaneously performs the spectral image recovery, trained via the end-to-end
approach. Experimental results show the superiority of the proposed method with
improvements up to 2.57 dB in PSNR and performance around 2000 times faster
than state-of-the-art methods."
4843,Efficient Algorithms for Planning with Participation Constraints,"We consider the problem of planning with participation constraints introduced
in [Zhang et al., 2022]. In this problem, a principal chooses actions in a
Markov decision process, resulting in separate utilities for the principal and
the agent. However, the agent can and will choose to end the process whenever
his expected onward utility becomes negative. The principal seeks to compute
and commit to a policy that maximizes her expected utility, under the
constraint that the agent should always want to continue participating. We
provide the first polynomial-time exact algorithm for this problem for
finite-horizon settings, where previously only an additive
$\varepsilon$-approximation algorithm was known. Our approach can also be
extended to the (discounted) infinite-horizon case, for which we give an
algorithm that runs in time polynomial in the size of the input and
$\log(1/\varepsilon)$, and returns a policy that is optimal up to an additive
error of $\varepsilon$."
4844,Scalable algorithms for physics-informed neural and graph networks,"Physics-informed machine learning (PIML) has emerged as a promising new
approach for simulating complex physical and biological systems that are
governed by complex multiscale processes for which some data are also
available. In some instances, the objective is to discover part of the hidden
physics from the available data, and PIML has been shown to be particularly
effective for such problems for which conventional methods may fail. Unlike
commercial machine learning where training of deep neural networks requires big
data, in PIML big data are not available. Instead, we can train such networks
from additional information obtained by employing the physical laws and
evaluating them at random points in the space-time domain. Such
physics-informed machine learning integrates multimodality and multifidelity
data with mathematical models, and implements them using neural networks or
graph networks. Here, we review some of the prevailing trends in embedding
physics into machine learning, using physics-informed neural networks (PINNs)
based primarily on feed-forward neural networks and automatic differentiation.
For more complex systems or systems of systems and unstructured data, graph
neural networks (GNNs) present some distinct advantages, and here we review how
physics-informed learning can be accomplished with GNNs based on graph exterior
calculus to construct differential operators; we refer to these architectures
as physics-informed graph networks (PIGNs). We present representative examples
for both forward and inverse problems and discuss what advances are needed to
scale up PINNs, PIGNs and more broadly GNNs for large-scale engineering
problems."
4845,Data-Driven Interpolation for Super-Scarce X-Ray Computed Tomography,"We address the problem of reconstructing X-Ray tomographic images from scarce
measurements by interpolating missing acquisitions using a self-supervised
approach. To do so, we train shallow neural networks to combine two
neighbouring acquisitions into an estimated measurement at an intermediate
angle. This procedure yields an enhanced sequence of measurements that can be
reconstructed using standard methods, or further enhanced using regularisation
approaches.
Unlike methods that improve the sequence of acquisitions using an initial
deterministic interpolation followed by machine-learning enhancement, we focus
on inferring one measurement at once. This allows the method to scale to 3D,
the computation to be faster and crucially, the interpolation to be
significantly better than the current methods, when they exist. We also
establish that a sequence of measurements must be processed as such, rather
than as an image or a volume. We do so by comparing interpolation and
up-sampling methods, and find that the latter significantly under-perform.
We compare the performance of the proposed method against deterministic
interpolation and up-sampling procedures and find that it outperforms them,
even when used jointly with a state-of-the-art projection-data enhancement
approach using machine-learning. These results are obtained for 2D and 3D
imaging, on large biomedical datasets, in both projection space and image
space."
4846,On the inability of Gaussian process regression to optimally learn compositional functions,"We rigorously prove that deep Gaussian process priors can outperform Gaussian
process priors if the target function has a compositional structure. To this
end, we study information-theoretic lower bounds for posterior contraction
rates for Gaussian process regression in a continuous regression model. We show
that if the true function is a generalized additive function, then the
posterior based on any mean-zero Gaussian process can only recover the truth at
a rate that is strictly slower than the minimax rate by a factor that is
polynomially suboptimal in the sample size $n$."
4847,Sharp Asymptotics of Self-training with Linear Classifier,"Self-training (ST) is a straightforward and standard approach in
semi-supervised learning, successfully applied to many machine learning
problems. The performance of ST strongly depends on the supervised learning
method used in the refinement step and the nature of the given data; hence, a
general performance guarantee from a concise theory may become loose in a
concrete setup. However, the theoretical methods that sharply predict how the
performance of ST depends on various details for each learning scenario are
limited. This study develops a novel theoretical framework for sharply
characterizing the generalization abilities of the models trained by ST using
the non-rigorous replica method of statistical physics. We consider the ST of
the linear model that minimizes the ridge-regularized cross-entropy loss when
the data are generated from a two-component Gaussian mixture. Consequently, we
show that the generalization performance of ST in each iteration is sharply
characterized by a small finite number of variables, which satisfy a set of
deterministic self-consistent equations. By numerically solving these
self-consistent equations, we find that ST's generalization performance
approaches to the supervised learning method with a very simple regularization
schedule when the label bias is small and a moderately large number of
iterations are used."
4848,Prioritizing Corners in OoD Detectors via Symbolic String Manipulation,"For safety assurance of deep neural networks (DNNs), out-of-distribution
(OoD) monitoring techniques are essential as they filter spurious input that is
distant from the training dataset. This paper studies the problem of
systematically testing OoD monitors to avoid cases where an input data point is
tested as in-distribution by the monitor, but the DNN produces spurious output
predictions. We consider the definition of ""in-distribution"" characterized in
the feature space by a union of hyperrectangles learned from the training
dataset. Thus the testing is reduced to finding corners in hyperrectangles
distant from the available training data in the feature space. Concretely, we
encode the abstract location of every data point as a finite-length binary
string, and the union of all binary strings is stored compactly using binary
decision diagrams (BDDs). We demonstrate how to use BDDs to symbolically
extract corners distant from all data points within the training set. Apart
from test case generation, we explain how to use the proposed corners to
fine-tune the DNN to ensure that it does not predict overly confidently. The
result is evaluated over examples such as number and traffic sign recognition."
4849,An Artificial Neural Network Functionalized by Evolution,"The topology of artificial neural networks has a significant effect on their
performance. Characterizing efficient topology is a field of promising research
in Artificial Intelligence. However, it is not a trivial task and it is mainly
experimented on through convolutional neural networks. We propose a hybrid
model which combines the tensor calculus of feed-forward neural networks with
Pseudo-Darwinian mechanisms. This allows for finding topologies that are well
adapted for elaboration of strategies, control problems or pattern recognition
tasks. In particular, the model can provide adapted topologies at early
evolutionary stages, and 'structural convergence', which can found applications
in robotics, big-data and artificial life."
4850,Pest presence prediction using interpretable machine learning,"Helicoverpa Armigera, or cotton bollworm, is a serious insect pest of cotton
crops that threatens the yield and the quality of lint. The timely knowledge of
the presence of the insects in the field is crucial for effective farm
interventions. Meteo-climatic and vegetation conditions have been identified as
key drivers of crop pest abundance. In this work, we applied an interpretable
classifier, i.e., Explainable Boosting Machine, which uses earth observation
vegetation indices, numerical weather predictions and insect trap catches to
predict the onset of bollworm harmfulness in cotton fields in Greece. The
glass-box nature of our approach provides significant insight on the main
drivers of the model and the interactions among them. Model interpretability
adds to the trustworthiness of our approach and therefore its potential for
rapid uptake and context-based implementation in operational farm management
scenarios. Our results are satisfactory and the importance of drivers, through
our analysis on global and local explainability, is in accordance with the
literature."
4851,Towards Space-to-Ground Data Availability for Agriculture Monitoring,"The recent advances in machine learning and the availability of free and open
big Earth data (e.g., Sentinel missions), which cover large areas with high
spatial and temporal resolution, have enabled many agriculture monitoring
applications. One example is the control of subsidy allocations of the Common
Agricultural Policy (CAP). Advanced remote sensing systems have been developed
towards the large-scale evidence-based monitoring of the CAP. Nevertheless, the
spatial resolution of satellite images is not always adequate to make accurate
decisions for all fields. In this work, we introduce the notion of
space-to-ground data availability, i.e., from the satellite to the field, in an
attempt to make the best out of the complementary characteristics of the
different sources. We present a space-to-ground dataset that contains
Sentinel-1 radar and Sentinel-2 optical image time-series, as well as
street-level images from the crowdsourcing platform Mapillary, for grassland
fields in the area of Utrecht for 2017. The multifaceted utility of our dataset
is showcased through the downstream task of grassland classification. We train
machine and deep learning algorithms on these different data domains and
highlight the potential of fusion techniques towards increasing the reliability
of decisions."
4852,Generalizing to New Tasks via One-Shot Compositional Subgoals,"The ability to generalize to previously unseen tasks with little to no
supervision is a key challenge in modern machine learning research. It is also
a cornerstone of a future ""General AI"". Any artificially intelligent agent
deployed in a real world application, must adapt on the fly to unknown
environments. Researchers often rely on reinforcement and imitation learning to
provide online adaptation to new tasks, through trial and error learning.
However, this can be challenging for complex tasks which require many timesteps
or large numbers of subtasks to complete. These ""long horizon"" tasks suffer
from sample inefficiency and can require extremely long training times before
the agent can learn to perform the necessary longterm planning. In this work,
we introduce CASE which attempts to address these issues by training an
Imitation Learning agent using adaptive ""near future"" subgoals. These subgoals
are recalculated at each step using compositional arithmetic in a learned
latent representation space. In addition to improving learning efficiency for
standard long-term tasks, this approach also makes it possible to perform
one-shot generalization to previously unseen tasks, given only a single
reference trajectory for the task in a different environment. Our experiments
show that the proposed approach consistently outperforms the previous
state-of-the-art compositional Imitation Learning approach by 30%."
4853,Prediction of stent under-expansion in calcified coronary arteries using machine-learning on intravascular optical coherence tomography,"BACKGROUND Careful evaluation of the risk of stent under-expansions before
the intervention will aid treatment planning, including the application of a
pre-stent plaque modification strategy.
OBJECTIVES It remains challenging to achieve a proper stent expansion in the
presence of severely calcified coronary lesions. Building on our work in deep
learning segmentation, we created an automated machine learning approach that
uses lesion attributes to predict stent under-expansion from pre-stent images,
suggesting the need for plaque modification.
METHODS Pre- and post-stent intravascular optical coherence tomography image
data were obtained from 110 coronary lesions. Lumen and calcifications in
pre-stent images were segmented using deep learning, and numerous features per
lesion were extracted. We analyzed stent expansion along the lesion, enabling
frame, segmental, and whole-lesion analyses. We trained regression models to
predict the poststent lumen area and then to compute the stent expansion index
(SEI). Stents with an SEI < or >/= 80% were classified as ""under-expanded"" and
""well-expanded,"" respectively.
RESULTS Best performance (root-mean-square-error = 0.04+/-0.02 mm2, r =
0.94+/-0.04, p < 0.0001) was achieved when we used features from both the lumen
and calcification to train a Gaussian regression model for a segmental analysis
over a segment length of 31 frames. Under-expansion classification results
(AUC=0.85+/-0.02) were significantly improved over other approaches.
CONCLUSIONS We used calcifications and lumen features to identify lesions at
risk of stent under-expansion. Results suggest that the use of pre-stent images
can inform physicians of the need to apply plaque modification approaches."
4854,From Dirichlet to Rubin: Optimistic Exploration in RL without Bonuses,"We propose the Bayes-UCBVI algorithm for reinforcement learning in tabular,
stage-dependent, episodic Markov decision process: a natural extension of the
Bayes-UCB algorithm by Kaufmann et al. (2012) for multi-armed bandits. Our
method uses the quantile of a Q-value function posterior as upper confidence
bound on the optimal Q-value function. For Bayes-UCBVI, we prove a regret bound
of order $\widetilde{O}(\sqrt{H^3SAT})$ where $H$ is the length of one episode,
$S$ is the number of states, $A$ the number of actions, $T$ the number of
episodes, that matches the lower-bound of $\Omega(\sqrt{H^3SAT})$ up to
poly-$\log$ terms in $H,S,A,T$ for a large enough $T$. To the best of our
knowledge, this is the first algorithm that obtains an optimal dependence on
the horizon $H$ (and $S$) without the need for an involved Bernstein-like bonus
or noise. Crucial to our analysis is a new fine-grained anti-concentration
bound for a weighted Dirichlet sum that can be of independent interest. We then
explain how Bayes-UCBVI can be easily extended beyond the tabular setting,
exhibiting a strong link between our algorithm and Bayesian bootstrap (Rubin,
1981)."
4855,Experimental Validation of Spectral-Spatial Power Evolution Design Using Raman Amplifiers,"We experimentally validate a machine learning-enabled Raman amplification
framework, capable of jointly shaping the signal power evolution in two
domains: frequency and fiber distance. The proposed experiment addresses the
amplification in the whole C-band, by optimizing four first-order
counter-propagating Raman pumps."
4856,Real-time semantic segmentation on FPGAs for autonomous vehicles with hls4ml,"In this paper, we investigate how field programmable gate arrays can serve as
hardware accelerators for real-time semantic segmentation tasks relevant for
autonomous driving. Considering compressed versions of the ENet convolutional
neural network architecture, we demonstrate a fully-on-chip deployment with a
latency of 4.9 ms per image, using less than 30% of the available resources on
a Xilinx ZCU102 evaluation board. The latency is reduced to 3 ms per image when
increasing the batch size to ten, corresponding to the use case where the
autonomous vehicle receives inputs from multiple cameras simultaneously. We
show, through aggressive filter reduction and heterogeneous quantization-aware
training, and an optimized implementation of convolutional layers, that the
power consumption and resource utilization can be significantly reduced while
maintaining accuracy on the Cityscapes dataset."
4857,L3-Net Deep Audio Embeddings to Improve COVID-19 Detection from Smartphone Data,"Smartphones and wearable devices, along with Artificial Intelligence, can
represent a game-changer in the pandemic control, by implementing low-cost and
pervasive solutions to recognize the development of new diseases at their early
stages and by potentially avoiding the rise of new outbreaks. Some recent works
show promise in detecting diagnostic signals of COVID-19 from voice and coughs
by using machine learning and hand-crafted acoustic features. In this paper, we
decided to investigate the capabilities of the recently proposed deep embedding
model L3-Net to automatically extract meaningful features from raw respiratory
audio recordings in order to improve the performances of standard machine
learning classifiers in discriminating between COVID-19 positive and negative
subjects from smartphone data. We evaluated the proposed model on 3 datasets,
comparing the obtained results with those of two reference works. Results show
that the combination of L3-Net with hand-crafted features overcomes the
performance of the other works of 28.57% in terms of AUC in a set of
subject-independent experiments. This result paves the way to further
investigation on different deep audio embeddings, also for the automatic
detection of different diseases."
4858,Conditional Born machine for Monte Carlo events generation,"Generative modeling is a promising task for near-term quantum devices, which
can use the stochastic nature of quantum measurements as random source. So
called Born machines are purely quantum models and promise to generate
probability distributions in a quantum way, inaccessible to classical
computers. This paper presents an application of Born machines to Monte Carlo
simulations and extends their reach to multivariate and conditional
distributions. Models are run on (noisy) simulators and IBM Quantum
superconducting quantum hardware. More specifically, Born machines are used to
generate muonic force carriers (MFC) events resulting from scattering processes
between muons and the detector material in high-energy-physics colliders
experiments. MFCs are bosons appearing in beyond the standard model theoretical
frameworks, which are candidates for dark matter. Empirical evidences suggest
that Born machines can reproduce the underlying distribution of datasets coming
from Monte Carlo simulations, and are competitive with classical machine
learning-based generative models of similar complexity."
4859,Hyperdimensional computing encoding for feature selection on the use case of epileptic seizure detection,"The healthcare landscape is moving from the reactive interventions focused on
symptoms treatment to a more proactive prevention, from one-size-fits-all to
personalized medicine, and from centralized to distributed paradigms. Wearable
IoT devices and novel algorithms for continuous monitoring are essential
components of this transition. Hyperdimensional (HD) computing is an emerging
ML paradigm inspired by neuroscience research with various aspects interesting
for IoT devices and biomedical applications. Here we explore the not yet
addressed topic of optimal encoding of spatio-temporal data, such as
electroencephalogram (EEG) signals, and all information it entails to the HD
vectors. Further, we demonstrate how the HD computing framework can be used to
perform feature selection by choosing an adequate encoding. To the best of our
knowledge, this is the first approach to performing feature selection using HD
computing in the literature. As a result, we believe it can support the ML
community to further foster the research in multiple directions related to
feature and channel selection, as well as model interpretability."
4860,Generalizing to Evolving Domains with Latent Structure-Aware Sequential Autoencoder,"Domain generalization aims to improve the generalization capability of
machine learning systems to out-of-distribution (OOD) data. Existing domain
generalization techniques embark upon stationary and discrete environments to
tackle the generalization issue caused by OOD data. However, many real-world
tasks in non-stationary environments (e.g. self-driven car system, sensor
measures) involve more complex and continuously evolving domain drift, which
raises new challenges for the problem of domain generalization. In this paper,
we formulate the aforementioned setting as the problem of evolving domain
generalization. Specifically, we propose to introduce a probabilistic framework
called Latent Structure-aware Sequential Autoencoder (LSSAE) to tackle the
problem of evolving domain generalization via exploring the underlying
continuous structure in the latent space of deep neural networks, where we aim
to identify two major factors namely covariate shift and concept shift
accounting for distribution shift in non-stationary environments. Experimental
results on both synthetic and real-world datasets show that LSSAE can lead to
superior performances based on the evolving domain generalization setting."
4861,Taming Continuous Posteriors for Latent Variational Dialogue Policies,"Utilizing amortized variational inference for latent-action reinforcement
learning (RL) has been shown to be an effective approach in Task-oriented
Dialogue (ToD) systems for optimizing dialogue success. Until now, categorical
posteriors have been argued to be one of the main drivers of performance. In
this work we revisit Gaussian variational posteriors for latent-action RL and
show that they can yield even better performance than categoricals. We achieve
this by simplifying the training procedure and propose ways to regularize the
latent dialogue policy to retain good response coherence. Using continuous
latent representations our model achieves state of the art dialogue success
rate on the MultiWOZ benchmark, and also compares well to categorical latent
methods in response coherence."
4862,Attacking and Defending Deep Reinforcement Learning Policies,"Recent studies have shown that deep reinforcement learning (DRL) policies are
vulnerable to adversarial attacks, which raise concerns about applications of
DRL to safety-critical systems. In this work, we adopt a principled way and
study the robustness of DRL policies to adversarial attacks from the
perspective of robust optimization. Within the framework of robust
optimization, optimal adversarial attacks are given by minimizing the expected
return of the policy, and correspondingly a good defense mechanism should be
realized by improving the worst-case performance of the policy. Considering
that attackers generally have no access to the training environment, we propose
a greedy attack algorithm, which tries to minimize the expected return of the
policy without interacting with the environment, and a defense algorithm, which
performs adversarial training in a max-min form. Experiments on Atari game
environments show that our attack algorithm is more effective and leads to
worse return of the policy than existing attack algorithms, and our defense
algorithm yields policies more robust than existing defense methods to a range
of adversarial attacks (including our proposed attack algorithm)."
4863,Model Agnostic Local Explanations of Reject,"The application of machine learning based decision making systems in safety
critical areas requires reliable high certainty predictions. Reject options are
a common way of ensuring a sufficiently high certainty of predictions made by
the system. While being able to reject uncertain samples is important, it is
also of importance to be able to explain why a particular sample was rejected.
However, explaining general reject options is still an open problem. We propose
a model agnostic method for locally explaining arbitrary reject options by
means of interpretable models and counterfactual explanations."
4864,Rethinking Reinforcement Learning based Logic Synthesis,"Recently, reinforcement learning has been used to address logic synthesis by
formulating the operator sequence optimization problem as a Markov decision
process. However, through extensive experiments, we find out that the learned
policy makes decisions independent from the circuit features (i.e., states) and
yields an operator sequence that is permutation invariant to some extent in
terms of operators. Based on these findings, we develop a new RL-based method
that can automatically recognize critical operators and generate common
operator sequences generalizable to unseen circuits. Our algorithm is verified
on both the EPFL benchmark, a private dataset and a circuit at industrial
scale. Experimental results demonstrate that it achieves a good balance among
delay, area and runtime, and is practical for industrial usage."
4865,Qualitative Differences Between Evolutionary Strategies and Reinforcement Learning Methods for Control of Autonomous Agents,"In this paper we analyze the qualitative differences between evolutionary
strategies and reinforcement learning algorithms by focusing on two popular
state-of-the-art algorithms: the OpenAI-ES evolutionary strategy and the
Proximal Policy Optimization (PPO) reinforcement learning algorithm -- the most
similar methods of the two families. We analyze how the methods differ with
respect to: (i) general efficacy, (ii) ability to cope with sparse rewards,
(iii) propensity/capacity to discover minimal solutions, (iv) dependency on
reward shaping, and (v) ability to cope with variations of the environmental
conditions. The analysis of the performance and of the behavioral strategies
displayed by the agents trained with the two methods on benchmark problems
enable us to demonstrate qualitative differences which were not identified in
previous studies, to identify the relative weakness of the two methods, and to
propose ways to ameliorate some of those weakness. We show that the
characteristics of the reward function has a strong impact which vary
qualitatively not only for the OpenAI-ES and the PPO but also for alternative
reinforcement learning algorithms, thus demonstrating the importance of
optimizing the characteristic of the reward function to the algorithm used."
4866,Fundamental Laws of Binary Classification,"Finding discriminant functions of minimum risk binary classification systems
is a novel geometric locus problem -- that requires solving a system of
fundamental locus equations of binary classification -- subject to deep-seated
statistical laws. We show that a discriminant function of a minimum risk binary
classification system is the solution of a locus equation that represents the
geometric locus of the decision boundary of the system, wherein the
discriminant function is connected to the decision boundary by an intrinsic
eigen-coordinate system in such a manner that the discriminant function is
represented by a geometric locus of a novel principal eigenaxis -- formed by a
dual locus of likelihood components and principal eigenaxis components. We
demonstrate that a minimum risk binary classification system acts to jointly
minimize its eigenenergy and risk by locating a point of equilibrium wherein
critical minimum eigenenergies exhibited by the system are symmetrically
concentrated in such a manner that the geometric locus of the novel principal
eigenaxis of the system exhibits symmetrical dimensions and densities, such
that counteracting and opposing forces and influences of the system are
symmetrically balanced with each other -- about the geometric center of the
locus of the novel principal eigenaxis -- whereon the statistical fulcrum of
the system is located. Thereby, a minimum risk binary classification system
satisfies a state of statistical equilibrium wherein the total allowed
eigenenergy and the expected risk exhibited by the system are jointly minimized
within the decision space of the system, so that the system exhibits the
minimum probability of classification error."
4867,Chemical transformer compression for accelerating both training and inference of molecular modeling,"Transformer models have been developed in molecular science with excellent
performance in applications including quantitative structure-activity
relationship (QSAR) and virtual screening (VS). Compared with other types of
models, however, they are large, which results in a high hardware requirement
to abridge time for both training and inference processes. In this work,
cross-layer parameter sharing (CLPS), and knowledge distillation (KD) are used
to reduce the sizes of transformers in molecular science. Both methods not only
have competitive QSAR predictive performance as compared to the original BERT
model, but also are more parameter efficient. Furthermore, by integrating CLPS
and KD into a two-state chemical network, we introduce a new deep lite chemical
transformer model, DeLiCaTe. DeLiCaTe captures general-domains as well as
task-specific knowledge, which lead to a 4x faster rate of both training and
inference due to a 10- and 3-times reduction of the number of parameters and
layers, respectively. Meanwhile, it achieves comparable performance in QSAR and
VS modeling. Moreover, we anticipate that the model compression strategy
provides a pathway to the creation of effective generative transformer models
for organic drug and material design."
4868,Poincaré Heterogeneous Graph Neural Networks for Sequential Recommendation,"Sequential recommendation (SR) learns users' preferences by capturing the
sequential patterns from users' behaviors evolution. As discussed in many
works, user-item interactions of SR generally present the intrinsic power-law
distribution, which can be ascended to hierarchy-like structures. Previous
methods usually handle such hierarchical information by making user-item
sectionalization empirically under Euclidean space, which may cause distortion
of user-item representation in real online scenarios. In this paper, we propose
a Poincar\'{e}-based heterogeneous graph neural network named PHGR to model the
sequential pattern information as well as hierarchical information contained in
the data of SR scenarios simultaneously. Specifically, for the purpose of
explicitly capturing the hierarchical information, we first construct a
weighted user-item heterogeneous graph by aliening all the user-item
interactions to improve the perception domain of each user from a global view.
Then the output of the global representation would be used to complement the
local directed item-item homogeneous graph convolution. By defining a novel
hyperbolic inner product operator, the global and local graph representation
learning are directly conducted in Poincar\'{e} ball instead of commonly used
projection operation between Poincar\'{e} ball and Euclidean space, which could
alleviate the cumulative error issue of general bidirectional translation
process. Moreover, for the purpose of explicitly capturing the sequential
dependency information, we design two types of temporal attention operations
under Poincar\'{e} ball space. Empirical evaluations on datasets from the
public and financial industry show that PHGR outperforms several comparison
methods."
4869,An Empirical Investigation of Representation Learning for Imitation,"Imitation learning often needs a large demonstration set in order to handle
the full range of situations that an agent might find itself in during
deployment. However, collecting expert demonstrations can be expensive. Recent
work in vision, reinforcement learning, and NLP has shown that auxiliary
representation learning objectives can reduce the need for large amounts of
expensive, task-specific data. Our Empirical Investigation of Representation
Learning for Imitation (EIRLI) investigates whether similar benefits apply to
imitation learning. We propose a modular framework for constructing
representation learning algorithms, then use our framework to evaluate the
utility of representation learning for imitation across several environment
suites. In the settings we evaluate, we find that existing algorithms for
image-based representation learning provide limited value relative to a
well-tuned baseline with image augmentations. To explain this result, we
investigate differences between imitation learning and other settings where
representation learning has provided significant benefit, such as image
classification. Finally, we release a well-documented codebase which both
replicates our findings and provides a modular framework for creating new
representation learning algorithms out of reusable components."
4870,Weakly-supervised Biomechanically-constrained CT/MRI Registration of the Spine,"CT and MRI are two of the most informative modalities in spinal diagnostics
and treatment planning. CT is useful when analysing bony structures, while MRI
gives information about the soft tissue. Thus, fusing the information of both
modalities can be very beneficial. Registration is the first step for this
fusion. While the soft tissues around the vertebra are deformable, each
vertebral body is constrained to move rigidly. We propose a weakly-supervised
deep learning framework that preserves the rigidity and the volume of each
vertebra while maximizing the accuracy of the registration. To achieve this
goal, we introduce anatomy-aware losses for training the network. We
specifically design these losses to depend only on the CT label maps since
automatic vertebra segmentation in CT gives more accurate results contrary to
MRI. We evaluate our method on an in-house dataset of 167 patients. Our results
show that adding the anatomy-aware losses increases the plausibility of the
inferred transformation while keeping the accuracy untouched."
4871,Autonomous Open-Ended Learning of Tasks with Non-Stationary Interdependencies,"Autonomous open-ended learning is a relevant approach in machine learning and
robotics, allowing the design of artificial agents able to acquire goals and
motor skills without the necessity of user assigned tasks. A crucial issue for
this approach is to develop strategies to ensure that agents can maximise their
competence on as many tasks as possible in the shortest possible time.
Intrinsic motivations have proven to generate a task-agnostic signal to
properly allocate the training time amongst goals. While the majority of works
in the field of intrinsically motivated open-ended learning focus on scenarios
where goals are independent from each other, only few of them studied the
autonomous acquisition of interdependent tasks, and even fewer tackled
scenarios where goals involve non-stationary interdependencies. Building on
previous works, we tackle these crucial issues at the level of decision making
(i.e., building strategies to properly select between goals), and we propose a
hierarchical architecture that treating sub-tasks selection as a Markov
Decision Process is able to properly learn interdependent skills on the basis
of intrinsically generated motivations. In particular, we first deepen the
analysis of a previous system, showing the importance of incorporating
information about the relationships between tasks at a higher level of the
architecture (that of goal selection). Then we introduce H-GRAIL, a new system
that extends the previous one by adding a new learning layer to store the
autonomously acquired sequences of tasks to be able to modify them in case the
interdependencies are non-stationary. All systems are tested in a real robotic
scenario, with a Baxter robot performing multiple interdependent reaching
tasks."
4872,Towards on-sky adaptive optics control using reinforcement learning,"The direct imaging of potentially habitable Exoplanets is one prime science
case for the next generation of high contrast imaging instruments on
ground-based extremely large telescopes. To reach this demanding science goal,
the instruments are equipped with eXtreme Adaptive Optics (XAO) systems which
will control thousands of actuators at a framerate of kilohertz to several
kilohertz. Most of the habitable exoplanets are located at small angular
separations from their host stars, where the current XAO systems' control laws
leave strong residuals.Current AO control strategies like static matrix-based
wavefront reconstruction and integrator control suffer from temporal delay
error and are sensitive to mis-registration, i.e., to dynamic variations of the
control system geometry. We aim to produce control methods that cope with these
limitations, provide a significantly improved AO correction and, therefore,
reduce the residual flux in the coronagraphic point spread function.
We extend previous work in Reinforcement Learning for AO. The improved
method, called PO4AO, learns a dynamics model and optimizes a control neural
network, called a policy. We introduce the method and study it through
numerical simulations of XAO with Pyramid wavefront sensing for the 8-m and
40-m telescope aperture cases. We further implemented PO4AO and carried out
experiments in a laboratory environment using MagAO-X at the Steward
laboratory. PO4AO provides the desired performance by improving the
coronagraphic contrast in numerical simulations by factors 3-5 within the
control region of DM and Pyramid WFS, in simulation and in the laboratory. The
presented method is also quick to train, i.e., on timescales of typically 5-10
seconds, and the inference time is sufficiently small (< ms) to be used in
real-time control for XAO with currently available hardware even for extremely
large telescopes."
4873,SQ-VAE: Variational Bayes on Discrete Representation with Self-annealed Stochastic Quantization,"One noted issue of vector-quantized variational autoencoder (VQ-VAE) is that
the learned discrete representation uses only a fraction of the full capacity
of the codebook, also known as codebook collapse. We hypothesize that the
training scheme of VQ-VAE, which involves some carefully designed heuristics,
underlies this issue. In this paper, we propose a new training scheme that
extends the standard VAE via novel stochastic dequantization and quantization,
called stochastically quantized variational autoencoder (SQ-VAE). In SQ-VAE, we
observe a trend that the quantization is stochastic at the initial stage of the
training but gradually converges toward a deterministic quantization, which we
call self-annealing. Our experiments show that SQ-VAE improves codebook
utilization without using common heuristics. Furthermore, we empirically show
that SQ-VAE is superior to VAE and VQ-VAE in vision- and speech-related tasks."
4874,Automated Mobility Context Detection with Inertial Signals,"Remote monitoring of motor functions is a powerful approach for health
assessment, especially among the elderly population or among subjects affected
by pathologies that negatively impact their walking capabilities. This is
further supported by the continuous development of wearable sensor devices,
which are getting progressively smaller, cheaper, and more energy efficient.
The external environment and mobility context have an impact on walking
performance, hence one of the biggest challenges when remotely analysing gait
episodes is the ability to detect the context within which those episodes
occurred. The primary goal of this paper is the investigation of context
detection for remote monitoring of daily motor functions. We aim to understand
whether inertial signals sampled with wearable accelerometers, provide reliable
information to classify gait-related activities as either indoor or outdoor. We
explore two different approaches to this task: (1) using gait descriptors and
features extracted from the input inertial signals sampled during walking
episodes, together with classic machine learning algorithms, and (2) treating
the input inertial signals as time series data and leveraging end-to-end
state-of-the-art time series classifiers. We directly compare the two
approaches through a set of experiments based on data collected from 9 healthy
individuals. Our results indicate that the indoor/outdoor context can be
successfully derived from inertial data streams. We also observe that time
series classification models achieve better accuracy than any other
feature-based models, while preserving efficiency and ease of use."
4875,Reachability Constrained Reinforcement Learning,"Constrained reinforcement learning (CRL) has gained significant interest
recently, since safety constraints satisfaction is critical for real-world
problems. However, existing CRL methods constraining discounted cumulative
costs generally lack rigorous definition and guarantee of safety. In contrast,
in the safe control research, safety is defined as persistently satisfying
certain state constraints. Such persistent safety is possible only on a subset
of the state space, called feasible set, where an optimal largest feasible set
exists for a given environment. Recent studies incorporate feasible sets into
CRL with energy-based methods such as control barrier function (CBF), safety
index (SI), and leverage prior conservative estimations of feasible sets, which
harms the performance of the learned policy. To deal with this problem, this
paper proposes the reachability CRL (RCRL) method by using reachability
analysis to establish the novel self-consistency condition and characterize the
feasible sets. The feasible sets are represented by the safety value function,
which is used as the constraint in CRL. We use the multi-time scale stochastic
approximation theory to prove that the proposed algorithm converges to a local
optimum, where the largest feasible set can be guaranteed. Empirical results on
different benchmarks validate the learned feasible set, the policy performance,
and constraint satisfaction of RCRL, compared to CRL and safe control
baselines."
4876,Wasserstein t-SNE,"Scientific datasets often have hierarchical structure: for example, in
surveys, individual participants (samples) might be grouped at a higher level
(units) such as their geographical region. In these settings, the interest is
often in exploring the structure on the unit level rather than on the sample
level. Units can be compared based on the distance between their means, however
this ignores the within-unit distribution of samples. Here we develop an
approach for exploratory analysis of hierarchical datasets using the
Wasserstein distance metric that takes into account the shapes of within-unit
distributions. We use t-SNE to construct 2D embeddings of the units, based on
the matrix of pairwise Wasserstein distances between them. The distance matrix
can be efficiently computed by approximating each unit with a Gaussian
distribution, but we also provide a scalable method to compute exact
Wasserstein distances. We use synthetic data to demonstrate the effectiveness
of our Wasserstein t-SNE, and apply it to data from the 2017 German
parliamentary election, considering polling stations as samples and voting
districts as units. The resulting embedding uncovers meaningful structure in
the data."
4877,A model aggregation approach for high-dimensional large-scale optimization,"Bayesian optimization (BO) has been widely used in machine learning and
simulation optimization. With the increase in computational resources and
storage capacities in these fields, high-dimensional and large-scale problems
are becoming increasingly common. In this study, we propose a model aggregation
method in the Bayesian optimization (MamBO) algorithm for efficiently solving
high-dimensional large-scale optimization problems. MamBO uses a combination of
subsampling and subspace embeddings to collectively address high dimensionality
and large-scale issues; in addition, a model aggregation method is employed to
address the surrogate model uncertainty issue that arises when embedding is
applied. This surrogate model uncertainty issue is largely ignored in the
embedding literature and practice, and it is exacerbated when the problem is
high-dimensional and data are limited. Our proposed model aggregation method
reduces these lower-dimensional surrogate model risks and improves the
robustness of the BO algorithm. We derive an asymptotic bound for the proposed
aggregated surrogate model and prove the convergence of MamBO. Benchmark
numerical experiments indicate that our algorithm achieves superior or
comparable performance to other commonly used high-dimensional BO algorithms.
Moreover, we apply MamBO to a cascade classifier of a machine learning
algorithm for face detection, and the results reveal that MamBO finds settings
that achieve higher classification accuracy than the benchmark settings and is
computationally faster than other high-dimensional BO algorithms."
4878,A scalable deep learning approach for solving high-dimensional dynamic optimal transport,"The dynamic formulation of optimal transport has attracted growing interests
in scientific computing and machine learning, and its computation requires to
solve a PDE-constrained optimization problem. The classical Eulerian
discretization based approaches suffer from the curse of dimensionality, which
arises from the approximation of high-dimensional velocity field. In this work,
we propose a deep learning based method to solve the dynamic optimal transport
in high dimensional space. Our method contains three main ingredients: a
carefully designed representation of the velocity field, the discretization of
the PDE constraint along the characteristics, and the computation of high
dimensional integral by Monte Carlo method in each time step. Specifically, in
the representation of the velocity field, we apply the classical nodal basis
function in time and the deep neural networks in space domain with the H1-norm
regularization. This technique promotes the regularity of the velocity field in
both time and space such that the discretization along the characteristic
remains to be stable during the training process. Extensive numerical examples
have been conducted to test the proposed method. Compared to other solvers of
optimal transport, our method could give more accurate results in high
dimensional cases and has very good scalability with respect to dimension.
Finally, we extend our method to more complicated cases such as crowd motion
problem."
4879,The use of deep learning in interventional radiotherapy (brachytherapy): a review with a focus on open source and open data,"Deep learning advanced to one of the most important technologies in almost
all medical fields. Especially in areas, related to medical imaging it plays a
big role. However, in interventional radiotherapy (brachytherapy) deep learning
is still in an early phase. In this review, first, we investigated and
scrutinised the role of deep learning in all processes of interventional
radiotherapy and directly related fields. Additionally we summarised the most
recent developments. To reproduce results of deep learning algorithms both
source code and training data must be available. Therefore, a second focus of
this work was on the analysis of the availability of open source, open data and
open models. In our analysis, we were able to show that deep learning plays
already a major role in some areas of interventional radiotherapy, but is still
hardly presented in others. Nevertheless, its impact is increasing with the
years, partly self-propelled but also influenced by closely related fields.
Open source, data and models are growing in number but are still scarce and
unevenly distributed among different research groups. The reluctance in
publishing code, data and models limits reproducibility and restricts
evaluation to mono-institutional datasets. Summarised, deep learning will
change positively the workflow of interventional radiotherapy but there is room
for improvement when it comes to reproducible results and standardised
evaluation methods."
4880,KGRGRL: A User's Permission Reasoning Method Based on Knowledge Graph Reward Guidance Reinforcement Learning,"In general, multiple domain cyberspace security assessments can be
implemented by reasoning user's permissions. However, while existing methods
include some information from the physical and social domains, they do not
provide a comprehensive representation of cyberspace. Existing reasoning
methods are also based on expert-given rules, resulting in inefficiency and a
low degree of intelligence. To address this challenge, we create a Knowledge
Graph (KG) of multiple domain cyberspace in order to provide a standard
semantic description of the multiple domain cyberspace. Following that, we
proposed a user's permissions reasoning method based on reinforcement learning.
All permissions in cyberspace are represented as nodes, and an agent is trained
to find all permissions that user can have according to user's initial
permissions and cyberspace KG. We set 10 reward setting rules based on the
features of cyberspace KG in the reinforcement learning of reward information
setting, so that the agent can better locate user's all permissions and avoid
blindly finding user's permissions. The results of the experiments showed that
the proposed method can successfully reason about user's permissions and
increase the intelligence level of the user's permissions reasoning method. At
the same time, the F1 value of the proposed method is 6% greater than that of
the Translating Embedding (TransE) method."
4881,Multi-scale Attention Flow for Probabilistic Time Series Forecasting,"The probability prediction of multivariate time series is a notoriously
challenging but practical task. On the one hand, the challenge is how to
effectively capture the cross-series correlations between interacting time
series, to achieve accurate distribution modeling. On the other hand, we should
consider how to capture the contextual information within time series more
accurately to model multivariate temporal dynamics of time series. In this
work, we proposed a novel non-autoregressive deep learning model, called
Multi-scale Attention Normalizing Flow(MANF), where we integrate multi-scale
attention and relative position information and the multivariate data
distribution is represented by the conditioned normalizing flow. Additionally,
compared with autoregressive modeling methods, our model avoids the influence
of cumulative error and does not increase the time complexity. Extensive
experiments demonstrate that our model achieves state-of-the-art performance on
many popular multivariate datasets."
4882,Robust Testing in High-Dimensional Sparse Models,"We consider the problem of robustly testing the norm of a high-dimensional
sparse signal vector under two different observation models. In the first
model, we are given $n$ i.i.d. samples from the distribution
$\mathcal{N}\left(\theta,I_d\right)$ (with unknown $\theta$), of which a small
fraction has been arbitrarily corrupted. Under the promise that
$\|\theta\|_0\le s$, we want to correctly distinguish whether $\|\theta\|_2=0$
or $\|\theta\|_2>\gamma$, for some input parameter $\gamma>0$. We show that any
algorithm for this task requires $n=\Omega\left(s\log\frac{ed}{s}\right)$
samples, which is tight up to logarithmic factors. We also extend our results
to other common notions of sparsity, namely, $\|\theta\|_q\le s$ for any $0 < q
< 2$. In the second observation model that we consider, the data is generated
according to a sparse linear regression model, where the covariates are i.i.d.
Gaussian and the regression coefficient (signal) is known to be $s$-sparse.
Here too we assume that an $\epsilon$-fraction of the data is arbitrarily
corrupted. We show that any algorithm that reliably tests the norm of the
regression coefficient requires at least $n=\Omega\left(\min(s\log
d,{1}/{\gamma^4})\right)$ samples. Our results show that the complexity of
testing in these two settings significantly increases under robustness
constraints. This is in line with the recent observations made in robust mean
testing and robust covariance testing."
4883,Multiscale reconstruction of porous media based on multiple dictionaries learning,"Digital modeling of the microstructure is important for studying the physical
and transport properties of porous media. Multiscale modeling for porous media
can accurately characterize macro-pores and micro-pores in a large-FoV (field
of view) high-resolution three-dimensional pore structure model. This paper
proposes a multiscale reconstruction algorithm based on multiple dictionaries
learning, in which edge patterns and micro-pore patterns from homology
high-resolution pore structure are introduced into low-resolution pore
structure to build a fine multiscale pore structure model. The qualitative and
quantitative comparisons of the experimental results show that the results of
multiscale reconstruction are similar to the real high-resolution pore
structure in terms of complex pore geometry and pore surface morphology. The
geometric, topological and permeability properties of multiscale reconstruction
results are almost identical to those of the real high-resolution pore
structures. The experiments also demonstrate the proposal algorithm is capable
of multiscale reconstruction without regard to the size of the input. This work
provides an effective method for fine multiscale modeling of porous media."
4884,Learning-Based sensitivity analysis and feedback design for drug delivery of mixed therapy of cancer in the presence of high model uncertainties,"In this paper, a methodology is proposed that enables to analyze the
sensitivity of the outcome of a therapy to unavoidable high dispersion of the
patient specific parameters on one hand and to the choice of the parameters
that define the drug delivery feedback strategy on the other hand. More
precisely, a method is given that enables to extract and rank the most influent
parameters that determine the probability of success/failure of a given
feedback therapy for a given set of initial conditions over a cloud of
realizations of uncertainties. Moreover predictors of the expectations of the
amounts of drugs being used can also be derived. This enables to design an
efficient stochastic optimization framework that guarantees safe contraction of
the tumor while minimizing a weighted sum of the quantities of the different
drugs being used. The framework is illustrated and validated using the example
of a mixed therapy of cancer involving three combined drugs namely: a
chemotherapy drug, an immunology vaccine and an immunotherapy drug. Finally, in
this specific case, it is shown that dash-boards can be built in the 2D-space
of the most influent state components that summarize the outcomes'
probabilities and the associated drug usage as iso-values curves in the reduced
state space."
4885,Manifold Characteristics That Predict Downstream Task Performance,"Pretraining methods are typically compared by evaluating the accuracy of
linear classifiers, transfer learning performance, or visually inspecting the
representation manifold's (RM) lower-dimensional projections. We show that the
differences between methods can be understood more clearly by investigating the
RM directly, which allows for a more detailed comparison. To this end, we
propose a framework and new metric to measure and compare different RMs. We
also investigate and report on the RM characteristics for various pretraining
methods. These characteristics are measured by applying sequentially larger
local alterations to the input data, using white noise injections and Projected
Gradient Descent (PGD) adversarial attacks, and then tracking each datapoint.
We calculate the total distance moved for each datapoint and the relative
change in distance between successive alterations. We show that self-supervised
methods learn an RM where alterations lead to large but constant size changes,
indicating a smoother RM than fully supervised methods. We then combine these
measurements into one metric, the Representation Manifold Quality Metric
(RMQM), where larger values indicate larger and less variable step sizes, and
show that RMQM correlates positively with performance on downstream tasks."
4886,Ergodic variational flows,"This work presents a new class of variational family -- ergodic variational
flows -- that not only enables tractable i.i.d. sampling and density
evaluation, but also comes with MCMC-like convergence guarantees. Ergodic
variational flows consist of a mixture of repeated applications of a
measure-preserving and ergodic map to an initial reference distribution. We
provide mild conditions under which the variational distribution converges
weakly and in total variation to the target as the number of steps in the flow
increases; this convergence holds regardless of the value of variational
parameters, although different parameter values may result in faster or slower
convergence. Further, we develop a particular instantiation of the general
family using Hamiltonian dynamics combined with deterministic momentum
refreshment. Simulated and real data experiments provide an empirical
verification of the convergence theory and demonstrate that samples produced by
the method are of comparable quality to a state-of-the-art MCMC method."
4887,Towards Lossless ANN-SNN Conversion under Ultra-Low Latency with Dual-Phase Optimization,"Spiking neural network (SNN) operating with asynchronous discrete events
shows higher energy efficiency. A popular approach to implement deep SNNs is
ANN-SNN conversion combining both efficient training in ANNs and efficient
inference in SNNs. However, the previous works mostly required thousands of
time steps to achieve lossless conversion. In this paper, we first identify the
underlying cause, i.e., misrepresentation of the negative or overflow residual
membrane potential in SNNs. Furthermore, we systematically analyze the
conversion error between SNNs and ANNs, and then decompose it into three folds:
quantization error, clipping error, and residual membrane potential
representation error. With such insights, we propose a dual-phase conversion
algorithm to minimize those errors. As a result, our model achieves SOTA in
both accuracy and accuracy-delay tradeoff with deep architectures (ResNet and
VGG net). Specifically, we report SOTA accuracy within 16$\times$ speedup
compared with the latest results. Meanwhile, lossless conversion is performed
with at least 2$\times$ faster reasoning performance."
4888,$q$-Munchausen Reinforcement Learning,"The recently successful Munchausen Reinforcement Learning (M-RL) features
implicit Kullback-Leibler (KL) regularization by augmenting the reward function
with logarithm of the current stochastic policy. Though significant improvement
has been shown with the Boltzmann softmax policy, when the Tsallis sparsemax
policy is considered, the augmentation leads to a flat learning curve for
almost every problem considered. We show that it is due to the mismatch between
the conventional logarithm and the non-logarithmic (generalized) nature of
Tsallis entropy. Drawing inspiration from the Tsallis statistics literature, we
propose to correct the mismatch of M-RL with the help of
$q$-logarithm/exponential functions. The proposed formulation leads to implicit
Tsallis KL regularization under the maximum Tsallis entropy framework. We show
such formulation of M-RL again achieves superior performance on benchmark
problems and sheds light on more general M-RL with various entropic indices
$q$."
4889,Gradient Descent Optimizes Infinite-Depth ReLU Implicit Networks with Linear Widths,"Implicit deep learning has recently become popular in the machine learning
community since these implicit models can achieve competitive performance with
state-of-the-art deep networks while using significantly less memory and
computational resources. However, our theoretical understanding of when and how
first-order methods such as gradient descent (GD) converge on
\textit{nonlinear} implicit networks is limited. Although this type of problem
has been studied in standard feed-forward networks, the case of implicit models
is still intriguing because implicit networks have \textit{infinitely} many
layers. The corresponding equilibrium equation probably admits no or multiple
solutions during training. This paper studies the convergence of both gradient
flow (GF) and gradient descent for nonlinear ReLU activated implicit networks.
To deal with the well-posedness problem, we introduce a fixed scalar to scale
the weight matrix of the implicit layer and show that there exists a small
enough scaling constant, keeping the equilibrium equation well-posed throughout
training. As a result, we prove that both GF and GD converge to a global
minimum at a linear rate if the width $m$ of the implicit network is
\textit{linear} in the sample size $N$, i.e., $m=\Omega(N)$."
4890,Diffusion Models for Adversarial Purification,"Adversarial purification refers to a class of defense methods that remove
adversarial perturbations using a generative model. These methods do not make
assumptions on the form of attack and the classification model, and thus can
defend pre-existing classifiers against unseen threats. However, their
performance currently falls behind adversarial training methods. In this work,
we propose DiffPure that uses diffusion models for adversarial purification:
Given an adversarial example, we first diffuse it with a small amount of noise
following a forward diffusion process, and then recover the clean image through
a reverse generative process. To evaluate our method against strong adaptive
attacks in an efficient and scalable way, we propose to use the adjoint method
to compute full gradients of the reverse generative process. Extensive
experiments on three image datasets including CIFAR-10, ImageNet and CelebA-HQ
with three classifier architectures including ResNet, WideResNet and ViT
demonstrate that our method achieves the state-of-the-art results,
outperforming current adversarial training and adversarial purification
methods, often by a large margin. Project page: https://diffpure.github.io."
4891,Miutsu: NTU's TaskBot for the Alexa Prize,"This paper introduces Miutsu, National Taiwan University's Alexa Prize
TaskBot, which is designed to assist users in completing tasks requiring
multiple steps and decisions in two different domains -- home improvement and
cooking. We overview our system design and architectural goals, and detail the
proposed core elements, including question answering, task retrieval, social
chatting, and various conversational modules. A dialogue flow is proposed to
provide a robust and engaging conversation when handling complex tasks. We
discuss the faced challenges during the competition and potential future work."
4892,A Deep Reinforcement Learning Blind AI in DareFightingICE,"This paper presents a deep reinforcement learning agent (AI) that uses sound
as the input on the DareFightingICE platform at the DareFightingICE Competition
in IEEE CoG 2022. In this work, an AI that only uses sound as the input is
called blind AI. While state-of-the-art AIs rely mostly on visual or structured
observations provided by their environments, learning to play games from only
sound is still new and thus challenging. We propose different approaches to
process audio data and use the Proximal Policy Optimization algorithm for our
blind AI. We also propose to use our blind AI in evaluation of sound designs
submitted to the competition and define two metrics for this task. The
experimental results show the effectiveness of not only our blind AI but also
the proposed two metrics."
4893,Enforcing KL Regularization in General Tsallis Entropy Reinforcement Learning via Advantage Learning,"Maximum Tsallis entropy (MTE) framework in reinforcement learning has gained
popularity recently by virtue of its flexible modeling choices including the
widely used Shannon entropy and sparse entropy. However, non-Shannon entropies
suffer from approximation error and subsequent underperformance either due to
its sensitivity or the lack of closed-form policy expression. To improve the
tradeoff between flexibility and empirical performance, we propose to
strengthen their error-robustness by enforcing implicit Kullback-Leibler (KL)
regularization in MTE motivated by Munchausen DQN (MDQN). We do so by drawing
connection between MDQN and advantage learning, by which MDQN is shown to fail
on generalizing to the MTE framework. The proposed method Tsallis Advantage
Learning (TAL) is verified on extensive experiments to not only significantly
improve upon Tsallis-DQN for various non-closed-form Tsallis entropies, but
also exhibits comparable performance to state-of-the-art maximum Shannon
entropy algorithms."
4894,Optimizing the optimizer for data driven deep neural networks and physics informed neural networks,"We investigate the role of the optimizer in determining the quality of the
model fit for neural networks with a small to medium number of parameters. We
study the performance of Adam, an algorithm for first-order gradient-based
optimization that uses adaptive momentum, the Levenberg and Marquardt (LM)
algorithm a second order method, Broyden,Fletcher,Goldfarb and Shanno algorithm
(BFGS) a second order method and LBFGS, a low memory version of BFGS. Using
these optimizers we fit the function y = sinc(10x) using a neural network with
a few parameters. This function has a variable amplitude and a constant
frequency. We observe that the higher amplitude components of the function are
fitted first and the Adam, BFGS and LBFGS struggle to fit the lower amplitude
components of the function. We also solve the Burgers equation using a physics
informed neural network(PINN) with the BFGS and LM optimizers. For our example
problems with a small to medium number of weights, we find that the LM
algorithm is able to rapidly converge to machine precision offering significant
benefits over other optimizers. We further investigated the Adam optimizer with
a range of models and found that Adam optimiser requires much deeper models
with large numbers of hidden units containing up to 26x more parameters, in
order to achieve a model fit close that achieved by the LM optimizer. The LM
optimizer results illustrate that it may be possible build models with far
fewer parameters. We have implemented all our methods in Keras and TensorFlow
2."
4895,Explanation-Guided Fairness Testing through Genetic Algorithm,"The fairness characteristic is a critical attribute of trusted AI systems. A
plethora of research has proposed diverse methods for individual fairness
testing. However, they are suffering from three major limitations, i.e., low
efficiency, low effectiveness, and model-specificity. This work proposes ExpGA,
an explanationguided fairness testing approach through a genetic algorithm
(GA). ExpGA employs the explanation results generated by interpretable methods
to collect high-quality initial seeds, which are prone to derive discriminatory
samples by slightly modifying feature values. ExpGA then adopts GA to search
discriminatory sample candidates by optimizing a fitness value. Benefiting from
this combination of explanation results and GA, ExpGA is both efficient and
effective to detect discriminatory individuals. Moreover, ExpGA only requires
prediction probabilities of the tested model, resulting in a better
generalization capability to various models. Experiments on multiple real-world
benchmarks, including tabular and text datasets, show that ExpGA presents
higher efficiency and effectiveness than four state-of-the-art approaches."
4896,On the Convergence of the Shapley Value in Parametric Bayesian Learning Games,"Measuring contributions is a classical problem in cooperative game theory
where the Shapley value is the most well-known solution concept. In this paper,
we establish the convergence property of the Shapley value in parametric
Bayesian learning games where players perform a Bayesian inference using their
combined data, and the posterior-prior KL divergence is used as the
characteristic function. We show that for any two players, under some
regularity conditions, their difference in Shapley value converges in
probability to the difference in Shapley value of a limiting game whose
characteristic function is proportional to the log-determinant of the joint
Fisher information. As an application, we present an online collaborative
learning framework that is asymptotically Shapley-fair. Our result enables this
to be achieved without any costly computations of posterior-prior KL
divergences. Only a consistent estimator of the Fisher information is needed.
The effectiveness of our framework is demonstrated with experiments using
real-world data."
4897,Exploring the Learning Difficulty of Data Theory and Measure,"As learning difficulty is crucial for machine learning (e.g.,
difficulty-based weighting learning strategies), previous literature has
proposed a number of learning difficulty measures. However, no comprehensive
investigation for learning difficulty is available to date, resulting in that
nearly all existing measures are heuristically defined without a rigorous
theoretical foundation. In addition, there is no formal definition of easy and
hard samples even though they are crucial in many studies. This study attempts
to conduct a pilot theoretical study for learning difficulty of samples. First,
a theoretical definition of learning difficulty is proposed on the basis of the
bias-variance trade-off theory on generalization error. Theoretical definitions
of easy and hard samples are established on the basis of the proposed
definition. A practical measure of learning difficulty is given as well
inspired by the formal definition. Second, the properties for learning
difficulty-based weighting strategies are explored. Subsequently, several
classical weighting methods in machine learning can be well explained on
account of explored properties. Third, the proposed measure is evaluated to
verify its reasonability and superiority in terms of several main difficulty
factors. The comparison in these experiments indicates that the proposed
measure significantly outperforms the other measures throughout the
experiments."
4898,Optimal Randomized Approximations for Matrix based Renyi's Entropy,"The Matrix-based Renyi's entropy enables us to directly measure information
quantities from given data without the costly probability density estimation of
underlying distributions, thus has been widely adopted in numerous statistical
learning and inference tasks. However, exactly calculating this new information
quantity requires access to the eigenspectrum of a semi-positive definite (SPD)
matrix $A$ which grows linearly with the number of samples $n$, resulting in a
$O(n^3)$ time complexity that is prohibitive for large-scale applications. To
address this issue, this paper takes advantage of stochastic trace
approximations for matrix-based Renyi's entropy with arbitrary $\alpha \in R^+$
orders, lowering the complexity by converting the entropy approximation to a
matrix-vector multiplication problem. Specifically, we develop random
approximations for integer order $\alpha$ cases and polynomial series
approximations (Taylor and Chebyshev) for non-integer $\alpha$ cases, leading
to a $O(n^2sm)$ overall time complexity, where $s,m \ll n$ denote the number of
vector queries and the polynomial order respectively. We theoretically
establish statistical guarantees for all approximation algorithms and give
explicit order of s and m with respect to the approximation error
$\varepsilon$, showing optimal convergence rate for both parameters up to a
logarithmic factor. Large-scale simulations and real-world applications
validate the effectiveness of the developed approximations, demonstrating
remarkable speedup with negligible loss in accuracy."
4899,"Trustworthy Graph Neural Networks: Aspects, Methods and Trends","Graph neural networks (GNNs) have emerged as a series of competent graph
learning methods for diverse real-world scenarios, ranging from daily
applications like recommendation systems and question answering to cutting-edge
technologies such as drug discovery in life sciences and n-body simulation in
astrophysics. However, task performance is not the only requirement for GNNs.
Performance-oriented GNNs have exhibited potential adverse effects like
vulnerability to adversarial attacks, unexplainable discrimination against
disadvantaged groups, or excessive resource consumption in edge computing
environments. To avoid these unintentional harms, it is necessary to build
competent GNNs characterised by trustworthiness. To this end, we propose a
comprehensive roadmap to build trustworthy GNNs from the view of the various
computing technologies involved. In this survey, we introduce basic concepts
and comprehensively summarise existing efforts for trustworthy GNNs from six
aspects, including robustness, explainability, privacy, fairness,
accountability, and environmental well-being. Additionally, we highlight the
intricate cross-aspect relations between the above six aspects of trustworthy
GNNs. Finally, we present a thorough overview of trending directions for
facilitating the research and industrialisation of trustworthy GNNs."
4900,TNN7: A Custom Macro Suite for Implementing Highly Optimized Designs of Neuromorphic TNNs,"Temporal Neural Networks (TNNs), inspired from the mammalian neocortex,
exhibit energy-efficient online sensory processing capabilities. Recent works
have proposed a microarchitecture framework for implementing TNNs and
demonstrated competitive performance on vision and time-series applications.
Building on these previous works, this work proposes TNN7, a suite of nine
highly optimized custom macros developed using a predictive 7nm Process Design
Kit (PDK), to enhance the efficiency, modularity and flexibility of the TNN
design framework. TNN prototypes for two applications are used for evaluation
of TNN7. An unsupervised time-series clustering TNN delivering competitive
performance can be implemented within 40 uW power and 0.05 mm^2 area, while a
4-layer TNN that achieves an MNIST error rate of 1% consumes only 18 mW and
24.63 mm^2. On average, the proposed macros reduce power, delay, area, and
energy-delay product by 14%, 16%, 28%, and 45%, respectively. Furthermore,
employing TNN7 significantly reduces the synthesis runtime of TNN designs (by
more than 3x), allowing for highly-scaled TNN implementations to be realized."
4901,Training neural networks using Metropolis Monte Carlo and an adaptive variant,"We examine the zero-temperature Metropolis Monte Carlo algorithm as a tool
for training a neural network by minimizing a loss function. We find that, as
expected on theoretical grounds and shown empirically by other authors,
Metropolis Monte Carlo can train a neural net with an accuracy comparable to
that of gradient descent, if not necessarily as quickly. The Metropolis
algorithm does not fail automatically when the number of parameters of a neural
network is large. It can fail when a neural network's structure or neuron
activations are strongly heterogenous, and we introduce an adaptive Monte Carlo
algorithm, aMC, to overcome these limitations. The intrinsic stochasticity of
the Monte Carlo method allows aMC to train neural networks in which the
gradient is too small to allow training by gradient descent. We suggest that,
as for molecular simulation, Monte Carlo methods offer a complement to
gradient-based methods for training neural networks, allowing access to a
distinct set of network architectures and principles."
4902,What GPT Knows About Who is Who,"Coreference resolution -- which is a crucial task for understanding discourse
and language at large -- has yet to witness widespread benefits from large
language models (LLMs). Moreover, coreference resolution systems largely rely
on supervised labels, which are highly expensive and difficult to annotate,
thus making it ripe for prompt engineering. In this paper, we introduce a
QA-based prompt-engineering method and discern \textit{generative}, pre-trained
LLMs' abilities and limitations toward the task of coreference resolution. Our
experiments show that GPT-2 and GPT-Neo can return valid answers, but that
their capabilities to identify coreferent mentions are limited and
prompt-sensitive, leading to inconsistent results."
4903,SuperWarp: Supervised Learning and Warping on U-Net for Invariant Subvoxel-Precise Registration,"In recent years, learning-based image registration methods have gradually
moved away from direct supervision with target warps to instead use
self-supervision, with excellent results in several registration benchmarks.
These approaches utilize a loss function that penalizes the intensity
differences between the fixed and moving images, along with a suitable
regularizer on the deformation. In this paper, we argue that the relative
failure of supervised registration approaches can in part be blamed on the use
of regular U-Nets, which are jointly tasked with feature extraction, feature
matching, and estimation of deformation. We introduce one simple but crucial
modification to the U-Net that disentangles feature extraction and matching
from deformation prediction, allowing the U-Net to warp the features, across
levels, as the deformation field is evolved. With this modification, direct
supervision using target warps begins to outperform self-supervision approaches
that require segmentations, presenting new directions for registration when
images do not have segmentations. We hope that our findings in this preliminary
workshop paper will re-ignite research interest in supervised image
registration techniques. Our code is publicly available from
https://github.com/balbasty/superwarp."
4904,Sibyl: Adaptive and Extensible Data Placement in Hybrid Storage Systems Using Online Reinforcement Learning,"Hybrid storage systems (HSS) use multiple different storage devices to
provide high and scalable storage capacity at high performance. Recent research
proposes various techniques that aim to accurately identify
performance-critical data to place it in a ""best-fit"" storage device.
Unfortunately, most of these techniques are rigid, which (1) limits their
adaptivity to perform well for a wide range of workloads and storage device
configurations, and (2) makes it difficult for designers to extend these
techniques to different storage system configurations (e.g., with a different
number or different types of storage devices) than the configuration they are
designed for. We introduce Sibyl, the first technique that uses reinforcement
learning for data placement in hybrid storage systems. Sibyl observes different
features of the running workload as well as the storage devices to make
system-aware data placement decisions. For every decision it makes, Sibyl
receives a reward from the system that it uses to evaluate the long-term
performance impact of its decision and continuously optimizes its data
placement policy online. We implement Sibyl on real systems with various HSS
configurations. Our results show that Sibyl provides 21.6%/19.9% performance
improvement in a performance-oriented/cost-oriented HSS configuration compared
to the best previous data placement technique. Our evaluation using an HSS
configuration with three different storage devices shows that Sibyl outperforms
the state-of-the-art data placement policy by 23.9%-48.2%, while significantly
reducing the system architect's burden in designing a data placement mechanism
that can simultaneously incorporate three storage devices. We show that Sibyl
achieves 80% of the performance of an oracle policy that has complete knowledge
of future access patterns while incurring a very modest storage overhead of
only 124.4 KiB."
4905,Inverse design of nano-photonic wavelength demultiplexer with a deep neural network approach,"In this paper, we propose a pre-trained-combined neural network (PTCN) as a
comprehensive solution to the inverse design of an integrated photonic circuit.
By utilizing both the initially pre-trained inverse and forward model with a
joint training process, our PTCN model shows remarkable tolerance to the
quantity and quality of the training data. As a proof of concept demonstration,
the inverse design of a wavelength demultiplexer is used to verify the
effectiveness of the PTCN model. The correlation coefficient of the prediction
by the presented PTCN model remains greater than 0.974 even when the size of
training data is decreased to 17%. The experimental results show a good
agreement with predictions, and demonstrate a wavelength demultiplexer with an
ultra-compact footprint, a high transmission efficiency with a transmission
loss of -2dB, a low reflection of -10dB, and low crosstalk around -7dB
simultaneously."
4906,Learning Representations for New Sound Classes With Continual Self-Supervised Learning,"In this paper, we present a self-supervised learning framework for
continually learning representations for new sound classes. The proposed system
relies on a continually trained neural encoder that is trained with
similarity-based learning objectives without using labels. We show that
representations learned with the proposed method generalize better and are less
susceptible to catastrophic forgetting than fully-supervised approaches.
Remarkably, our technique does not store past data or models and is more
computationally efficient than distillation-based methods. To accurately assess
the system performance, in addition to using existing protocols, we propose two
realistic evaluation protocols that use only a small amount of labeled data to
simulate practical use cases."
4907,Incorporating Prior Knowledge into Neural Networks through an Implicit Composite Kernel,"It is challenging to guide neural network (NN) learning with prior knowledge.
In contrast, many known properties, such as spatial smoothness or seasonality,
are straightforward to model by choosing an appropriate kernel in a Gaussian
process (GP). Many deep learning applications could be enhanced by modeling
such known properties. For example, convolutional neural networks (CNNs) are
frequently used in remote sensing, which is subject to strong seasonal effects.
We propose to blend the strengths of deep learning and the clear modeling
capabilities of GPs by using a composite kernel that combines a kernel
implicitly defined by a neural network with a second kernel function chosen to
model known properties (e.g., seasonality). Then, we approximate the resultant
GP by combining a deep network and an efficient mapping based on the Nystrom
approximation, which we call Implicit Composite Kernel (ICK). ICK is flexible
and can be used to include prior information in neural networks in many
applications. We demonstrate the strength of our framework by showing its
superior performance and flexibility on both synthetic and real-world data
sets. The code is available at:
https://anonymous.4open.science/r/ICK_NNGP-17C5/."
4908,The Splendors and Miseries of Heavisidisation,"Machine Learning (ML) is applicable to scientific problems, i.e. to those
which have a well defined answer, only if this answer can be brought to a
peculiar form ${\cal G}: X\longrightarrow Z$ with ${\cal G}(\vec x)$ expressed
as a combination of iterated Heaviside functions. At present it is far from
obvious, if and when such representations exist, what are the obstacles and, if
they are absent, what are the ways to convert the known formulas into this
form. This gives rise to a program of reformulation of ordinary science in such
terms -- which sounds like a strong enhancement of the constructive mathematics
approach, only this time it concerns all natural sciences. We describe the
first steps on this long way."
4909,Effect of Batch Normalization on Noise Resistant Property of Deep Learning Models,"The fast execution speed and energy efficiency of analog hardware has made
them a strong contender for deployment of deep learning model at the edge.
However, there are concerns about the presence of analog noise which causes
changes to the weight of the models, leading to performance degradation of deep
learning model, despite their inherent noise resistant characteristics. The
effect of the popular batch normalization layer on the noise resistant ability
of deep learning model is investigated in this work. This systematic study has
been carried out by first training different models with and without batch
normalization layer on CIFAR10 and CIFAR100 dataset. The weights of the
resulting models are then injected with analog noise and the performance of the
models on the test dataset is obtained and compared. The results show that the
presence of batch normalization layer negatively impacts noise resistant
property of deep learning model and the impact grows with the increase of the
number of batch normalization layers."
4910,High-Resolution CMB Lensing Reconstruction with Deep Learning,"Next-generation cosmic microwave background (CMB) surveys are expected to
provide valuable information about the primordial universe by creating maps of
the mass along the line of sight. Traditional tools for creating these lensing
convergence maps include the quadratic estimator and the maximum likelihood
based iterative estimator. Here, we apply a generative adversarial network
(GAN) to reconstruct the lensing convergence field. We compare our results with
a previous deep learning approach -- Residual-UNet -- and discuss the pros and
cons of each. In the process, we use training sets generated by a variety of
power spectra, rather than the one used in testing the methods."
4911,What is an equivariant neural network?,"We explain equivariant neural networks, a notion underlying breakthroughs in
machine learning from deep convolutional neural networks for computer vision to
AlphaFold 2 for protein structure prediction, without assuming knowledge of
equivariance or neural networks. The basic mathematical ideas are simple but
are often obscured by engineering complications that come with practical
realizations. We extract and focus on the mathematical aspects, and limit
ourselves to a cursory treatment of the engineering issues at the end."
4912,Novel Multicolumn Kernel Extreme Learning Machine for Food Detection via Optimal Features from CNN,"Automatic food detection is an emerging topic of interest due to its wide
array of applications ranging from detecting food images on social media
platforms to filtering non-food photos from the users in dietary assessment
apps. Recently, during the COVID-19 pandemic, it has facilitated enforcing an
eating ban by automatically detecting eating activities from cameras in public
places. Therefore, to tackle the challenge of recognizing food images with high
accuracy, we proposed the idea of a hybrid framework for extracting and
selecting optimal features from an efficient neural network. There on, a
nonlinear classifier is employed to discriminate between linearly inseparable
feature vectors with great precision. In line with this idea, our method
extracts features from MobileNetV3, selects an optimal subset of attributes by
using Shapley Additive exPlanations (SHAP) values, and exploits kernel extreme
learning machine (KELM) due to its nonlinear decision boundary and good
generalization ability. However, KELM suffers from the 'curse of dimensionality
problem' for large datasets due to the complex computation of kernel matrix
with large numbers of hidden nodes. We solved this problem by proposing a novel
multicolumn kernel extreme learning machine (MCKELM) which exploited the k-d
tree algorithm to divide data into N subsets and trains separate KELM on each
subset of data. Then, the method incorporates KELM classifiers into parallel
structures and selects the top k nearest subsets during testing by using the
k-d tree search for classifying input instead of the whole network. For
evaluating a proposed framework large food/non-food dataset is prepared using
nine publically available datasets. Experimental results showed the superiority
of our method on an integrated set of measures while solving the problem of
'curse of dimensionality in KELM for large datasets."
4913,Learning Car Speed Using Inertial Sensors,"A deep neural network (DNN) is trained to estimate the speed of a car driving
in an urban area using as input a stream of measurements from a low-cost
six-axis inertial measurement unit (IMU). Three hours of data was collected by
driving through the city of Ashdod, Israel in a car equipped with a global
navigation satellite system (GNSS) real time kinematic (RTK) positioning device
and a synchronized IMU. Ground truth labels for the car speed were calculated
using the position measurements obtained at the high rate of 50 [Hz]. A DNN
architecture with long short-term memory layers is proposed to enable
high-frequency speed estimation that accounts for previous inputs history and
the nonlinear relation between speed, acceleration, and angular velocity. A
simplified aided dead reckoning localization scheme is formulated to assess the
trained model which provides the speed pseudo-measurement. The trained model is
shown to substantially improve the position accuracy during a 4 minutes drive
without the use of GNSS position updates."
4914,Policy Gradient Method For Robust Reinforcement Learning,"This paper develops the first policy gradient method with global optimality
guarantee and complexity analysis for robust reinforcement learning under model
mismatch. Robust reinforcement learning is to learn a policy robust to model
mismatch between simulator and real environment. We first develop the robust
policy (sub-)gradient, which is applicable for any differentiable parametric
policy class. We show that the proposed robust policy gradient method converges
to the global optimum asymptotically under direct policy parameterization. We
further develop a smoothed robust policy gradient method and show that to
achieve an $\epsilon$-global optimum, the complexity is $\mathcal
O(\epsilon^{-3})$. We then extend our methodology to the general model-free
setting and design the robust actor-critic method with differentiable
parametric policy class and value function. We further characterize its
asymptotic convergence and sample complexity under the tabular setting.
Finally, we provide simulation results to demonstrate the robustness of our
methods."
4915,Reductive MDPs: A Perspective Beyond Temporal Horizons,"Solving general Markov decision processes (MDPs) is a computationally hard
problem. Solving finite-horizon MDPs, on the other hand, is highly tractable
with well known polynomial-time algorithms. What drives this extreme disparity,
and do problems exist that lie between these diametrically opposed
complexities? In this paper we identify and analyse a sub-class of stochastic
shortest path problems (SSPs) for general state-action spaces whose dynamics
satisfy a particular drift condition. This construction generalises the
traditional, temporal notion of a horizon via decreasing reachability: a
property called reductivity. It is shown that optimal policies can be recovered
in polynomial-time for reductive SSPs -- via an extension of backwards
induction -- with an efficient analogue in reductive MDPs. The practical
considerations of the proposed approach are discussed, and numerical
verification provided on a canonical optimal liquidation problem."
4916,Sobolev Acceleration and Statistical Optimality for Learning Elliptic Equations via Gradient Descent,"In this paper, we study the statistical limits in terms of Sobolev norms of
gradient descent for solving inverse problem from randomly sampled noisy
observations using a general class of objective functions. Our class of
objective functions includes Sobolev training for kernel regression, Deep Ritz
Methods (DRM), and Physics Informed Neural Networks (PINN) for solving elliptic
partial differential equations (PDEs) as special cases. We consider a
potentially infinite-dimensional parameterization of our model using a suitable
Reproducing Kernel Hilbert Space and a continuous parameterization of problem
hardness through the definition of kernel integral operators. We prove that
gradient descent over this objective function can also achieve statistical
optimality and the optimal number of passes over the data increases with sample
size. Based on our theory, we explain an implicit acceleration of using a
Sobolev norm as the objective function for training, inferring that the optimal
number of epochs of DRM becomes larger than the number of PINN when both the
data size and the hardness of tasks increase, although both DRM and PINN can
achieve statistical optimality."
4917,Analyzing Lottery Ticket Hypothesis from PAC-Bayesian Theory Perspective,"The lottery ticket hypothesis (LTH) has attracted attention because it can
explain why over-parameterized models often show high generalization ability.
It is known that when we use iterative magnitude pruning (IMP), which is an
algorithm to find sparse networks with high generalization ability that can be
trained from the initial weights independently, called winning tickets, the
initial large learning rate does not work well in deep neural networks such as
ResNet. However, since the initial large learning rate generally helps the
optimizer to converge to flatter minima, we hypothesize that the winning
tickets have relatively sharp minima, which is considered a disadvantage in
terms of generalization ability. In this paper, we confirm this hypothesis and
show that the PAC-Bayesian theory can provide an explicit understanding of the
relationship between LTH and generalization behavior. On the basis of our
experimental findings that flatness is useful for improving accuracy and
robustness to label noise and that the distance from the initial weights is
deeply involved in winning tickets, we offer the PAC-Bayes bound using a
spike-and-slab distribution to analyze winning tickets. Finally, we revisit
existing algorithms for finding winning tickets from a PAC-Bayesian perspective
and provide new insights into these methods."
4918,cMelGAN: An Efficient Conditional Generative Model Based on Mel Spectrograms,"Analysing music in the field of machine learning is a very difficult problem
with numerous constraints to consider. The nature of audio data, with its very
high dimensionality and widely varying scales of structure, is one of the
primary reasons why it is so difficult to model. There are many applications of
machine learning in music, like the classifying the mood of a piece of music,
conditional music generation, or popularity prediction. The goal for this
project was to develop a genre-conditional generative model of music based on
Mel spectrograms and evaluate its performance by comparing it to existing
generative music models that use note-based representations. We initially
implemented an autoregressive, RNN-based generative model called MelNet .
However, due to its slow speed and low fidelity output, we decided to create a
new, fully convolutional architecture that is based on the MelGAN [4] and
conditional GAN architectures, called cMelGAN."
4919,Developing patient-driven artificial intelligence based on personal rankings of care decision making steps,"We propose and experimentally motivate a new methodology to support
decision-making processes in healthcare with artificial intelligence based on
personal rankings of care decision making steps that can be identified with our
methodology, questionnaire data and its statistical patterns. Our longitudinal
quantitative cross-sectional three-stage study gathered self-ratings for 437
expression statements concerning healthcare situations on Likert scales in
respect to ""the need for help"", ""the advancement of health"", ""the hopefulness"",
""the indication of compassion"" and ""the health condition"", and 45 answers about
the person's demographics, health and wellbeing, also the duration of giving
answers. Online respondents between 1 June 2020 and 29 June 2021 were recruited
from Finnish patient and disabled people's organizations, other health-related
organizations and professionals, and educational institutions (n=1075). With
Kruskal-Wallis test, Wilcoxon rank-sum test (i.e., Mann-Whitney U test),
Wilcoxon rank-sum pairwise test, Welch's t test and one-way analysis of
variance (ANOVA) between groups test we identified statistically significant
differences of ratings and their durations for each expression statement in
respect to respondent groupings based on the answer values of each background
question. Frequencies of the later reordering of rating rankings showed
dependencies with ratings given earlier in respect to various interpretation
task entities, interpretation dimensions and respondent groupings. Our
methodology, questionnaire data and its statistical patterns enable analyzing
with self-rated expression statements the representations of decision making
steps in healthcare situations and their chaining, agglomeration and branching
in knowledge entities of personalized care paths. Our results support building
artificial intelligence solutions to address the patient's needs concerning
care."
4920,Parameter Adaptation for Joint Distribution Shifts,"While different methods exist to tackle distinct types of distribution shift,
such as label shift (in the form of adversarial attacks) or domain shift,
tackling the joint shift setting is still an open problem. Through the study of
a joint distribution shift manifesting both adversarial and domain-specific
perturbations, we not only show that a joint shift worsens model performance
compared to their individual shifts, but that the use of a similar domain
worsens performance than a dissimilar domain. To curb the performance drop, we
study the use of perturbation sets motivated by input and parameter space
bounds, and adopt a meta learning strategy (hypernetworks) to model parameters
w.r.t. test-time inputs to recover performance."
4921,Generalization Bounds on Multi-Kernel Learning with Mixed Datasets,"This paper presents novel generalization bounds for the multi-kernel learning
problem. Motivated by applications in sensor networks, we assume that the
dataset is mixed where each sample is taken from a finite pool of Markov
chains. Our bounds for learning kernels admit $O(\sqrt{\log m})$ dependency on
the number of base kernels and $O(1/\sqrt{n})$ dependency on the number of
training samples. However, some $O(1/\sqrt{n})$ terms are added to compensate
for the dependency among samples compared with existing generalization bounds
for multi-kernel learning with i.i.d. datasets."
4922,COIN: Communication-Aware In-Memory Acceleration for Graph Convolutional Networks,"Graph convolutional networks (GCNs) have shown remarkable learning
capabilities when processing graph-structured data found inherently in many
application areas. GCNs distribute the outputs of neural networks embedded in
each vertex over multiple iterations to take advantage of the relations
captured by the underlying graphs. Consequently, they incur a significant
amount of computation and irregular communication overheads, which call for
GCN-specific hardware accelerators. To this end, this paper presents a
communication-aware in-memory computing architecture (COIN) for GCN hardware
acceleration. Besides accelerating the computation using custom compute
elements (CE) and in-memory computing, COIN aims at minimizing the intra- and
inter-CE communication in GCN operations to optimize the performance and energy
efficiency. Experimental evaluations with widely used datasets show up to 105x
improvement in energy consumption compared to state-of-the-art GCN accelerator."
4923,3DLinker: An E(3) Equivariant Variational Autoencoder for Molecular Linker Design,"Deep learning has achieved tremendous success in designing novel chemical
compounds with desirable pharmaceutical properties. In this work, we focus on a
new type of drug design problem -- generating a small ""linker"" to physically
attach two independent molecules with their distinct functions. The main
computational challenges include: 1) the generation of linkers is conditional
on the two given molecules, in contrast to generating full molecules from
scratch in previous works; 2) linkers heavily depend on the anchor atoms of the
two molecules to be connected, which are not known beforehand; 3) 3D structures
and orientations of the molecules need to be considered to avoid atom clashes,
for which equivariance to E(3) group are necessary. To address these problems,
we propose a conditional generative model, named 3DLinker, which is able to
predict anchor atoms and jointly generate linker graphs and their 3D structures
based on an E(3) equivariant graph variational autoencoder. So far as we know,
there are no previous models that could achieve this task. We compare our model
with multiple conditional generative models modified from other molecular
design tasks and find that our model has a significantly higher rate in
recovering molecular graphs, and more importantly, accurately predicting the 3D
coordinates of all the atoms."
4924,Finding Global Homophily in Graph Neural Networks When Meeting Heterophily,"We investigate graph neural networks on graphs with heterophily. Some
existing methods amplify a node's neighborhood with multi-hop neighbors to
include more nodes with homophily. However, it is a significant challenge to
set personalized neighborhood sizes for different nodes. Further, for other
homophilous nodes excluded in the neighborhood, they are ignored for
information aggregation. To address these problems, we propose two models
GloGNN and GloGNN++, which generate a node's embedding by aggregating
information from global nodes in the graph. In each layer, both models learn a
coefficient matrix to capture the correlations between nodes, based on which
neighborhood aggregation is performed. The coefficient matrix allows signed
values and is derived from an optimization problem that has a closed-form
solution. We further accelerate neighborhood aggregation and derive a linear
time complexity. We theoretically explain the models' effectiveness by proving
that both the coefficient matrix and the generated node embedding matrix have
the desired grouping effect. We conduct extensive experiments to compare our
models against 11 other competitors on 15 benchmark datasets in a wide range of
domains, scales and graph heterophilies. Experimental results show that our
methods achieve superior performance and are also very efficient."
4925,Optimization of Decision Tree Evaluation Using SIMD Instructions,"Decision forest (decision tree ensemble) is one of the most popular machine
learning algorithms. To use large models on big data, like document scoring
with learning-to-rank models, we need to evaluate these models efficiently. In
this paper, we explore MatrixNet, the ancestor of the popular CatBoost library.
Both libraries use the SSE instruction set for scoring on CPU. This paper
investigates the opportunities given by the AVX instruction set to evaluate
models more efficiently. We achieved 35% speedup on the binarization stage
(nodes conditions comparison), and 20% speedup on the trees apply stage on the
ranking model."
4926,Posterior Probability Matters: Doubly-Adaptive Calibration for Neural Predictions in Online Advertising,"Predicting user response probabilities is vital for ad ranking and bidding.
We hope that predictive models can produce accurate probabilistic predictions
that reflect true likelihoods. Calibration techniques aims to post-process
model predictions to posterior probabilities. Field-level calibration -- which
performs calibration w.r.t. to a specific field value -- is fine-grained and
more practical. In this paper we propose a doubly-adaptive approach AdaCalib.
It learns an isotonic function family to calibrate model predictions with the
guidance of posterior statistics, and field-adaptive mechanisms are designed to
ensure that the posterior is appropriate for the field value to be calibrated.
Experiments verify that AdaCalib achieves significant improvement on
calibration performance. It has been deployed online and beats previous
approach."
4927,A Computational Framework of Cortical Microcircuits Approximates Sign-concordant Random Backpropagation,"Several recent studies attempt to address the biological implausibility of
the well-known backpropagation (BP) method. While promising methods such as
feedback alignment, direct feedback alignment, and their variants like
sign-concordant feedback alignment tackle BP's weight transport problem, their
validity remains controversial owing to a set of other unsolved issues. In this
work, we answer the question of whether it is possible to realize random
backpropagation solely based on mechanisms observed in neuroscience. We propose
a hypothetical framework consisting of a new microcircuit architecture and its
supporting Hebbian learning rules. Comprising three types of cells and two
types of synaptic connectivity, the proposed microcircuit architecture computes
and propagates error signals through local feedback connections and supports
the training of multi-layered spiking neural networks with a globally defined
spiking error function. We employ the Hebbian rule operating in local
compartments to update synaptic weights and achieve supervised learning in a
biologically plausible manner. Finally, we interpret the proposed framework
from an optimization point of view and show its equivalence to sign-concordant
feedback alignment. The proposed framework is benchmarked on several datasets
including MNIST and CIFAR10, demonstrating promising BP-comparable accuracy."
4928,A Note on the Chernoff Bound for Random Variables in the Unit Interval,"The Chernoff bound is a well-known tool for obtaining a high probability
bound on the expectation of a Bernoulli random variable in terms of its sample
average. This bound is commonly used in statistical learning theory to upper
bound the generalisation risk of a hypothesis in terms of its empirical risk on
held-out data, for the case of a binary-valued loss function. However, the
extension of this bound to the case of random variables taking values in the
unit interval is less well known in the community. In this note we provide a
proof of this extension for convenience and future reference."
4929,Exploiting the Relationship Between Kendall's Rank Correlation and Cosine Similarity for Attribution Protection,"Model attributions are important in deep neural networks as they aid
practitioners in understanding the models, but recent studies reveal that
attributions can be easily perturbed by adding imperceptible noise to the
input. The non-differentiable Kendall's rank correlation is a key performance
index for attribution protection. In this paper, we first show that the
expected Kendall's rank correlation is positively correlated to cosine
similarity and then indicate that the direction of attribution is the key to
attribution robustness. Based on these findings, we explore the vector space of
attribution to explain the shortcomings of attribution defense methods using
$\ell_p$ norm and propose integrated gradient regularizer (IGR), which
maximizes the cosine similarity between natural and perturbed attributions. Our
analysis further exposes that IGR encourages neurons with the same activation
states for natural samples and the corresponding perturbed samples, which is
shown to induce robustness to gradient-based attribution methods. Our
experiments on different models and datasets confirm our analysis on
attribution protection and demonstrate a decent improvement in adversarial
robustness."
4930,Fairness via Explanation Quality: Evaluating Disparities in the Quality of Post hoc Explanations,"As post hoc explanation methods are increasingly being leveraged to explain
complex models in high-stakes settings, it becomes critical to ensure that the
quality of the resulting explanations is consistently high across various
population subgroups including the minority groups. For instance, it should not
be the case that explanations associated with instances belonging to a
particular gender subgroup (e.g., female) are less accurate than those
associated with other genders. However, there is little to no research that
assesses if there exist such group-based disparities in the quality of the
explanations output by state-of-the-art explanation methods. In this work, we
address the aforementioned gaps by initiating the study of identifying
group-based disparities in explanation quality. To this end, we first outline
the key properties which constitute explanation quality and where disparities
can be particularly problematic. We then leverage these properties to propose a
novel evaluation framework which can quantitatively measure disparities in the
quality of explanations output by state-of-the-art methods. Using this
framework, we carry out a rigorous empirical analysis to understand if and when
group-based disparities in explanation quality arise. Our results indicate that
such disparities are more likely to occur when the models being explained are
complex and highly non-linear. In addition, we also observe that certain post
hoc explanation methods (e.g., Integrated Gradients, SHAP) are more likely to
exhibit the aforementioned disparities. To the best of our knowledge, this work
is the first to highlight and study the problem of group-based disparities in
explanation quality. In doing so, our work sheds light on previously unexplored
ways in which explanation methods may introduce unfairness in real world
decision making."
4931,Classifiers are Better Experts for Controllable Text Generation,"This paper proposes a simple method for controllable text generation based on
weighting logits with a free-form classifier, namely CAIF sampling. Using an
arbitrary text classifier, we adjust a small part of a language model's logits
and guide text generation towards or away from classifier prediction. We
experimented with toxicity avoidance and sentiment control tasks and showed
that the proposed method significantly outperforms recent PPLM, GeDi, and
DExperts on PPL and task accuracy metrics based on the external classifier of
generated texts. In addition, compared to other approaches, it is easier to
implement and tune and has significantly fewer restrictions and requirements."
4932,Supervised Learning and Model Analysis with Compositional Data,"The compositionality and sparsity of high-throughput sequencing data poses a
challenge for regression and classification. However, in microbiome research in
particular, conditional modeling is an essential tool to investigate
relationships between phenotypes and the microbiome. Existing techniques are
often inadequate: they either rely on extensions of the linear log-contrast
model (which adjusts for compositionality, but is often unable to capture
useful signals), or they are based on black-box machine learning methods (which
may capture useful signals, but ignore compositionality in downstream
analyses).
We propose KernelBiome, a kernel-based nonparametric regression and
classification framework for compositional data. It is tailored to sparse
compositional data and is able to incorporate prior knowledge, such as
phylogenetic structure. KernelBiome captures complex signals, including in the
zero-structure, while automatically adapting model complexity. We demonstrate
on par or improved predictive performance compared with state-of-the-art
machine learning methods. Additionally, our framework provides two key
advantages: (i) We propose two novel quantities to interpret contributions of
individual components and prove that they consistently estimate average
perturbation effects of the conditional mean, extending the interpretability of
linear log-contrast models to nonparametric models. (ii) We show that the
connection between kernels and distances aids interpretability and provides a
data-driven embedding that can augment further analysis. Finally, we apply the
KernelBiome framework to two public microbiome studies and illustrate the
proposed model analysis. KernelBiome is available as an open-source Python
package at https://github.com/shimenghuang/KernelBiome."
4933,Textual Explanations and Critiques in Recommendation Systems,"Artificial intelligence and machine learning algorithms have become
ubiquitous. Although they offer a wide range of benefits, their adoption in
decision-critical fields is limited by their lack of interpretability,
particularly with textual data. Moreover, with more data available than ever
before, it has become increasingly important to explain automated predictions.
Generally, users find it difficult to understand the underlying computational
processes and interact with the models, especially when the models fail to
generate the outcomes or explanations, or both, correctly. This problem
highlights the growing need for users to better understand the models' inner
workings and gain control over their actions. This dissertation focuses on two
fundamental challenges of addressing this need. The first involves explanation
generation: inferring high-quality explanations from text documents in a
scalable and data-driven manner. The second challenge consists in making
explanations actionable, and we refer to it as critiquing. This dissertation
examines two important applications in natural language processing and
recommendation tasks.
Overall, we demonstrate that interpretability does not come at the cost of
reduced performance in two consequential applications. Our framework is
applicable to other fields as well. This dissertation presents an effective
means of closing the gap between promise and practice in artificial
intelligence."
4934,Discovering the Representation Bottleneck of Graph Neural Networks from Multi-order Interactions,"Most graph neural networks (GNNs) rely on the message passing paradigm to
propagate node features and build interactions. Recent works point out that
different graph learning tasks require different ranges of interactions between
nodes. To investigate the underlying mechanism, we explore the capacity of GNNs
to capture pairwise interactions between nodes under contexts with different
complexities, especially for their graph-level and node-level applications in
scientific domains like biochemistry and physics. When formulating pairwise
interactions, we study two standard graph construction methods in scientific
domains, i.e., K-nearest neighbor (KNN) graphs and fully-connected (FC) graphs.
Furthermore, we demonstrate that the inductive bias introduced by KNN-graphs
and FC-graphs inhibits GNNs from learning the most informative order of
interactions. Such a phenomenon is broadly shared by several GNNs for different
graph learning tasks and prevents GNNs from reaching the global minimum loss,
so we name it a representation bottleneck. To overcome that, we propose a novel
graph rewiring approach based on the pairwise interaction strengths to adjust
the reception fields of each node dynamically. Extensive experiments in
molecular property prediction and dynamic system forecast prove the superiority
of our method over state-of-the-art GNN baselines. Besides, this paper provides
a reasonable explanation of why subgraphs play a vital role in determining
graph properties. The code is available at
https://github.com/smiles724/bottleneck."
4935,Topic Modelling on Consumer Financial Protection Bureau Data: An Approach Using BERT Based Embeddings,"Customers' reviews and comments are important for businesses to understand
users' sentiment about the products and services. However, this data needs to
be analyzed to assess the sentiment associated with topics/aspects to provide
efficient customer assistance. LDA and LSA fail to capture the semantic
relationship and are not specific to any domain. In this study, we evaluate
BERTopic, a novel method that generates topics using sentence embeddings on
Consumer Financial Protection Bureau (CFPB) data. Our work shows that BERTopic
is flexible and yet provides meaningful and diverse topics compared to LDA and
LSA. Furthermore, domain-specific pre-trained embeddings (FinBERT) yield even
better topics. We evaluated the topics on coherence score (c_v) and UMass."
4936,Not to Overfit or Underfit? A Study of Domain Generalization in Question Answering,"Machine learning models are prone to overfitting their source (training)
distributions, which is commonly believed to be why they falter in novel target
domains. Here we examine the contrasting view that multi-source domain
generalization (DG) is in fact a problem of mitigating source domain
underfitting: models not adequately learning the signal in their multi-domain
training data. Experiments on a reading comprehension DG benchmark show that as
a model gradually learns its source domains better -- using known methods such
as knowledge distillation from a larger model -- its zero-shot out-of-domain
accuracy improves at an even faster rate. Improved source domain learning also
demonstrates superior generalization over three popular domain-invariant
learning methods that aim to counter overfitting."
4937,Evaluating Independence and Conditional Independence Measures,"Independence and Conditional Independence (CI) are two fundamental concepts
in probability and statistics, which can be applied to solve many central
problems of statistical inference. There are many existing independence and CI
measures defined from diverse principles and concepts. In this paper, the 16
independence measures and 16 CI measures were reviewed and then evaluated with
simulated and real data. For the independence measures, eight simulated data
were generating from normal distribution, normal and Archimedean copula
functions to compare the measures in bivariate or multivariate, linear or
nonlinear settings. Two UCI dataset, including the heart disease data and the
wine quality data, were used to test the power of the independence measures in
real conditions. For the CI measures, two simulated data with normal
distribution and Gumbel copula, and one real data (the Beijing air data) were
utilized to test the CI measures in prespecified linear or nonlinear setting
and real scenario. From the experimental results, we found that most of the
measures work well on the simulated data by presenting the right monotonicity
of the simulations. However, the independence and CI measures were
differentiated on much complex real data respectively and only a few can be
considered as working well with reference to domain knowledge. We also found
that the measures tend to be separated into groups based on the similarity of
the behaviors of them in each setting and in general. According to the
experiments, we recommend CE as a good choice for both independence and CI
measure. This is also due to its rigorous distribution-free definition and
consistent nonparametric estimator."
4938,Reliable Offline Model-based Optimization for Industrial Process Control,"In the research area of offline model-based optimization, novel and promising
methods are frequently developed. However, implementing such methods in
real-world industrial systems such as production lines for process control is
oftentimes a frustrating process. In this work, we address two important
problems to extend the current success of offline model-based optimization to
industrial process control problems: 1) how to learn a reliable dynamics model
from offline data for industrial processes? 2) how to learn a reliable but not
over-conservative control policy from offline data by utilizing existing
model-based optimization algorithms? Specifically, we propose a dynamics model
based on ensemble of conditional generative adversarial networks to achieve
accurate reward calculation in industrial scenarios. Furthermore, we propose an
epistemic-uncertainty-penalized reward evaluation function which can
effectively avoid giving over-estimated rewards to out-of-distribution inputs
during the learning/searching of the optimal control policy. We provide
extensive experiments with the proposed method on two representative cases (a
discrete control case and a continuous control case), showing that our method
compares favorably to several baselines in offline policy learning for
industrial process control."
4939,Pocket2Mol: Efficient Molecular Sampling Based on 3D Protein Pockets,"Deep generative models have achieved tremendous success in designing novel
drug molecules in recent years. A new thread of works have shown the great
potential in advancing the specificity and success rate of in silico drug
design by considering the structure of protein pockets. This setting posts
fundamental computational challenges in sampling new chemical compounds that
could satisfy multiple geometrical constraints imposed by pockets. Previous
sampling algorithms either sample in the graph space or only consider the 3D
coordinates of atoms while ignoring other detailed chemical structures such as
bond types and functional groups. To address the challenge, we develop
Pocket2Mol, an E(3)-equivariant generative network composed of two modules: 1)
a new graph neural network capturing both spatial and bonding relationships
between atoms of the binding pockets and 2) a new efficient algorithm which
samples new drug candidates conditioned on the pocket representations from a
tractable distribution without relying on MCMC. Experimental results
demonstrate that molecules sampled from Pocket2Mol achieve significantly better
binding affinity and other drug properties such as druglikeness and synthetic
accessibility."
4940,Learning Shared Kernel Models: the Shared Kernel EM algorithm,"Expectation maximisation (EM) is an unsupervised learning method for
estimating the parameters of a finite mixture distribution. It works by
introducing ""hidden"" or ""latent"" variables via Baum's auxiliary function $Q$
that allow the joint data likelihood to be expressed as a product of simple
factors. The relevance of EM has increased since the introduction of the
variational lower bound (VLB): the VLB differs from Baum's auxiliary function
only by the entropy of the PDF of the latent variables $Z$. We first present a
rederivation of the standard EM algorithm using data association ideas from the
field of multiple target tracking, using $K$-valued scalar data association
hypotheses rather than the usual binary indicator vectors. The same method is
then applied to a little known but much more general type of supervised EM
algorithm for shared kernel models, related to probabilistic radial basis
function networks. We address a number of shortcomings in the derivations that
have been published previously in this area. In particular, we give
theoretically rigorous derivations of (i) the complete data likelihood; (ii)
Baum's auxiliary function (the E-step) and (iii) the maximisation (M-step) in
the case of Gaussian shared kernel models. The subsequent algorithm, called
shared kernel EM (SKEM), is then applied to a digit recognition problem using a
novel 7-segment digit representation. Variants of the algorithm that use
different numbers of features and different EM algorithm dimensions are
compared in terms of mean accuracy and mean IoU. A simplified classifier is
proposed that decomposes the joint data PDF as a product of lower order PDFs
over non-overlapping subsets of variables. The effect of different numbers of
assumed mixture components $K$ is also investigated. High-level source code for
the data generation and SKEM algorithm is provided."
4941,FreeMatch: Self-adaptive Thresholding for Semi-supervised Learning,"Pseudo labeling and consistency regularization approaches based on confidence
thresholding have made great progress in semi-supervised learning (SSL).
However, we argue that existing methods might fail to adopt suitable thresholds
since they either use a pre-defined / fixed threshold or an ad-hoc threshold
adjusting scheme, resulting in inferior performance and slow convergence. We
first analyze a motivating example to achieve some intuitions on the
relationship between the desirable threshold and model's learning status. Based
on the analysis, we hence propose FreeMatch to define and adjust the confidence
threshold in a self-adaptive manner according to the model's learning status.
We further introduce a self-adaptive class fairness regularization penalty that
encourages the model to produce diverse predictions during the early stages of
training. Extensive experimental results indicate the superiority of FreeMatch
especially when the labeled data are extremely rare. FreeMatch achieves 5.78%,
13.59%, and 1.28% error rate reduction over the latest state-of-the-art method
FlexMatch on CIFAR-10 with 1 label per class, STL-10 with 4 labels per class,
and ImageNet with 100 labels per class, respectively."
4942,Combating COVID-19 using Generative Adversarial Networks and Artificial Intelligence for Medical Images: A Scoping Review,"This review presents a comprehensive study on the role of GANs in addressing
the challenges related to COVID-19 data scarcity and diagnosis. It is the first
review that summarizes the different GANs methods and the lungs images datasets
for COVID-19. It attempts to answer the questions related to applications of
GANs, popular GAN architectures, frequently used image modalities, and the
availability of source code. This review included 57 full-text studies that
reported the use of GANs for different applications in COVID-19 lungs images
data. Most of the studies (n=42) used GANs for data augmentation to enhance the
performance of AI techniques for COVID-19 diagnosis. Other popular applications
of GANs were segmentation of lungs and super-resolution of the lungs images.
The cycleGAN and the conditional GAN were the most commonly used architectures
used in nine studies each. 29 studies used chest X-Ray images while 21 studies
used CT images for the training of GANs. For majority of the studies (n=47),
the experiments were done and results were reported using publicly available
data. A secondary evaluation of the results by radiologists/clinicians was
reported by only two studies. Conclusion: Studies have shown that GANs have
great potential to address the data scarcity challenge for lungs images of
COVID-19. Data synthesized with GANs have been helpful to improve the training
of the Convolutional Neural Network (CNN) models trained for the diagnosis of
COVID-19. Besides, GANs have also contributed to enhancing the CNNs performance
through the super-resolution of the images and segmentation. This review also
identified key limitations of the potential transformation of GANs based
methods in clinical applications."
4943,Clinical outcome prediction under hypothetical interventions -- a representation learning framework for counterfactual reasoning,"Most machine learning (ML) models are developed for prediction only; offering
no option for causal interpretation of their predictions or
parameters/properties. This can hamper the health systems' ability to employ ML
models in clinical decision-making processes, where the need and desire for
predicting outcomes under hypothetical investigations (i.e., counterfactual
reasoning/explanation) is high. In this research, we introduce a new
representation learning framework (i.e., partial concept bottleneck), which
considers the provision of counterfactual explanations as an embedded property
of the risk model. Despite architectural changes necessary for jointly
optimising for prediction accuracy and counterfactual reasoning, the accuracy
of our approach is comparable to prediction-only models. Our results suggest
that our proposed framework has the potential to help researchers and
clinicians improve personalised care (e.g., by investigating the hypothetical
differential effects of interventions)"
4944,RoMFAC: A Robust Mean-Field Actor-Critic Reinforcement Learning against Adversarial Perturbations on States,"Deep reinforcement learning methods for multi-agent systems make optimal
decisions dependent on states observed by agents, but a little uncertainty on
the observations can possibly mislead agents into taking wrong actions. The
mean-field actor-critic reinforcement learning (MFAC) is very famous in the
multi-agent field since it can effectively handle the scalability problem.
However, this paper finds that it is also sensitive to state perturbations
which can significantly degrade the team rewards. This paper proposes a robust
learning framework for MFAC called RoMFAC that has two innovations: 1) a new
objective function of training actors, composed of a \emph{policy gradient
function} that is related to the expected cumulative discount reward on sampled
clean states and an \emph{action loss function} that represents the difference
between actions taken on clean and adversarial states; and 2) a repetitive
regularization of the action loss that ensures the trained actors obtain a good
performance. Furthermore, we prove that the proposed action loss function is
convergent. Experiments show that RoMFAC is robust against adversarial
perturbations while maintaining its good performance in environments without
perturbations."
4945,Sample-Efficient Learning of Correlated Equilibria in Extensive-Form Games,"Imperfect-Information Extensive-Form Games (IIEFGs) is a prevalent model for
real-world games involving imperfect information and sequential plays. The
Extensive-Form Correlated Equilibrium (EFCE) has been proposed as a natural
solution concept for multi-player general-sum IIEFGs. However, existing
algorithms for finding an EFCE require full feedback from the game, and it
remains open how to efficiently learn the EFCE in the more challenging bandit
feedback setting where the game can only be learned by observations from
repeated playing.
This paper presents the first sample-efficient algorithm for learning the
EFCE from bandit feedback. We begin by proposing $K$-EFCE -- a more generalized
definition that allows players to observe and deviate from the recommended
actions for $K$ times. The $K$-EFCE includes the EFCE as a special case at
$K=1$, and is an increasingly stricter notion of equilibrium as $K$ increases.
We then design an uncoupled no-regret algorithm that finds an
$\varepsilon$-approximate $K$-EFCE within
$\widetilde{\mathcal{O}}(\max_{i}X_iA_i^{K}/\varepsilon^2)$ iterations in the
full feedback setting, where $X_i$ and $A_i$ are the number of information sets
and actions for the $i$-th player. Our algorithm works by minimizing a
wide-range regret at each information set that takes into account all possible
recommendation histories. Finally, we design a sample-based variant of our
algorithm that learns an $\varepsilon$-approximate $K$-EFCE within
$\widetilde{\mathcal{O}}(\max_{i}X_iA_i^{K+1}/\varepsilon^2)$ episodes of play
in the bandit feedback setting. When specialized to $K=1$, this gives the first
sample-efficient algorithm for learning EFCE from bandit feedback."
4946,Online Nonsubmodular Minimization with Delayed Costs: From Full Information to Bandit Feedback,"Motivated by applications to online learning in sparse estimation and
Bayesian optimization, we consider the problem of online unconstrained
nonsubmodular minimization with delayed costs in both full information and
bandit feedback settings. In contrast to previous works on online unconstrained
submodular minimization, we focus on a class of nonsubmodular functions with
special structure, and prove regret guarantees for several variants of the
online and approximate online bandit gradient descent algorithms in static and
delayed scenarios. We derive bounds for the agent's regret in the full
information and bandit feedback setting, even if the delay between choosing a
decision and receiving the incurred cost is unbounded. Key to our approach is
the notion of $(\alpha, \beta)$-regret and the extension of the generic convex
relaxation model from~\citet{El-2020-Optimal}, the analysis of which is of
independent interest. We conduct and showcase several simulation studies to
demonstrate the efficacy of our algorithms."
4947,Federated learning for LEO constellations via inter-HAP links,"Low Earth Obit (LEO) satellite constellations have seen a sharp increase of
deployment in recent years, due to their distinctive capabilities of providing
broadband Internet access and enabling global data acquisition as well as
large-scale AI applications. To apply machine learning (ML) in such
applications, the traditional way of downloading satellite data such as imagery
to a ground station (GS) and then training a model in a centralized manner, is
not desirable because of the limited bandwidth, intermittent connectivity
between satellites and the GS, and privacy concerns on transmitting raw data.
Federated Learning (FL) as an emerging communication and computing paradigm
provides a potentially supreme solution to this problem. However, we show that
existing FL solutions do not fit well in such LEO constellation scenarios
because of significant challenges such as excessive convergence delay and
unreliable wireless channels. To this end, we propose to introduce
high-altitude platforms (HAPs) as distributed parameter servers (PSs) and
propose a synchronous FL algorithm, FedHAP, to accomplish model training in an
efficient manner via inter-satellite collaboration. To accelerate convergence,
we also propose a layered communication scheme between satellites and HAPs that
FedHAP leverages. Our simulations demonstrate that FedHAP attains model
convergence in much fewer communication rounds than benchmarks, cutting the
training time substantially from several days down to a few hours with the same
level of resulting accuracy."
4948,Towards a Comprehensive Solution for a Vision-based Digitized Neurological Examination,"The ability to use digitally recorded and quantified neurological exam
information is important to help healthcare systems deliver better care,
in-person and via telehealth, as they compensate for a growing shortage of
neurologists. Current neurological digital biomarker pipelines, however, are
narrowed down to a specific neurological exam component or applied for
assessing specific conditions. In this paper, we propose an accessible
vision-based exam and documentation solution called Digitized Neurological
Examination (DNE) to expand exam biomarker recording options and clinical
applications using a smartphone/tablet. Through our DNE software, healthcare
providers in clinical settings and people at home are enabled to video capture
an examination while performing instructed neurological tests, including finger
tapping, finger to finger, forearm roll, and stand-up and walk. Our modular
design of the DNE software supports integrations of additional tests. The DNE
extracts from the recorded examinations the 2D/3D human-body pose and
quantifies kinematic and spatio-temporal features. The features are clinically
relevant and allow clinicians to document and observe the quantified movements
and the changes of these metrics over time. A web server and a user interface
for recordings viewing and feature visualizations are available. DNE was
evaluated on a collected dataset of 21 subjects containing normal and
simulated-impaired movements. The overall accuracy of DNE is demonstrated by
classifying the recorded movements using various machine learning models. Our
tests show an accuracy beyond 90% for upper-limb tests and 80% for the stand-up
and walk tests."
4949,A comparison of PINN approaches for drift-diffusion equations on metric graphs,"In this paper we focus on comparing machine learning approaches for quantum
graphs, which are metric graphs, i.e., graphs with dedicated edge lengths, and
an associated differential operator. In our case the differential equation is a
drift-diffusion model. Computational methods for quantum graphs require a
careful discretization of the differential operator that also incorporates the
node conditions, in our case Kirchhoff-Neumann conditions. Traditional
numerical schemes are rather mature but have to be tailored manually when the
differential equation becomes the constraint in an optimization problem.
Recently, physics informed neural networks (PINNs) have emerged as a versatile
tool for the solution of partial differential equations from a range of
applications. They offer flexibility to solve parameter identification or
optimization problems by only slightly changing the problem formulation used
for the forward simulation. We compare several PINN approaches for solving the
drift-diffusion on the metric graph."
4950,Fair Bayes-Optimal Classifiers Under Predictive Parity,"Increasing concerns about disparate effects of AI have motivated a great deal
of work on fair machine learning. Existing works mainly focus on independence-
and separation-based measures (e.g., demographic parity, equality of
opportunity, equalized odds), while sufficiency-based measures such as
predictive parity are much less studied. This paper considers predictive
parity, which requires equalizing the probability of success given a positive
prediction among different protected groups. We prove that, if the overall
performances of different groups vary only moderately, all fair Bayes-optimal
classifiers under predictive parity are group-wise thresholding rules. Perhaps
surprisingly, this may not hold if group performance levels vary widely; in
this case we find that predictive parity among protected groups may lead to
within-group unfairness. We then propose an algorithm we call FairBayes-DPP,
aiming to ensure predictive parity when our condition is satisfied.
FairBayes-DPP is an adaptive thresholding algorithm that aims to achieve
predictive parity, while also seeking to maximize test accuracy. We provide
supporting experiments conducted on synthetic and empirical data."
4951,Sparsity-Aware Robust Normalized Subband Adaptive Filtering algorithms based on Alternating Optimization,"This paper proposes a unified sparsity-aware robust normalized subband
adaptive filtering (SA-RNSAF) algorithm for identification of sparse systems
under impulsive noise. The proposed SA-RNSAF algorithm generalizes different
algorithms by defining the robust criterion and sparsity-aware penalty.
Furthermore, by alternating optimization of the parameters (AOP) of the
algorithm, including the step-size and the sparsity penalty weight, we develop
the AOP-SA-RNSAF algorithm, which not only exhibits fast convergence but also
obtains low steady-state misadjustment for sparse systems. Simulations in
various noise scenarios have verified that the proposed AOP-SA-RNSAF algorithm
outperforms existing techniques."
4952,Proxyless Neural Architecture Adaptation for Supervised Learning and Self-Supervised Learning,"Recently, Neural Architecture Search (NAS) methods have been introduced and
show impressive performance on many benchmarks. Among those NAS studies, Neural
Architecture Transformer (NAT) aims to adapt the given neural architecture to
improve performance while maintaining computational costs. However, NAT lacks
reproducibility and it requires an additional architecture adaptation process
before network weight training. In this paper, we propose proxyless neural
architecture adaptation that is reproducible and efficient. Our method can be
applied to both supervised learning and self-supervised learning. The proposed
method shows stable performance on various architectures. Extensive
reproducibility experiments on two datasets, i.e., CIFAR-10 and Tiny Imagenet,
present that the proposed method definitely outperforms NAT and is applicable
to other models and datasets."
4953,Evaluating Generalizability of Fine-Tuned Models for Fake News Detection,"The Covid-19 pandemic has caused a dramatic and parallel rise in dangerous
misinformation, denoted an `infodemic' by the CDC and WHO. Misinformation tied
to the Covid-19 infodemic changes continuously; this can lead to performance
degradation of fine-tuned models due to concept drift. Degredation can be
mitigated if models generalize well-enough to capture some cyclical aspects of
drifted data. In this paper, we explore generalizability of pre-trained and
fine-tuned fake news detectors across 9 fake news datasets. We show that
existing models often overfit on their training dataset and have poor
performance on unseen data. However, on some subsets of unseen data that
overlap with training data, models have higher accuracy. Based on this
observation, we also present KMeans-Proxy, a fast and effective method based on
K-Means clustering for quickly identifying these overlapping subsets of unseen
data. KMeans-Proxy improves generalizability on unseen fake news datasets by
0.1-0.2 f1-points across datasets. We present both our generalizability
experiments as well as KMeans-Proxy to further research in tackling the fake
news problem."
4954,Interpretable Stochastic Model Predictive Control using Distributional Reinforced Estimation for Quadrotor Tracking Systems,"This paper presents a novel trajectory tracker for autonomous quadrotor
navigation in dynamic and complex environments. The proposed framework
integrates a distributional Reinforcement Learning (RL) estimator for unknown
aerodynamic effects into a Stochastic Model Predictive Controller (SMPC) for
trajectory tracking. Aerodynamic effects derived from drag forces and moment
variations are difficult to model directly and accurately. Most current
quadrotor tracking systems therefore treat them as simple `disturbances' in
conventional control approaches. We propose Quantile-approximation-based
Distributional Reinforced-disturbance-estimator, an aerodynamic disturbance
estimator, to accurately identify disturbances, i.e., uncertainties between the
true and estimated values of aerodynamic effects. Simplified Affine Disturbance
Feedback is employed for control parameterization to guarantee convexity, which
we then integrate with a SMPC to achieve sufficient and non-conservative
control signals. We demonstrate our system to improve the cumulative tracking
errors by at least 66% with unknown and diverse aerodynamic forces compared
with recent state-of-the-art. Concerning traditional Reinforcement Learning's
non-interpretability, we provide convergence and stability guarantees of
Distributional RL and SMPC, respectively, with non-zero mean disturbances."
4955,Trajectory Inference via Mean-field Langevin in Path Space,"Trajectory inference aims at recovering the dynamics of a population from
snapshots of its temporal marginals. To solve this task, a min-entropy
estimator relative to the Wiener measure in path space was introduced by
Lavenant et al. arXiv:2102.09204, and shown to consistently recover the
dynamics of a large class of drift-diffusion processes from the solution of an
infinite dimensional convex optimization problem. In this paper, we introduce a
grid-free algorithm to compute this estimator. Our method consists in a family
of point clouds (one per snapshot) coupled via Schr\""odinger bridges which
evolve with noisy gradient descent. We study the mean-field limit of the
dynamics and prove its global convergence to the desired estimator. Overall,
this leads to an inference method with end-to-end theoretical guarantees that
solves an interpretable model for trajectory inference. We also present how to
adapt the method to deal with mass variations, a useful extension when dealing
with single cell RNA-sequencing data where cells can branch and die."
4956,BackLink: Supervised Local Training with Backward Links,"Empowered by the backpropagation (BP) algorithm, deep neural networks have
dominated the race in solving various cognitive tasks. The restricted training
pattern in the standard BP requires end-to-end error propagation, causing large
memory cost and prohibiting model parallelization. Existing local training
methods aim to resolve the training obstacle by completely cutting off the
backward path between modules and isolating their gradients to reduce memory
cost and accelerate the training process. These methods prevent errors from
flowing between modules and hence information exchange, resulting in inferior
performance. This work proposes a novel local training algorithm, BackLink,
which introduces inter-module backward dependency and allows errors to flow
between modules. The algorithm facilitates information to flow backward along
with the network. To preserve the computational advantage of local training,
BackLink restricts the error propagation length within the module. Extensive
experiments performed in various deep convolutional neural networks demonstrate
that our method consistently improves the classification performance of local
training algorithms over other methods. For example, in ResNet32 with 16 local
modules, our method surpasses the conventional greedy local training method by
4.00\% and a recent work by 1.83\% in accuracy on CIFAR10, respectively.
Analysis of computational costs reveals that small overheads are incurred in
GPU memory costs and runtime on multiple GPUs. Our method can lead up to a 79\%
reduction in memory cost and 52\% in simulation runtime in ResNet110 compared
to the standard BP. Therefore, our method could create new opportunities for
improving training algorithms towards better efficiency and biological
plausibility."
4957,Breaking with Fixed Set Pathology Recognition through Report-Guided Contrastive Training,"When reading images, radiologists generate text reports describing the
findings therein. Current state-of-the-art computer-aided diagnosis tools
utilize a fixed set of predefined categories automatically extracted from these
medical reports for training. This form of supervision limits the potential
usage of models as they are unable to pick up on anomalies outside of their
predefined set, thus, making it a necessity to retrain the classifier with
additional data when faced with novel classes. In contrast, we investigate
direct text supervision to break away from this closed set assumption. By doing
so, we avoid noisy label extraction via text classifiers and incorporate more
contextual information.
We employ a contrastive global-local dual-encoder architecture to learn
concepts directly from unstructured medical reports while maintaining its
ability to perform free form classification.
We investigate relevant properties of open set recognition for radiological
data and propose a method to employ currently weakly annotated data into
training.
We evaluate our approach on the large-scale chest X-Ray datasets MIMIC-CXR,
CheXpert, and ChestX-Ray14 for disease classification. We show that despite
using unstructured medical report supervision, we perform on par with direct
label supervision through a sophisticated inference setting."
4958,Classification of Astronomical Bodies by Efficient Layer Fine-Tuning of Deep Neural Networks,"The SDSS-IV dataset contains information about various astronomical bodies
such as Galaxies, Stars, and Quasars captured by observatories. Inspired by our
work on deep multimodal learning, which utilized transfer learning to classify
the SDSS-IV dataset, we further extended our research in the fine tuning of
these architectures to study the effect in the classification scenario.
Architectures such as Resnet-50, DenseNet-121 VGG-16, Xception, EfficientNetB2,
MobileNetV2 and NasnetMobile have been built using layer wise fine tuning at
different levels. Our findings suggest that freezing all layers with Imagenet
weights and adding a final trainable layer may not be the optimal solution.
Further, baseline models and models that have higher number of trainable layers
performed similarly in certain architectures. Model need to be fine tuned at
different levels and a specific training ratio is required for a model to be
termed ideal. Different architectures had different responses to the change in
the number of trainable layers w.r.t accuracies. While models such as
DenseNet-121, Xception, EfficientNetB2 achieved peak accuracies that were
relatively consistent with near perfect training curves, models such as
Resnet-50,VGG-16, MobileNetV2 and NasnetMobile had lower, delayed peak
accuracies with poorly fitting training curves. It was also found that though
mobile neural networks have lesser parameters and model size, they may not
always be ideal for deployment on a low computational device as they had
consistently lower validation accuracies. Customized evaluation metrics such as
Tuning Parameter Ratio and Tuning Layer Ratio are used for model evaluation."
4959,Revisiting Facial Key Point Detection: An Efficient Approach Using Deep Neural Networks,"Facial landmark detection is a widely researched field of deep learning as
this has a wide range of applications in many fields. These key points are
distinguishing characteristic points on the face, such as the eyes center, the
eye's inner and outer corners, the mouth center, and the nose tip from which
human emotions and intent can be explained. The focus of our work has been
evaluating transfer learning models such as MobileNetV2 and NasNetMobile,
including custom CNN architectures. The objective of the research has been to
develop efficient deep learning models in terms of model size, parameters, and
inference time and to study the effect of augmentation imputation and
fine-tuning on these models. It was found that while augmentation techniques
produced lower RMSE scores than imputation techniques, they did not affect the
inference time. MobileNetV2 architecture produced the lowest RMSE and inference
time. Moreover, our results indicate that manually optimized CNN architectures
performed similarly to Auto Keras tuned architecture. However, manually
optimized architectures yielded better inference time and training curves."
4960,Efficient Deep Learning Methods for Identification of Defective Casting Products,"Quality inspection has become crucial in any large-scale manufacturing
industry recently. In order to reduce human error, it has become imperative to
use efficient and low computational AI algorithms to identify such defective
products. In this paper, we have compared and contrasted various pre-trained
and custom-built architectures using model size, performance and CPU latency in
the detection of defective casting products. Our results show that custom
architectures are efficient than pre-trained mobile architectures. Moreover,
custom models perform 6 to 9 times faster than lightweight models such as
MobileNetV2 and NasNet. The number of training parameters and the model size of
the custom architectures is significantly lower (~386 times & ~119 times
respectively) than the best performing models such as MobileNetV2 and NasNet.
Augmentation experimentations have also been carried out on the custom
architectures to make the models more robust and generalizable. Our work sheds
light on the efficiency of these custom-built architectures for deployment on
Edge and IoT devices and that transfer learning models may not always be ideal.
Instead, they should be specific to the kind of dataset and the classification
problem at hand."
4961,Practical Insights of Repairing Model Problems on Image Classification,"Additional training of a deep learning model can cause negative effects on
the results, turning an initially positive sample into a negative one
(degradation). Such degradation is possible in real-world use cases due to the
diversity of sample characteristics. That is, a set of samples is a mixture of
critical ones which should not be missed and less important ones. Therefore, we
cannot understand the performance by accuracy alone. While existing research
aims to prevent a model degradation, insights into the related methods are
needed to grasp their benefits and limitations. In this talk, we will present
implications derived from a comparison of methods for reducing degradation.
Especially, we formulated use cases for industrial settings in terms of
arrangements of a data set. The results imply that a practitioner should care
about better method continuously considering dataset availability and life
cycle of an AI system because of a trade-off between accuracy and preventing
degradation."
4962,SystemMatch: optimizing preclinical drug models to human clinical outcomes via generative latent-space matching,"Translating the relevance of preclinical models ($\textit{in vitro}$, animal
models, or organoids) to their relevance in humans presents an important
challenge during drug development. The rising abundance of single-cell genomic
data from human tumors and tissue offers a new opportunity to optimize model
systems by their similarity to targeted human cell types in disease. In this
work, we introduce SystemMatch to assess the fit of preclinical model systems
to an $\textit{in sapiens}$ target population and to recommend experimental
changes to further optimize these systems. We demonstrate this through an
application to developing $\textit{in vitro}$ systems to model human
tumor-derived suppressive macrophages. We show with held-out $\textit{in vivo}$
controls that our pipeline successfully ranks macrophage subpopulations by
their biological similarity to the target population, and apply this analysis
to rank a series of 18 $\textit{in vitro}$ macrophage systems perturbed with a
variety of cytokine stimulations. We extend this analysis to predict the
behavior of 66 $\textit{in silico}$ model systems generated using a
perturbational autoencoder and apply a $k$-medoids approach to recommend a
subset of these model systems for further experimental development in order to
fully explore the space of possible perturbations. Through this use case, we
demonstrate a novel approach to model system development to generate a system
more similar to human biology."
4963,Unsupervised Abnormal Traffic Detection through Topological Flow Analysis,"Cyberthreats are a permanent concern in our modern technological world. In
the recent years, sophisticated traffic analysis techniques and anomaly
detection (AD) algorithms have been employed to face the more and more
subversive adversarial attacks. A malicious intrusion, defined as an invasive
action intending to illegally exploit private resources, manifests through
unusual data traffic and/or abnormal connectivity pattern. Despite the plethora
of statistical or signature-based detectors currently provided in the
literature, the topological connectivity component of a malicious flow is less
exploited. Furthermore, a great proportion of the existing statistical
intrusion detectors are based on supervised learning, that relies on labeled
data. By viewing network flows as weighted directed interactions between a pair
of nodes, in this paper we present a simple method that facilitate the use of
connectivity graph features in unsupervised anomaly detection algorithms. We
test our methodology on real network traffic datasets and observe several
improvements over standard AD."
4964,Robust Regularized Low-Rank Matrix Models for Regression and Classification,"While matrix variate regression models have been studied in many existing
works, classical statistical and computational methods for the analysis of the
regression coefficient estimation are highly affected by high dimensional and
noisy matrix-valued predictors. To address these issues, this paper proposes a
framework of matrix variate regression models based on a rank constraint,
vector regularization (e.g., sparsity), and a general loss function with three
special cases considered: ordinary matrix regression, robust matrix regression,
and matrix logistic regression. We also propose an alternating projected
gradient descent algorithm. Based on analyzing our objective functions on
manifolds with bounded curvature, we show that the algorithm is guaranteed to
converge, all accumulation points of the iterates have estimation errors in the
order of $O(1/\sqrt{n})$ asymptotically and substantially attaining the minimax
rate. Our theoretical analysis can be applied to general optimization problems
on manifolds with bounded curvature and can be considered an important
technical contribution to this work. We validate the proposed method through
simulation studies and real image data examples."
4965,A Comprehensive Survey on Model Quantization for Deep Neural Networks,"Recent advances in machine learning by deep neural networks are significant.
But using these networks has been accompanied by a huge number of parameters
for storage and computations that leads to an increase in the hardware cost and
posing challenges. Therefore, compression approaches have been proposed to
design efficient accelerators. One important approach for deep neural network
compression is quantization that full-precision values are stored in low
bit-width. In this way, in addition to memory saving, the operations will be
replaced by simple ones with low cost. Many methods are suggested for DNNs
Quantization in recent years, because of flexibility and influence in designing
efficient hardware. Therefore, an integrated report is essential for better
understanding, analysis, and comparison. In this paper, we provide a
comprehensive survey. We describe the quantization concepts and categorize the
methods from different perspectives. We discuss using the scale factor to match
the quantization levels with the distribution of the full-precision values and
describe the clustering-based methods. For the first time, we review the
training of a quantized deep neural network and using Straight-Through
Estimator comprehensively. Also, we describe the simplicity of operations in
quantized deep convolutional neural networks and explain the sensitivity of the
different layers in quantization. Finally, we discuss the evaluation of the
quantization methods and compare the accuracy of previous methods with various
bit-width for weights and activations on CIFAR-10 and the large-scale dataset,
ImageNet."
4966,Spiking Approximations of the MaxPooling Operation in Deep SNNs,"Spiking Neural Networks (SNNs) are an emerging domain of biologically
inspired neural networks that have shown promise for low-power AI. A number of
methods exist for building deep SNNs, with Artificial Neural Network
(ANN)-to-SNN conversion being highly successful. MaxPooling layers in
Convolutional Neural Networks (CNNs) are an integral component to downsample
the intermediate feature maps and introduce translational invariance, but the
absence of their hardware-friendly spiking equivalents limits such CNNs'
conversion to deep SNNs. In this paper, we present two hardware-friendly
methods to implement Max-Pooling in deep SNNs, thus facilitating easy
conversion of CNNs with MaxPooling layers to SNNs. In a first, we also execute
SNNs with spiking-MaxPooling layers on Intel's Loihi neuromorphic hardware
(with MNIST, FMNIST, & CIFAR10 dataset); thus, showing the feasibility of our
approach."
4967,A Learning Approach for Joint Design of Event-triggered Control and Power-Efficient Resource Allocation,"In emerging Industrial Cyber-Physical Systems (ICPSs), the joint design of
communication and control sub-systems is essential, as these sub-systems are
interconnected. In this paper, we study the joint design problem of an
event-triggered control and an energy-efficient resource allocation in a fifth
generation (5G) wireless network. We formally state the problem as a
multi-objective optimization one, aiming to minimize the number of updates on
the actuators' input and the power consumption in the downlink transmission. To
address the problem, we propose a model-free hierarchical reinforcement
learning approach \textcolor{blue}{with uniformly ultimate boundedness
stability guarantee} that learns four policies simultaneously. These policies
contain an update time policy on the actuators' input, a control policy, and
energy-efficient sub-carrier and power allocation policies. Our simulation
results show that the proposed approach can properly control a simulated ICPS
and significantly decrease the number of updates on the actuators' input as
well as the downlink power consumption."
4968,MIND: Maximum Mutual Information Based Neural Decoder,"We are assisting at a growing interest in the development of learning
architectures with application to digital communication systems. Herein, we
consider the detection/decoding problem. We aim at developing an optimal neural
architecture for such a task. The definition of the optimal criterion is a
fundamental step. We propose to use the mutual information (MI) of the channel
input-output signal pair. The computation of the MI is a formidable task, and
for the majority of communication channels it is unknown. Therefore, the MI has
to be learned. For such an objective, we propose a novel neural MI estimator
based on a discriminative formulation. This leads to the derivation of the
mutual information neural decoder (MIND). The developed neural architecture is
capable not only to solve the decoding problem in unknown channels, but also to
return an estimate of the average MI achieved with the coding scheme, as well
as the decoding error probability. Several numerical results are reported and
compared with maximum a-posteriori (MAP) and maximum likelihood (MaxL) decoding
strategies."
4969,GAN-Aimbots: Using Machine Learning for Cheating in First Person Shooters,"Playing games with cheaters is not fun, and in a multi-billion-dollar video
game industry with hundreds of millions of players, game developers aim to
improve the security and, consequently, the user experience of their games by
preventing cheating. Both traditional software-based methods and statistical
systems have been successful in protecting against cheating, but recent
advances in the automatic generation of content, such as images or speech,
threaten the video game industry; they could be used to generate artificial
gameplay indistinguishable from that of legitimate human players. To better
understand this threat, we begin by reviewing the current state of multiplayer
video game cheating, and then proceed to build a proof-of-concept method,
GAN-Aimbot. By gathering data from various players in a first-person shooter
game we show that the method improves players' performance while remaining
hidden from automatic and manual protection mechanisms. By sharing this work we
hope to raise awareness on this issue and encourage further research into
protecting the gaming communities."
4970,Generalization error bounds for DECONET: a deep unfolding network for analysis Compressive Sensing,"In this paper, we propose a new deep unfolding neural network -- based on a
state-of-the-art optimization algorithm -- for analysis Compressed Sensing. The
proposed network called Decoding Network (DECONET) implements a decoder that
reconstructs vectors from their incomplete, noisy measurements. Moreover,
DECONET jointly learns a redundant analysis operator for sparsification, which
is shared across the layers of DECONET. We study the generalization ability of
DECONET. Towards that end, we first estimate the Rademacher complexity of the
hypothesis class consisting of all the decoders that DECONET can implement.
Then, we provide generalization error bounds, in terms of the aforementioned
estimate. Finally, we present numerical experiments which confirm the validity
of our theoretical results."
4971,Fake News Quick Detection on Dynamic Heterogeneous Information Networks,"The spread of fake news has caused great harm to society in recent years. So
the quick detection of fake news has become an important task. Some current
detection methods often model news articles and other related components as a
static heterogeneous information network (HIN) and use expensive
message-passing algorithms. However, in the real-world, quickly identifying
fake news is of great significance and the network may vary over time in terms
of dynamic nodes and edges. Therefore, in this paper, we propose a novel
Dynamic Heterogeneous Graph Neural Network (DHGNN) for fake news quick
detection. More specifically, we first implement BERT and fine-tuned BERT to
get a semantic representation of the news article contents and author profiles
and convert it into graph data. Then, we construct the heterogeneous
news-author graph to reflect contextual information and relationships.
Additionally, we adapt ideas from personalized PageRank propagation and dynamic
propagation to heterogeneous networks in order to reduce the time complexity of
back-propagating through many nodes during training. Experiments on three
real-world fake news datasets show that DHGNN can outperform other GNN-based
models in terms of both effectiveness and efficiency."
4972,High Performance of Gradient Boosting in Binding Affinity Prediction,"Prediction of protein-ligand (PL) binding affinity remains the key to drug
discovery. Popular approaches in recent years involve graph neural networks
(GNNs), which are used to learn the topology and geometry of PL complexes.
However, GNNs are computationally heavy and have poor scalability to graph
sizes. On the other hand, traditional machine learning (ML) approaches, such as
gradient-boosted decision trees (GBDTs), are lightweight yet extremely
efficient for tabular data. We propose to use PL interaction features along
with PL graph-level features in GBDT. We show that this combination outperforms
the existing solutions."
4973,Cliff Diving: Exploring Reward Surfaces in Reinforcement Learning Environments,"Visualizing optimization landscapes has led to many fundamental insights in
numeric optimization, and novel improvements to optimization techniques.
However, visualizations of the objective that reinforcement learning optimizes
(the ""reward surface"") have only ever been generated for a small number of
narrow contexts. This work presents reward surfaces and related visualizations
of 27 of the most widely used reinforcement learning environments in Gym for
the first time. We also explore reward surfaces in the policy gradient
direction and show for the first time that many popular reinforcement learning
environments have frequent ""cliffs"" (sudden large drops in expected return). We
demonstrate that A2C often ""dives off"" these cliffs into low reward regions of
the parameter space while PPO avoids them, confirming a popular intuition for
PPO's improved performance over previous methods. We additionally introduce a
highly extensible library that allows researchers to easily generate these
visualizations in the future. Our findings provide new intuition to explain the
successes and failures of modern RL methods, and our visualizations concretely
characterize several failure modes of reinforcement learning agents in novel
ways."
4974,SaiNet: Stereo aware inpainting behind objects with generative networks,"In this work, we present an end-to-end network for stereo-consistent image
inpainting with the objective of inpainting large missing regions behind
objects. The proposed model consists of an edge-guided UNet-like network using
Partial Convolutions. We enforce multi-view stereo consistency by introducing a
disparity loss. More importantly, we develop a training scheme where the model
is learned from realistic stereo masks representing object occlusions, instead
of the more common random masks. The technique is trained in a supervised way.
Our evaluation shows competitive results compared to previous state-of-the-art
techniques."
4975,Integration of Text and Graph-based Features for Detecting Mental Health Disorders from Voice,"With the availability of voice-enabled devices such as smart phones, mental
health disorders could be detected and treated earlier, particularly
post-pandemic. The current methods involve extracting features directly from
audio signals. In this paper, two methods are used to enrich voice analysis for
depression detection: graph transformation of voice signals, and natural
language processing of the transcript based on representational learning, fused
together to produce final class labels. The results of experiments with the
DAIC-WOZ dataset suggest that integration of text-based voice classification
and learning from low level and graph-based voice signal features can improve
the detection of mental disorders like depression."
4976,PrefixRL: Optimization of Parallel Prefix Circuits using Deep Reinforcement Learning,"In this work, we present a reinforcement learning (RL) based approach to
designing parallel prefix circuits such as adders or priority encoders that are
fundamental to high-performance digital design. Unlike prior methods, our
approach designs solutions tabula rasa purely through learning with synthesis
in the loop. We design a grid-based state-action representation and an RL
environment for constructing legal prefix circuits. Deep Convolutional RL
agents trained on this environment produce prefix adder circuits that
Pareto-dominate existing baselines with up to 16.0% and 30.2% lower area for
the same delay in the 32b and 64b settings respectively. We observe that agents
trained with open-source synthesis tools and cell library can design adder
circuits that achieve lower area and delay than commercial tool adders in an
industrial cell library."
4977,Verifying Neural Networks Against Backdoor Attacks,"Neural networks have achieved state-of-the-art performance in solving many
problems, including many applications in safety/security-critical systems.
Researchers also discovered multiple security issues associated with neural
networks. One of them is backdoor attacks, i.e., a neural network may be
embedded with a backdoor such that a target output is almost always generated
in the presence of a trigger. Existing defense approaches mostly focus on
detecting whether a neural network is 'backdoored' based on heuristics, e.g.,
activation patterns. To the best of our knowledge, the only line of work which
certifies the absence of backdoor is based on randomized smoothing, which is
known to significantly reduce neural network performance. In this work, we
propose an approach to verify whether a given neural network is free of
backdoor with a certain level of success rate. Our approach integrates
statistical sampling as well as abstract interpretation. The experiment results
show that our approach effectively verifies the absence of backdoor or
generates backdoor triggers."
4978,RASAT: Integrating Relational Structures into Pretrained Seq2Seq Model for Text-to-SQL,"Relational structures such as schema linking and schema encoding have been
validated as a key component to qualitatively translating natural language into
SQL queries. However, introducing these structural relations comes with prices:
they often result in a specialized model structure, which largely prohibits the
use of large pretrained models in text-to-SQL. To address this problem, we
propose RASAT: a Transformer seq2seq architecture augmented with relation-aware
self-attention that could leverage a variety of relational structures while at
the meantime being able to effectively inherit the pretrained parameters from
the T5 model. Our model is able to incorporate almost all types of existing
relations in the literature, and in addition, we propose to introduce
co-reference relations for the multi-turn scenario. Experimental results on
three widely used text-to-SQL datasets, covering both single-turn and
multi-turn scenarios, have shown that RASAT could achieve competitive results
in all three benchmarks, achieving state-of-the-art performance in execution
accuracy (80.5\% EX on Spider, 53.1\% IEX on SParC, and 37.5\% IEX on CoSQL)."
4979,QHD: A brain-inspired hyperdimensional reinforcement learning algorithm,"Reinforcement Learning (RL) has opened up new opportunities to solve a wide
range of complex decision-making tasks. However, modern RL algorithms, e.g.,
Deep Q-Learning, are based on deep neural networks, putting high computational
costs when running on edge devices. In this paper, we propose QHD, a
Hyperdimensional Reinforcement Learning, that mimics brain properties toward
robust and real-time learning. QHD relies on a lightweight brain-inspired model
to learn an optimal policy in an unknown environment. We first develop a novel
mathematical foundation and encoding module that maps state-action space into
high-dimensional space. We accordingly develop a hyperdimensional regression
model to approximate the Q-value function. The QHD-powered agent makes
decisions by comparing Q-values of each possible action. We evaluate the effect
of the different RL training batch sizes and local memory capacity on the QHD
quality of learning. Our QHD is also capable of online learning with tiny local
memory capacity, which can be as small as the training batch size. QHD provides
real-time learning by further decreasing the memory capacity and the batch
size. This makes QHD suitable for highly-efficient reinforcement learning in
the edge environment, where it is crucial to support online and real-time
learning. Our solution also supports a small experience replay batch size that
provides 12.3 times speedup compared to DQN while ensuring minimal quality
loss. Our evaluation shows QHD capability for real-time learning, providing
34.6 times speedup and significantly better quality of learning than
state-of-the-art deep RL algorithms."
4980,RiCS: A 2D Self-Occlusion Map for Harmonizing Volumetric Objects,"There have been remarkable successes in computer vision with deep learning.
While such breakthroughs show robust performance, there have still been many
challenges in learning in-depth knowledge, like occlusion or predicting
physical interactions. Although some recent works show the potential of 3D data
in serving such context, it is unclear how we efficiently provide 3D input to
the 2D models due to the misalignment in dimensionality between 2D and 3D. To
leverage the successes of 2D models in predicting self-occlusions, we design
Ray-marching in Camera Space (RiCS), a new method to represent the
self-occlusions of foreground objects in 3D into a 2D self-occlusion map. We
test the effectiveness of our representation on the human image harmonization
task by predicting shading that is coherent with a given background image. Our
experiments demonstrate that our representation map not only allows us to
enhance the image quality but also to model temporally coherent complex shadow
effects compared with the simulation-to-real and harmonization methods, both
quantitatively and qualitatively. We further show that we can significantly
improve the performance of human parts segmentation networks trained on
existing synthetic datasets by enhancing the harmonization quality with our
method."
4981,Mask CycleGAN: Unpaired Multi-modal Domain Translation with Interpretable Latent Variable,"We propose Mask CycleGAN, a novel architecture for unpaired image domain
translation built based on CycleGAN, with an aim to address two issues: 1)
unimodality in image translation and 2) lack of interpretability of latent
variables. Our innovation in the technical approach is comprised of three key
components: masking scheme, generator and objective. Experimental results
demonstrate that this architecture is capable of bringing variations to
generated images in a controllable manner and is reasonably robust to different
masks."
4982,No-regret learning for repeated non-cooperative games with lossy bandits,"This paper considers no-regret learning for repeated continuous-kernel games
with lossy bandit feedback. Since it is difficult to give the explicit model of
the utility functions in dynamic environments, the players' action can only be
learned with bandit feedback. Moreover, because of unreliable communication
channels or privacy protection, the bandit feedback may be lost or dropped at
random. Therefore, we study the asynchronous online learning strategy of the
players to adaptively adjust the next actions for minimizing the long-term
regret loss. The paper provides a novel no-regret learning algorithm, called
Online Gradient Descent with lossy bandits (OGD-lb). We first give the regret
analysis for concave games with differentiable and Lipschitz utilities. Then we
show that the action profile converges to a Nash equilibrium with probability 1
when the game is also strictly monotone. We further provide the mean square
convergence rate $\mathcal{O}\left(k^{-2\min\{\beta, 1/6\}}\right)$ when the
game is $\beta-$ strongly monotone. In addition, we extend the algorithm to the
case when the loss probability of the bandit feedback is unknown, and prove its
almost sure convergence to Nash equilibrium for strictly monotone games.
Finally, we take the resource management in fog computing as an application
example, and carry out numerical experiments to empirically demonstrate the
algorithm performance."
4983,Improved Consistency Training for Semi-Supervised Sequence-to-Sequence ASR via Speech Chain Reconstruction and Self-Transcribing,"Consistency regularization has recently been applied to semi-supervised
sequence-to-sequence (S2S) automatic speech recognition (ASR). This principle
encourages an ASR model to output similar predictions for the same input speech
with different perturbations. The existing paradigm of semi-supervised S2S ASR
utilizes SpecAugment as data augmentation and requires a static teacher model
to produce pseudo transcripts for untranscribed speech. However, this paradigm
fails to take full advantage of consistency regularization. First, the masking
operations of SpecAugment may damage the linguistic contents of the speech,
thus influencing the quality of pseudo labels. Second, S2S ASR requires both
input speech and prefix tokens to make the next prediction. The static prefix
tokens made by the offline teacher model cannot match dynamic pseudo labels
during consistency training. In this work, we propose an improved consistency
training paradigm of semi-supervised S2S ASR. We utilize speech chain
reconstruction as the weak augmentation to generate high-quality pseudo labels.
Moreover, we demonstrate that dynamic pseudo transcripts produced by the
student ASR model benefit the consistency training. Experiments on LJSpeech and
LibriSpeech corpora show that compared to supervised baselines, our improved
paradigm achieves a 12.2% CER improvement in the single-speaker setting and
38.6% in the multi-speaker setting."
4984,Bayesian Physics-Informed Extreme Learning Machine for Forward and Inverse PDE Problems with Noisy Data,"Physics-informed extreme learning machine (PIELM) has recently received
significant attention as a rapid version of physics-informed neural network
(PINN) for solving partial differential equations (PDEs). The key
characteristic is to fix the input layer weights with random values and use
Moore-Penrose generalized inverse for the output layer weights. The framework
is effective, but it easily suffers from overfitting noisy data and lacks
uncertainty quantification for the solution under noise scenarios.To this end,
we develop the Bayesian physics-informed extreme learning machine (BPIELM) to
solve both forward and inverse linear PDE problems with noisy data in a unified
framework. In our framework, a prior probability distribution is introduced in
the output layer for extreme learning machine with physic laws and the Bayesian
method is used to estimate the posterior of parameters. Besides, for inverse
PDE problems, problem parameters considered as new output layer weights are
unified in a framework with forward PDE problems. Finally, we demonstrate
BPIELM considering both forward problems, including Poisson, advection, and
diffusion equations, as well as inverse problems, where unknown problem
parameters are estimated. The results show that, compared with PIELM, BPIELM
quantifies uncertainty arising from noisy data and provides more accurate
predictions. In addition, BPIELM is considerably cheaper than PINN in terms of
the computational cost."
4985,Unified Distributed Environment,"We propose Unified Distributed Environment (UDE), an environment
virtualization toolkit for reinforcement learning research. UDE is designed to
integrate environments built on any simulation platform such as Gazebo, Unity,
Unreal, and OpenAI Gym. Through environment virtualization, UDE enables
offloading the environment for execution on a remote machine while still
maintaining a unified interface. The UDE interface is designed to support
multi-agent by default. With environment virtualization and its interface
design, the agent policies can be trained in multiple machines for a
multi-agent environment. Furthermore, UDE supports integration with existing
major RL toolkits for researchers to leverage the benefits. This paper
discusses the components of UDE and its design decisions."
4986,Efficient Learning of Interpretable Classification Rules,"Machine learning has become omnipresent with applications in various
safety-critical domains such as medical, law, and transportation. In these
domains, high-stake decisions provided by machine learning necessitate
researchers to design interpretable models, where the prediction is
understandable to a human. In interpretable machine learning, rule-based
classifiers are particularly effective in representing the decision boundary
through a set of rules comprising input features. The interpretability of
rule-based classifiers is in general related to the size of the rules, where
smaller rules are considered more interpretable. To learn such a classifier,
the brute-force direct approach is to consider an optimization problem that
tries to learn the smallest classification rule that has close to maximum
accuracy. This optimization problem is computationally intractable due to its
combinatorial nature and thus, the problem is not scalable in large datasets.
To this end, in this paper we study the triangular relationship among the
accuracy, interpretability, and scalability of learning rule-based classifiers.
The contribution of this paper is an interpretable learning framework IMLI,
that is based on maximum satisfiability (MaxSAT) for synthesizing
classification rules expressible in proposition logic. Despite the progress of
MaxSAT solving in the last decade, the straightforward MaxSAT-based solution
cannot scale. Therefore, we incorporate an efficient incremental learning
technique inside the MaxSAT formulation by integrating mini-batch learning and
iterative rule-learning. In our experiments, IMLI achieves the best balance
among prediction accuracy, interpretability, and scalability. As an
application, we deploy IMLI in learning popular interpretable classifiers such
as decision lists and decision sets."
4987,Visual Exploration of Large-Scale Image Datasets for Machine Learning with Treemaps,"In this paper, we present DendroMap, a novel approach to interactively
exploring large-scale image datasets for machine learning. Machine learning
practitioners often explore image datasets by generating a grid of images or
projecting high-dimensional representations of images into 2-D using
dimensionality reduction techniques (e.g., t-SNE). However, neither approach
effectively scales to large datasets because images are ineffectively organized
and interactions are insufficiently supported. To address these challenges, we
develop DendroMap by adapting Treemaps, a well-known visualization technique.
DendroMap effectively organizes images by extracting hierarchical cluster
structures from high-dimensional representations of images. It enables users to
make sense of the overall distributions of datasets and interactively zoom into
specific areas of interests at multiple levels of abstraction. Our case studies
with widely-used image datasets for deep learning demonstrate that users can
discover insights about datasets and trained models by examining the diversity
of images, identifying underperforming subgroups, and analyzing classification
errors. We conducted a user study that evaluates the effectiveness of DendroMap
in grouping and searching tasks by comparing it with a gridified version of
t-SNE and found that participants preferred DendroMap over the compared method."
4988,Toward a Geometrical Understanding of Self-supervised Contrastive Learning,"Self-supervised learning (SSL) is currently one of the premier techniques to
create data representations that are actionable for transfer learning in the
absence of human annotations. Despite their success, the underlying geometry of
these representations remains elusive, which obfuscates the quest for more
robust, trustworthy, and interpretable models. In particular, mainstream SSL
techniques rely on a specific deep neural network architecture with two
cascaded neural networks: the encoder and the projector. When used for transfer
learning, the projector is discarded since empirical results show that its
representation generalizes more poorly than the encoder's. In this paper, we
investigate this curious phenomenon and analyze how the strength of the data
augmentation policies affects the data embedding. We discover a non-trivial
relation between the encoder, the projector, and the data augmentation
strength: with increasingly larger augmentation policies, the projector, rather
than the encoder, is more strongly driven to become invariant to the
augmentations. It does so by eliminating crucial information about the data by
learning to project it into a low-dimensional space, a noisy estimate of the
data manifold tangent plane in the encoder representation. This analysis is
substantiated through a geometrical perspective with theoretical and empirical
results."
4989,A Tale of Two Flows: Cooperative Learning of Langevin Flow and Normalizing Flow Toward Energy-Based Model,"This paper studies the cooperative learning of two generative flow models, in
which the two models are iteratively updated based on the jointly synthesized
examples. The first flow model is a normalizing flow that transforms an initial
simple density to a target density by applying a sequence of invertible
transformations. The second flow model is a Langevin flow that runs finite
steps of gradient-based MCMC toward an energy-based model. We start from
proposing a generative framework that trains an energy-based model with a
normalizing flow as an amortized sampler to initialize the MCMC chains of the
energy-based model. In each learning iteration, we generate synthesized
examples by using a normalizing flow initialization followed by a short-run
Langevin flow revision toward the current energy-based model. Then we treat the
synthesized examples as fair samples from the energy-based model and update the
model parameters with the maximum likelihood learning gradient, while the
normalizing flow directly learns from the synthesized examples by maximizing
the tractable likelihood. Under the short-run non-mixing MCMC scenario, the
estimation of the energy-based model is shown to follow the perturbation of
maximum likelihood, and the short-run Langevin flow and the normalizing flow
form a two-flow generator that we call CoopFlow. We provide an understating of
the CoopFlow algorithm by information geometry and show that it is a valid
generator as it converges to a moment matching estimator. We demonstrate that
the trained CoopFlow is capable of synthesizing realistic images,
reconstructing images, and interpolating between images."
4990,Exploring How Machine Learning Practitioners (Try To) Use Fairness Toolkits,"Recent years have seen the development of many open-source ML fairness
toolkits aimed at helping ML practitioners assess and address unfairness in
their systems. However, there has been little research investigating how ML
practitioners actually use these toolkits in practice. In this paper, we
conducted the first in-depth empirical exploration of how industry
practitioners (try to) work with existing fairness toolkits. In particular, we
conducted think-aloud interviews to understand how participants learn about and
use fairness toolkits, and explored the generality of our findings through an
anonymous online survey. We identified several opportunities for fairness
toolkits to better address practitioner needs and scaffold them in using
toolkits effectively and responsibly. Based on these findings, we highlight
implications for the design of future open-source fairness toolkits that can
support practitioners in better contextualizing, communicating, and
collaborating around ML fairness efforts."
4991,Beyond General Purpose Machine Translation: The Need for Context-specific Empirical Research to Design for Appropriate User Trust,"Machine Translation (MT) has the potential to help people overcome language
barriers and is widely used in high-stakes scenarios, such as in hospitals.
However, in order to use MT reliably and safely, users need to understand when
to trust MT outputs and how to assess the quality of often imperfect
translation results. In this paper, we discuss research directions to support
users to calibrate trust in MT systems. We share findings from an empirical
study in which we conducted semi-structured interviews with 20 clinicians to
understand how they communicate with patients across language barriers, and if
and how they use MT systems. Based on our findings, we advocate for empirical
research on how MT systems are used in practice as an important first step to
addressing the challenges in building appropriate trust between users and MT
tools."
4992,Representation learning with function call graph transformations for malware open set recognition,"Open set recognition (OSR) problem has been a challenge in many machine
learning (ML) applications, such as security. As new/unknown malware families
occur regularly, it is difficult to exhaust samples that cover all the classes
for the training process in ML systems. An advanced malware classification
system should classify the known classes correctly while sensitive to the
unknown class. In this paper, we introduce a self-supervised pre-training
approach for the OSR problem in malware classification. We propose two
transformations for the function call graph (FCG) based malware representations
to facilitate the pretext task. Also, we present a statistical thresholding
approach to find the optimal threshold for the unknown class. Moreover, the
experiment results indicate that our proposed pre-training process can improve
different performances of different downstream loss functions for the OSR
problem."
4993,Formal limitations of sample-wise information-theoretic generalization bounds,"Some of the tightest information-theoretic generalization bounds depend on
the average information between the learned hypothesis and a \emph{single}
training example. However, these sample-wise bounds were derived only for
\emph{expected} generalization gap. We show that even for expected
\emph{squared} generalization gap no such sample-wise information-theoretic
bounds exist. The same is true for PAC-Bayes and single-draw bounds.
Remarkably, PAC-Bayes, single-draw and expected squared generalization gap
bounds that depend on information in pairs of examples exist."
4994,Neural-Fly Enables Rapid Learning for Agile Flight in Strong Winds,"Executing safe and precise flight maneuvers in dynamic high-speed winds is
important for the ongoing commoditization of uninhabited aerial vehicles
(UAVs). However, because the relationship between various wind conditions and
its effect on aircraft maneuverability is not well understood, it is
challenging to design effective robot controllers using traditional control
design methods. We present Neural-Fly, a learning-based approach that allows
rapid online adaptation by incorporating pretrained representations through
deep learning. Neural-Fly builds on two key observations that aerodynamics in
different wind conditions share a common representation and that the
wind-specific part lies in a low-dimensional space. To that end, Neural-Fly
uses a proposed learning algorithm, domain adversarially invariant
meta-learning (DAIML), to learn the shared representation, only using 12
minutes of flight data. With the learned representation as a basis, Neural-Fly
then uses a composite adaptation law to update a set of linear coefficients for
mixing the basis elements. When evaluated under challenging wind conditions
generated with the Caltech Real Weather Wind Tunnel, with wind speeds up to
43.6 kilometers/hour (12.1 meters/second), Neural-Fly achieves precise flight
control with substantially smaller tracking error than state-of-the-art
nonlinear and adaptive controllers. In addition to strong empirical
performance, the exponential stability of Neural-Fly results in robustness
guarantees. Last, our control design extrapolates to unseen wind conditions, is
shown to be effective for outdoor flights with only onboard sensors, and can
transfer across drones with minimal performance degradation."
4995,Multimodal Conversational AI: A Survey of Datasets and Approaches,"As humans, we experience the world with all our senses or modalities (sound,
sight, touch, smell, and taste). We use these modalities, particularly sight
and touch, to convey and interpret specific meanings. Multimodal expressions
are central to conversations; a rich set of modalities amplify and often
compensate for each other. A multimodal conversational AI system answers
questions, fulfills tasks, and emulates human conversations by understanding
and expressing itself via multiple modalities. This paper motivates, defines,
and mathematically formulates the multimodal conversational research objective.
We provide a taxonomy of research required to solve the objective: multimodal
representation, fusion, alignment, translation, and co-learning. We survey
state-of-the-art datasets and approaches for each research area and highlight
their limiting assumptions. Finally, we identify multimodal co-learning as a
promising direction for multimodal conversational AI research."
4996,Structural Dropout for Model Width Compression,"Existing ML models are known to be highly over-parametrized, and use
significantly more resources than required for a given task. Prior work has
explored compressing models offline, such as by distilling knowledge from
larger models into much smaller ones. This is effective for compression, but
does not give an empirical method for measuring how much the model can be
compressed, and requires additional training for each compressed model. We
propose a method that requires only a single training session for the original
model and a set of compressed models. The proposed approach is a ""structural""
dropout that prunes all elements in the hidden state above a randomly chosen
index, forcing the model to learn an importance ordering over its features.
After learning this ordering, at inference time unimportant features can be
pruned while retaining most accuracy, reducing parameter size significantly. In
this work, we focus on Structural Dropout for fully-connected layers, but the
concept can be applied to any kind of layer with unordered features, such as
convolutional or attention layers. Structural Dropout requires no additional
pruning/retraining, but requires additional validation for each possible hidden
sizes. At inference time, a non-expert can select a memory versus accuracy
trade-off that best suits their needs, across a wide range of highly compressed
versus more accurate models."
4997,Perspectives on Incorporating Expert Feedback into Model Updates,"Machine learning (ML) practitioners are increasingly tasked with developing
models that are aligned with non-technical experts' values and goals. However,
there has been insufficient consideration on how practitioners should translate
domain expertise into ML updates. In this paper, we consider how to capture
interactions between practitioners and experts systematically. We devise a
taxonomy to match expert feedback types with practitioner updates. A
practitioner may receive feedback from an expert at the observation- or
domain-level, and convert this feedback into updates to the dataset, loss
function, or parameter space. We review existing work from ML and
human-computer interaction to describe this feedback-update taxonomy, and
highlight the insufficient consideration given to incorporating feedback from
non-technical experts. We end with a set of open questions that naturally arise
from our proposed taxonomy and subsequent survey."
4998,Developing a Production System for Purpose of Call Detection in Business Phone Conversations,"For agents at a contact centre receiving calls, the most important piece of
information is the reason for a given call. An agent cannot provide support on
a call if they do not know why a customer is calling. In this paper we describe
our implementation of a commercial system to detect Purpose of Call statements
in English business call transcripts in real time. We present a detailed
analysis of types of Purpose of Call statements and language patterns related
to them, discuss an approach to collect rich training data by bootstrapping
from a set of rules to a neural model, and describe a hybrid model which
consists of a transformer-based classifier and a set of rules by leveraging
insights from the analysis of call transcripts. The model achieved 88.6 F1 on
average in various types of business calls when tested on real life data and
has low inference time. We reflect on the challenges and design decisions when
developing and deploying the system."
4999,Universal Post-Training Backdoor Detection,"A Backdoor attack (BA) is an important type of adversarial attack against
deep neural network classifiers, wherein test samples from one or more source
classes will be (mis)classified to the attacker's target class when a backdoor
pattern (BP) is embedded. In this paper, we focus on the post-training backdoor
defense scenario commonly considered in the literature, where the defender aims
to detect whether a trained classifier was backdoor attacked, without any
access to the training set. To the best of our knowledge, existing
post-training backdoor defenses are all designed for BAs with presumed BP
types, where each BP type has a specific embedding function. They may fail when
the actual BP type used by the attacker (unknown to the defender) is different
from the BP type assumed by the defender. In contrast, we propose a universal
post-training defense that detects BAs with arbitrary types of BPs, without
making any assumptions about the BP type. Our detector leverages the influence
of the BA, independently of the BP type, on the landscape of the classifier's
outputs prior to the softmax layer. For each class, a maximum margin statistic
is estimated using a set of random vectors; detection inference is then
performed by applying an unsupervised anomaly detector to these statistics.
Thus, our detector is also an advance relative to most existing post-training
methods by not needing any legitimate clean samples, and can efficiently detect
BAs with arbitrary numbers of source classes. These advantages of our detector
over several state-of-the-art methods are demonstrated on four datasets, for
three different types of BPs, and for a variety of attack configurations.
Finally, we propose a novel, general approach for BA mitigation once a
detection is made."