Unnamed: 0
int64 0
5k
| title
stringlengths 9
210
| abstract
stringlengths 164
1.92k
|
---|---|---|
1,800 | 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. |
1,801 | 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. |
1,802 | 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. |
1,803 | 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. |
1,804 | 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. |
1,805 | 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. |
1,806 | 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. |
1,807 | 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. |
1,808 | "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. |
1,809 | 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. |
1,810 | 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. |
1,811 | 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. |
1,812 | 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. |
1,813 | 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. |
1,814 | 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. |
1,815 | 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. |
1,816 | 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. |
1,817 | 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. |
1,818 | 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. |
1,819 | 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. |
1,820 | 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. |
1,821 | 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. |
1,822 | 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. |
1,823 | 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. |
1,824 | 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. |
1,825 | 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. |
1,826 | 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. |
1,827 | 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. |
1,828 | 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. |
1,829 | 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. |
1,830 | 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. |
1,831 | 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. |
1,832 | 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. |
1,833 | 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. |
1,834 | 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. |
1,835 | 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. |
1,836 | 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. |
1,837 | 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. |
1,838 | 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. |
1,839 | 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. |
1,840 | 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. |
1,841 | 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. |
1,842 | 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. |
1,843 | 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. |
1,844 | 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. |
1,845 | 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). |
1,846 | 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. |
1,847 | 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. |
1,848 | 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. |
1,849 | 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. |
1,850 | 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. |
1,851 | 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. |
1,852 | 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. |
1,853 | 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. |
1,854 | 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. |
1,855 | 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. |
1,856 | 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. |
1,857 | 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. |
1,858 | 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. |
1,859 | 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. |
1,860 | 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. |
1,861 | 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. |
1,862 | 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. |
1,863 | 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. |
1,864 | 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. |
1,865 | 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. |
1,866 | 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. |
1,867 | 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. |
1,868 | 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. |
1,869 | 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. |
1,870 | 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. |
1,871 | 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. |
1,872 | 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. |
1,873 | 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. |
1,874 | 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. |
1,875 | 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. |
1,876 | 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. |
1,877 | 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. |
1,878 | 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. |
1,879 | 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. |
1,880 | 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. |
1,881 | 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. |
1,882 | 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. |
1,883 | 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. |
1,884 | 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. |
1,885 | 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. |
1,886 | 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. |
1,887 | 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. |
1,888 | 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. |
1,889 | 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. |
1,890 | 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. |
1,891 | 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. |
1,892 | 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. |
1,893 | 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%. |
1,894 | 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. |
1,895 | 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. |
1,896 | 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. |
1,897 | 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. |
1,898 | 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. |
1,899 | 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. |
Subsets and Splits
No saved queries yet
Save your SQL queries to embed, download, and access them later. Queries will appear here once saved.