title
stringlengths 7
246
| abstract
stringlengths 6
3.31k
|
---|---|
Beyond Word Importance: Contextual Decomposition to Extract Interactions
from LSTMs | The driving force behind the recent success of LSTMs has been their ability
to learn complex and non-linear relationships. Consequently, our inability to
describe these relationships has led to LSTMs being characterized as black
boxes. To this end, we introduce contextual decomposition (CD), an
interpretation algorithm for analysing individual predictions made by standard
LSTMs, without any changes to the underlying model. By decomposing the output
of a LSTM, CD captures the contributions of combinations of words or variables
to the final prediction of an LSTM. On the task of sentiment analysis with the
Yelp and SST data sets, we show that CD is able to reliably identify words and
phrases of contrasting sentiment, and how they are combined to yield the LSTM's
final prediction. Using the phrase-level labels in SST, we also demonstrate
that CD is able to successfully extract positive and negative negations from an
LSTM, something which has not previously been done.
|
Solutions to problems with deep learning | Despite the several successes of deep learning systems, there are concerns
about their limitations, discussed most recently by Gary Marcus. This paper
discusses Marcus's concerns and some others, together with solutions to several
of these problems provided by the "P theory of intelligence" and its
realisation in the "SP computer model". The main advantages of the SP system
are: relatively small requirements for data and the ability to learn from a
single experience; the ability to model both hierarchical and non-hierarchical
structures; strengths in several kinds of reasoning, including `commonsense'
reasoning; transparency in the representation of knowledge, and the provision
of an audit trail for all processing; the likelihood that the SP system could
not be fooled into bizarre or eccentric recognition of stimuli, as deep
learning systems can be; the SP system provides a robust solution to the
problem of `catastrophic forgetting' in deep learning systems; the SP system
provides a theoretically-coherent solution to the problems of correcting over-
and under-generalisations in learning, and learning correct structures despite
errors in data; unlike most research on deep learning, the SP programme of
research draws extensively on research on human learning, perception, and
cognition; and the SP programme of research has an overarching theory,
supported by evidence, something that is largely missing from research on deep
learning. In general, the SP system provides a much firmer foundation than deep
learning for the development of artificial general intelligence.
|
Deep learning for determining a near-optimal topological design without
any iteration | In this study, we propose a novel deep learning-based method to predict an
optimized structure for a given boundary condition and optimization setting
without using any iterative scheme. For this purpose, first, using open-source
topology optimization code, datasets of the optimized structures paired with
the corresponding information on boundary conditions and optimization settings
are generated at low (32 x 32) and high (128 x 128) resolutions. To construct
the artificial neural network for the proposed method, a convolutional neural
network (CNN)-based encoder and decoder network is trained using the training
dataset generated at low resolution. Then, as a two-stage refinement, the
conditional generative adversarial network (cGAN) is trained with the optimized
structures paired at both low and high resolutions, and is connected to the
trained CNN-based encoder and decoder network. The performance evaluation
results of the integrated network demonstrate that the proposed method can
determine a near-optimal structure in terms of pixel values and compliance with
negligible computational time.
|
Automatic Classification of Music Genre using Masked Conditional Neural
Networks | Neural network based architectures used for sound recognition are usually
adapted from other application domains such as image recognition, which may not
harness the time-frequency representation of a signal. The ConditionaL Neural
Networks (CLNN) and its extension the Masked ConditionaL Neural Networks
(MCLNN) are designed for multidimensional temporal signal recognition. The CLNN
is trained over a window of frames to preserve the inter-frame relation, and
the MCLNN enforces a systematic sparseness over the network's links that mimics
a filterbank-like behavior. The masking operation induces the network to learn
in frequency bands, which decreases the network susceptibility to
frequency-shifts in time-frequency representations. Additionally, the mask
allows an exploration of a range of feature combinations concurrently analogous
to the manual handcrafting of the optimum collection of features for a
recognition task. MCLNN have achieved competitive performance on the Ballroom
music dataset compared to several hand-crafted attempts and outperformed models
based on state-of-the-art Convolutional Neural Networks.
|
Deep Neural Networks for Survival Analysis Based on a Multi-Task
Framework | Survival analysis/time-to-event models are extremely useful as they can help
companies predict when a customer will buy a product, churn or default on a
loan, and therefore help them improve their ROI. In this paper, we introduce a
new method to calculate survival functions using the Multi-Task Logistic
Regression (MTLR) model as its base and a deep learning architecture as its
core. Based on the Concordance index (C-index) and Brier score, this method
outperforms the MTLR in all the experiments disclosed in this paper as well as
the Cox Proportional Hazard (CoxPH) model when nonlinear dependencies are
found.
|
ALE: Additive Latent Effect Models for Grade Prediction | The past decade has seen a growth in the development and deployment of
educational technologies for assisting college-going students in choosing
majors, selecting courses and acquiring feedback based on past academic
performance. Grade prediction methods seek to estimate a grade that a student
may achieve in a course that she may take in the future (e.g., next term).
Accurate and timely prediction of students' academic grades is important for
developing effective degree planners and early warning systems, and ultimately
improving educational outcomes. Existing grade pre- diction methods mostly
focus on modeling the knowledge components associated with each course and
student, and often overlook other factors such as the difficulty of each
knowledge component, course instructors, student interest, capabilities and
effort. In this paper, we propose additive latent effect models that
incorporate these factors to predict the student next-term grades.
Specifically, the proposed models take into account four factors: (i) student's
academic level, (ii) course instructors, (iii) student global latent factor,
and (iv) latent knowledge factors. We compared the new models with several
state-of-the-art methods on students of various characteristics (e.g., whether
a student transferred in or not). The experimental results demonstrate that the
proposed methods significantly outperform the baselines on grade prediction
problem. Moreover, we perform a thorough analysis on the importance of
different factors and how these factors can practically assist students in
course selection, and finally improve their academic performance.
|
Gradient-Based Meta-Learning with Learned Layerwise Metric and Subspace | Gradient-based meta-learning methods leverage gradient descent to learn the
commonalities among various tasks. While previous such methods have been
successful in meta-learning tasks, they resort to simple gradient descent
during meta-testing. Our primary contribution is the {\em MT-net}, which
enables the meta-learner to learn on each layer's activation space a subspace
that the task-specific learner performs gradient descent on. Additionally, a
task-specific learner of an {\em MT-net} performs gradient descent with respect
to a meta-learned distance metric, which warps the activation space to be more
sensitive to task identity. We demonstrate that the dimension of this learned
subspace reflects the complexity of the task-specific learner's adaptation
task, and also that our model is less sensitive to the choice of initial
learning rates than previous gradient-based meta-learning methods. Our method
achieves state-of-the-art or comparable performance on few-shot classification
and regression tasks.
|
An Empirical Analysis of Proximal Policy Optimization with
Kronecker-factored Natural Gradients | In this technical report, we consider an approach that combines the PPO
objective and K-FAC natural gradient optimization, for which we call PPOKFAC.
We perform a range of empirical analysis on various aspects of the algorithm,
such as sample complexity, training speed, and sensitivity to batch size and
training epochs. We observe that PPOKFAC is able to outperform PPO in terms of
sample complexity and speed in a range of MuJoCo environments, while being
scalable in terms of batch size. In spite of this, it seems that adding more
epochs is not necessarily helpful for sample efficiency, and PPOKFAC seems to
be worse than its A2C counterpart, ACKTR.
|
Brenier approach for optimal transportation between a quasi-discrete
measure and a discrete measure | Correctly estimating the discrepancy between two data distributions has
always been an important task in Machine Learning. Recently, Cuturi proposed
the Sinkhorn distance which makes use of an approximate Optimal Transport cost
between two distributions as a distance to describe distribution discrepancy.
Although it has been successfully adopted in various machine learning
applications (e.g. in Natural Language Processing and Computer Vision) since
then, the Sinkhorn distance also suffers from two unnegligible limitations. The
first one is that the Sinkhorn distance only gives an approximation of the real
Wasserstein distance, the second one is the `divide by zero' problem which
often occurs during matrix scaling when setting the entropy regularization
coefficient to a small value. In this paper, we introduce a new Brenier
approach for calculating a more accurate Wasserstein distance between two
discrete distributions, this approach successfully avoids the two limitations
shown above for Sinkhorn distance and gives an alternative way for estimating
distribution discrepancy.
|
Unseen Class Discovery in Open-world Classification | This paper concerns open-world classification, where the classifier not only
needs to classify test examples into seen classes that have appeared in
training but also reject examples from unseen or novel classes that have not
appeared in training. Specifically, this paper focuses on discovering the
hidden unseen classes of the rejected examples. Clearly, without prior
knowledge this is difficult. However, we do have the data from the seen
training classes, which can tell us what kind of similarity/difference is
expected for examples from the same class or from different classes. It is
reasonable to assume that this knowledge can be transferred to the rejected
examples and used to discover the hidden unseen classes in them. This paper
aims to solve this problem. It first proposes a joint open classification model
with a sub-model for classifying whether a pair of examples belongs to the same
or different classes. This sub-model can serve as a distance function for
clustering to discover the hidden classes of the rejected examples.
Experimental results show that the proposed model is highly promising.
|
On the Reduction of Biases in Big Data Sets for the Detection of
Irregular Power Usage | In machine learning, a bias occurs whenever training sets are not
representative for the test data, which results in unreliable models. The most
common biases in data are arguably class imbalance and covariate shift. In this
work, we aim to shed light on this topic in order to increase the overall
attention to this issue in the field of machine learning. We propose a scalable
novel framework for reducing multiple biases in high-dimensional data sets in
order to train more reliable predictors. We apply our methodology to the
detection of irregular power usage from real, noisy industrial data. In
emerging markets, irregular power usage, and electricity theft in particular,
may range up to 40% of the total electricity distributed. Biased data sets are
of particular issue in this domain. We show that reducing these biases
increases the accuracy of the trained predictors. Our models have the potential
to generate significant economic value in a real world application, as they are
being deployed in a commercial software for the detection of irregular power
usage.
|
In-network Neural Networks | We present N2Net, a system that implements binary neural networks using
commodity switching chips deployed in network switches and routers. Our system
shows that these devices can run simple neural network models, whose input is
encoded in the network packets' header, at packet processing speeds (billions
of packets per second). Furthermore, our experience highlights that switching
chips could support even more complex models, provided that some minor and
cheap modifications to the chip's design are applied. We believe N2Net provides
an interesting building block for future end-to-end networked systems.
|
Experience-driven Networking: A Deep Reinforcement Learning based
Approach | Modern communication networks have become very complicated and highly
dynamic, which makes them hard to model, predict and control. In this paper, we
develop a novel experience-driven approach that can learn to well control a
communication network from its own experience rather than an accurate
mathematical model, just as a human learns a new skill (such as driving,
swimming, etc). Specifically, we, for the first time, propose to leverage
emerging Deep Reinforcement Learning (DRL) for enabling model-free control in
communication networks; and present a novel and highly effective DRL-based
control framework, DRL-TE, for a fundamental networking problem: Traffic
Engineering (TE). The proposed framework maximizes a widely-used utility
function by jointly learning network environment and its dynamics, and making
decisions under the guidance of powerful Deep Neural Networks (DNNs). We
propose two new techniques, TE-aware exploration and actor-critic-based
prioritized experience replay, to optimize the general DRL framework
particularly for TE. To validate and evaluate the proposed framework, we
implemented it in ns-3, and tested it comprehensively with both representative
and randomly generated network topologies. Extensive packet-level simulation
results show that 1) compared to several widely-used baseline methods, DRL-TE
significantly reduces end-to-end delay and consistently improves the network
utility, while offering better or comparable throughput; 2) DRL-TE is robust to
network changes; and 3) DRL-TE consistently outperforms a state-ofthe-art DRL
method (for continuous control), Deep Deterministic Policy Gradient (DDPG),
which, however, does not offer satisfying performance.
|
Network Representation Learning: A Survey | With the widespread use of information technologies, information networks are
becoming increasingly popular to capture complex relationships across various
disciplines, such as social networks, citation networks, telecommunication
networks, and biological networks. Analyzing these networks sheds light on
different aspects of social life such as the structure of societies,
information diffusion, and communication patterns. In reality, however, the
large scale of information networks often makes network analytic tasks
computationally expensive or intractable. Network representation learning has
been recently proposed as a new learning paradigm to embed network vertices
into a low-dimensional vector space, by preserving network topology structure,
vertex content, and other side information. This facilitates the original
network to be easily handled in the new vector space for further analysis. In
this survey, we perform a comprehensive review of the current literature on
network representation learning in the data mining and machine learning field.
We propose new taxonomies to categorize and summarize the state-of-the-art
network representation learning techniques according to the underlying learning
mechanisms, the network information intended to preserve, as well as the
algorithmic designs and methodologies. We summarize evaluation protocols used
for validating network representation learning including published benchmark
datasets, evaluation methods, and open source algorithms. We also perform
empirical studies to compare the performance of representative algorithms on
common datasets, and analyze their computational complexity. Finally, we
suggest promising research directions to facilitate future study.
|
Active Community Detection with Maximal Expected Model Change | We present a novel active learning algorithm for community detection on
networks. Our proposed algorithm uses a Maximal Expected Model Change (MEMC)
criterion for querying network nodes label assignments. MEMC detects nodes that
maximally change the community assignment likelihood model following a query.
Our method is inspired by detection in the benchmark Stochastic Block Model
(SBM), where we provide sample complexity analysis and empirical study with SBM
and real network data for binary as well as for the multi-class settings. The
analysis also covers the most challenging case of sparse degree and
below-detection-threshold SBMs, where we observe a super-linear error
reduction. MEMC is shown to be superior to the random selection baseline and
other state-of-the-art active learners.
|
Deep Learning: An Introduction for Applied Mathematicians | Multilayered artificial neural networks are becoming a pervasive tool in a
host of application fields. At the heart of this deep learning revolution are
familiar concepts from applied and computational mathematics; notably, in
calculus, approximation theory, optimization and linear algebra. This article
provides a very brief introduction to the basic ideas that underlie deep
learning from an applied mathematics perspective. Our target audience includes
postgraduate and final year undergraduate students in mathematics who are keen
to learn about the area. The article may also be useful for instructors in
mathematics who wish to enliven their classes with references to the
application of deep learning techniques. We focus on three fundamental
questions: what is a deep neural network? how is a network trained? what is the
stochastic gradient method? We illustrate the ideas with a short MATLAB code
that sets up and trains a network. We also show the use of state-of-the art
software on a large scale image classification problem. We finish with
references to the current literature.
|
An Overview of Machine Teaching | In this paper we try to organize machine teaching as a coherent set of ideas.
Each idea is presented as varying along a dimension. The collection of
dimensions then form the problem space of machine teaching, such that existing
teaching problems can be characterized in this space. We hope this organization
allows us to gain deeper understanding of individual teaching problems,
discover connections among them, and identify gaps in the field.
|
Faster Learning by Reduction of Data Access Time | Nowadays, the major challenge in machine learning is the Big Data challenge.
The big data problems due to large number of data points or large number of
features in each data point, or both, the training of models have become very
slow. The training time has two major components: Time to access the data and
time to process (learn from) the data. So far, the research has focused only on
the second part, i.e., learning from the data. In this paper, we have proposed
one possible solution to handle the big data problems in machine learning. The
idea is to reduce the training time through reducing data access time by
proposing systematic sampling and cyclic/sequential sampling to select
mini-batches from the dataset. To prove the effectiveness of proposed sampling
techniques, we have used Empirical Risk Minimization, which is commonly used
machine learning problem, for strongly convex and smooth case. The problem has
been solved using SAG, SAGA, SVRG, SAAG-II and MBSGD (Mini-batched SGD), each
using two step determination techniques, namely, constant step size and
backtracking line search method. Theoretical results prove the same convergence
for systematic sampling, cyclic sampling and the widely used random sampling
technique, in expectation. Experimental results with bench marked datasets
prove the efficacy of the proposed sampling techniques and show up to six times
faster training.
|
Prediction of the Optimal Threshold Value in DF Relay Selection Schemes
Based on Artificial Neural Networks | In wireless communications, the cooperative communication (CC) technology
promises performance gains compared to traditional Single-Input Single Output
(SISO) techniques. Therefore, the CC technique is one of the nominees for 5G
networks. In the Decode-and-Forward (DF) relaying scheme which is one of the CC
techniques, determination of the threshold value at the relay has a key role
for the system performance and power usage. In this paper, we propose
prediction of the optimal threshold values for the best relay selection scheme
in cooperative communications, based on Artificial Neural Networks (ANNs) for
the first time in literature. The average link qualities and number of relays
have been used as inputs in the prediction of optimal threshold values using
Artificial Neural Networks (ANNs): Multi-Layer Perceptron (MLP) and Radial
Basis Function (RBF) networks. The MLP network has better performance from the
RBF network on the prediction of optimal threshold value when the same number
of neurons is used at the hidden layer for both networks. Besides, the optimal
threshold values obtained using ANNs are verified by the optimal threshold
values obtained numerically using the closed form expression derived for the
system. The results show that the optimal threshold values obtained by ANNs on
the best relay selection scheme provide a minimum Bit-Error-Rate (BER) because
of the reduction of the probability that error propagation may occur. Also, for
the same BER performance goal, prediction of optimal threshold values provides
2dB less power usage, which is great gain in terms of green communicationBER
performance goal, prediction of optimal threshold values provides 2dB less
power usage, which is great gain in terms of green communication.
|
Natural Language Multitasking: Analyzing and Improving Syntactic
Saliency of Hidden Representations | We train multi-task autoencoders on linguistic tasks and analyze the learned
hidden sentence representations. The representations change significantly when
translation and part-of-speech decoders are added. The more decoders a model
employs, the better it clusters sentences according to their syntactic
similarity, as the representation space becomes less entangled. We explore the
structure of the representation space by interpolating between sentences, which
yields interesting pseudo-English sentences, many of which have recognizable
syntactic structure. Lastly, we point out an interesting property of our
models: The difference-vector between two sentences can be added to change a
third sentence with similar features in a meaningful way.
|
In-RDBMS Hardware Acceleration of Advanced Analytics | The data revolution is fueled by advances in machine learning, databases, and
hardware design. Programmable accelerators are making their way into each of
these areas independently. As such, there is a void of solutions that enables
hardware acceleration at the intersection of these disjoint fields. This paper
sets out to be the initial step towards a unifying solution for in-Database
Acceleration of Advanced Analytics (DAnA). Deploying specialized hardware, such
as FPGAs, for in-database analytics currently requires hand-designing the
hardware and manually routing the data. Instead, DAnA automatically maps a
high-level specification of advanced analytics queries to an FPGA accelerator.
The accelerator implementation is generated for a User Defined Function (UDF),
expressed as a part of an SQL query using a Python-embedded Domain-Specific
Language (DSL). To realize an efficient in-database integration, DAnA
accelerators contain a novel hardware structure, Striders, that directly
interface with the buffer pool of the database. Striders extract, cleanse, and
process the training data tuples that are consumed by a multi-threaded FPGA
engine that executes the analytics algorithm. We integrate DAnA with PostgreSQL
to generate hardware accelerators for a range of real-world and synthetic
datasets running diverse ML algorithms. Results show that DAnA-enhanced
PostgreSQL provides, on average, 8.3x end-to-end speedup for real datasets,
with a maximum of 28.2x. Moreover, DAnA-enhanced PostgreSQL is, on average,
4.0x faster than the multi-threaded Apache MADLib running on Greenplum. DAnA
provides these benefits while hiding the complexity of hardware design from
data scientists and allowing them to express the algorithm in =30-60 lines of
Python.
|
Optimal Weighting for Exam Composition | A problem faced by many instructors is that of designing exams that
accurately assess the abilities of the students. Typically these exams are
prepared several days in advance, and generic question scores are used based on
rough approximation of the question difficulty and length. For example, for a
recent class taught by the author, there were 30 multiple choice questions
worth 3 points, 15 true/false with explanation questions worth 4 points, and 5
analytical exercises worth 10 points. We describe a novel framework where
algorithms from machine learning are used to modify the exam question weights
in order to optimize the exam scores, using the overall class grade as a proxy
for a student's true ability. We show that significant error reduction can be
obtained by our approach over standard weighting schemes, and we make several
new observations regarding the properties of the "good" and "bad" exam
questions that can have impact on the design of improved future evaluation
methods.
|
Deep Learning for Fatigue Estimation on the Basis of Multimodal
Human-Machine Interactions | The new method is proposed to monitor the level of current physical load and
accumulated fatigue by several objective and subjective characteristics. It was
applied to the dataset targeted to estimate the physical load and fatigue by
several statistical and machine learning methods. The data from peripheral
sensors (accelerometer, GPS, gyroscope, magnetometer) and brain-computing
interface (electroencephalography) were collected, integrated, and analyzed by
several statistical and machine learning methods (moment analysis, cluster
analysis, principal component analysis, etc.). The hypothesis 1 was presented
and proved that physical activity can be classified not only by objective
parameters, but by subjective parameters also. The hypothesis 2 (experienced
physical load and subsequent restoration as fatigue level can be estimated
quantitatively and distinctive patterns can be recognized) was presented and
some ways to prove it were demonstrated. Several "physical load" and "fatigue"
metrics were proposed. The results presented allow to extend application of the
machine learning methods for characterization of complex human activity
patterns (for example, to estimate their actual physical load and fatigue, and
give cautions and advice).
|
The QLBS Q-Learner Goes NuQLear: Fitted Q Iteration, Inverse RL, and
Option Portfolios | The QLBS model is a discrete-time option hedging and pricing model that is
based on Dynamic Programming (DP) and Reinforcement Learning (RL). It combines
the famous Q-Learning method for RL with the Black-Scholes (-Merton) model's
idea of reducing the problem of option pricing and hedging to the problem of
optimal rebalancing of a dynamic replicating portfolio for the option, which is
made of a stock and cash. Here we expand on several NuQLear (Numerical
Q-Learning) topics with the QLBS model. First, we investigate the performance
of Fitted Q Iteration for a RL (data-driven) solution to the model, and
benchmark it versus a DP (model-based) solution, as well as versus the BSM
model. Second, we develop an Inverse Reinforcement Learning (IRL) setting for
the model, where we only observe prices and actions (re-hedges) taken by a
trader, but not rewards. Third, we outline how the QLBS model can be used for
pricing portfolios of options, rather than a single option in isolation, thus
providing its own, data-driven and model independent solution to the (in)famous
volatility smile problem of the Black-Scholes model.
|
Non-Adversarial Unsupervised Word Translation | Unsupervised word translation from non-parallel inter-lingual corpora has
attracted much research interest. Very recently, neural network methods trained
with adversarial loss functions achieved high accuracy on this task. Despite
the impressive success of the recent techniques, they suffer from the typical
drawbacks of generative adversarial models: sensitivity to hyper-parameters,
long training time and lack of interpretability. In this paper, we make the
observation that two sufficiently similar distributions can be aligned
correctly with iterative matching methods. We present a novel method that first
aligns the second moment of the word distributions of the two languages and
then iteratively refines the alignment. Extensive experiments on word
translation of European and Non-European languages show that our method
achieves better performance than recent state-of-the-art deep adversarial
approaches and is competitive with the supervised baseline. It is also
efficient, easy to parallelize on CPU and interpretable.
|
Latitude: A Model for Mixed Linear-Tropical Matrix Factorization | Nonnegative matrix factorization (NMF) is one of the most frequently-used
matrix factorization models in data analysis. A significant reason to the
popularity of NMF is its interpretability and the `parts of whole'
interpretation of its components. Recently, max-times, or subtropical, matrix
factorization (SMF) has been introduced as an alternative model with equally
interpretable `winner takes it all' interpretation. In this paper we propose a
new mixed linear--tropical model, and a new algorithm, called Latitude, that
combines NMF and SMF, being able to smoothly alternate between the two. In our
model, the data is modeled using the latent factors and latent parameters that
control whether the factors are interpreted as NMF or SMF features, or their
mixtures. We present an algorithm for our novel matrix factorization. Our
experiments show that our algorithm improves over both baselines, and can yield
interpretable results that reveal more of the latent structure than either NMF
or SMF alone.
|
Universal Language Model Fine-tuning for Text Classification | Inductive transfer learning has greatly impacted computer vision, but
existing approaches in NLP still require task-specific modifications and
training from scratch. We propose Universal Language Model Fine-tuning
(ULMFiT), an effective transfer learning method that can be applied to any task
in NLP, and introduce techniques that are key for fine-tuning a language model.
Our method significantly outperforms the state-of-the-art on six text
classification tasks, reducing the error by 18-24% on the majority of datasets.
Furthermore, with only 100 labeled examples, it matches the performance of
training from scratch on 100x more data. We open-source our pretrained models
and code.
|
When Does Stochastic Gradient Algorithm Work Well? | In this paper, we consider a general stochastic optimization problem which is
often at the core of supervised learning, such as deep learning and linear
classification. We consider a standard stochastic gradient descent (SGD) method
with a fixed, large step size and propose a novel assumption on the objective
function, under which this method has the improved convergence rates (to a
neighborhood of the optimal solutions). We then empirically demonstrate that
these assumptions hold for logistic regression and standard deep neural
networks on classical data sets. Thus our analysis helps to explain when
efficient behavior can be expected from the SGD method in training
classification models and deep neural networks.
|
Deep Dyna-Q: Integrating Planning for Task-Completion Dialogue Policy
Learning | Training a task-completion dialogue agent via reinforcement learning (RL) is
costly because it requires many interactions with real users. One common
alternative is to use a user simulator. However, a user simulator usually lacks
the language complexity of human interlocutors and the biases in its design may
tend to degrade the agent. To address these issues, we present Deep Dyna-Q,
which to our knowledge is the first deep RL framework that integrates planning
for task-completion dialogue policy learning. We incorporate into the dialogue
agent a model of the environment, referred to as the world model, to mimic real
user response and generate simulated experience. During dialogue policy
learning, the world model is constantly updated with real user experience to
approach real user behavior, and in turn, the dialogue agent is optimized using
both real experience and simulated experience. The effectiveness of our
approach is demonstrated on a movie-ticket booking task in both simulated and
human-in-the-loop settings.
|
Mobile Machine Learning Hardware at ARM: A Systems-on-Chip (SoC)
Perspective | Machine learning is playing an increasingly significant role in emerging
mobile application domains such as AR/VR, ADAS, etc. Accordingly, hardware
architects have designed customized hardware for machine learning algorithms,
especially neural networks, to improve compute efficiency. However, machine
learning is typically just one processing stage in complex end-to-end
applications, involving multiple components in a mobile Systems-on-a-chip
(SoC). Focusing only on ML accelerators loses bigger optimization opportunity
at the system (SoC) level. This paper argues that hardware architects should
expand the optimization scope to the entire SoC. We demonstrate one particular
case-study in the domain of continuous computer vision where camera sensor,
image signal processor (ISP), memory, and NN accelerator are synergistically
co-designed to achieve optimal system-level efficiency.
|
What Does a TextCNN Learn? | TextCNN, the convolutional neural network for text, is a useful deep learning
algorithm for sentence classification tasks such as sentiment analysis and
question classification. However, neural networks have long been known as black
boxes because interpreting them is a challenging task. Researchers have
developed several tools to understand a CNN for image classification by deep
visualization, but research about deep TextCNNs is still insufficient. In this
paper, we are trying to understand what a TextCNN learns on two classical NLP
datasets. Our work focuses on functions of different convolutional kernels and
correlations between convolutional kernels.
|
Multi-Task Pharmacovigilance Mining from Social Media Posts | Social media has grown to be a crucial information source for
pharmacovigilance studies where an increasing number of people post adverse
reactions to medical drugs that are previously unreported. Aiming to
effectively monitor various aspects of Adverse Drug Reactions (ADRs) from
diversely expressed social medical posts, we propose a multi-task neural
network framework that learns several tasks associated with ADR monitoring with
different levels of supervisions collectively. Besides being able to correctly
classify ADR posts and accurately extract ADR mentions from online posts, the
proposed framework is also able to further understand reasons for which the
drug is being taken, known as 'indication', from the given social media post. A
coverage-based attention mechanism is adopted in our framework to help the
model properly identify 'phrasal' ADRs and Indications that are attentive to
multiple words in a post. Our framework is applicable in situations where
limited parallel data for different pharmacovigilance tasks are available.We
evaluate the proposed framework on real-world Twitter datasets, where the
proposed model outperforms the state-of-the-art alternatives of each individual
task consistently.
|
Composite Functional Gradient Learning of Generative Adversarial Models | This paper first presents a theory for generative adversarial methods that
does not rely on the traditional minimax formulation. It shows that with a
strong discriminator, a good generator can be learned so that the KL divergence
between the distributions of real data and generated data improves after each
functional gradient step until it converges to zero. Based on the theory, we
propose a new stable generative adversarial method. A theoretical insight into
the original GAN from this new viewpoint is also provided. The experiments on
image generation show the effectiveness of our new method.
|
Introducing ReQuEST: an Open Platform for Reproducible and
Quality-Efficient Systems-ML Tournaments | Co-designing efficient machine learning based systems across the whole
hardware/software stack to trade off speed, accuracy, energy and costs is
becoming extremely complex and time consuming. Researchers often struggle to
evaluate and compare different published works across rapidly evolving software
frameworks, heterogeneous hardware platforms, compilers, libraries, algorithms,
data sets, models, and environments.
We present our community effort to develop an open co-design tournament
platform with an online public scoreboard. It will gradually incorporate best
research practices while providing a common way for multidisciplinary
researchers to optimize and compare the quality vs. efficiency Pareto
optimality of various workloads on diverse and complete hardware/software
systems. We want to leverage the open-source Collective Knowledge framework and
the ACM artifact evaluation methodology to validate and share the complete
machine learning system implementations in a standardized, portable, and
reproducible fashion. We plan to hold regular multi-objective optimization and
co-design tournaments for emerging workloads such as deep learning, starting
with ASPLOS'18 (ACM conference on Architectural Support for Programming
Languages and Operating Systems - the premier forum for multidisciplinary
systems research spanning computer architecture and hardware, programming
languages and compilers, operating systems and networking) to build a public
repository of the most efficient machine learning algorithms and systems which
can be easily customized, reused and built upon.
|
Robust Kronecker Component Analysis | Dictionary learning and component analysis models are fundamental for
learning compact representations that are relevant to a given task (feature
extraction, dimensionality reduction, denoising, etc.). The model complexity is
encoded by means of specific structure, such as sparsity, low-rankness, or
nonnegativity. Unfortunately, approaches like K-SVD - that learn dictionaries
for sparse coding via Singular Value Decomposition (SVD) - are hard to scale to
high-volume and high-dimensional visual data, and fragile in the presence of
outliers. Conversely, robust component analysis methods such as the Robust
Principal Component Analysis (RPCA) are able to recover low-complexity (e.g.,
low-rank) representations from data corrupted with noise of unknown magnitude
and support, but do not provide a dictionary that respects the structure of the
data (e.g., images), and also involve expensive computations. In this paper, we
propose a novel Kronecker-decomposable component analysis model, coined as
Robust Kronecker Component Analysis (RKCA), that combines ideas from sparse
dictionary learning and robust component analysis. RKCA has several appealing
properties, including robustness to gross corruption; it can be used for
low-rank modeling, and leverages separability to solve significantly smaller
problems. We design an efficient learning algorithm by drawing links with a
restricted form of tensor factorization, and analyze its optimality and
low-rankness properties. The effectiveness of the proposed approach is
demonstrated on real-world applications, namely background subtraction and
image denoising and completion, by performing a thorough comparison with the
current state of the art.
|
Active Learning of Strict Partial Orders: A Case Study on Concept
Prerequisite Relations | Strict partial order is a mathematical structure commonly seen in relational
data. One obstacle to extracting such type of relations at scale is the lack of
large-scale labels for building effective data-driven solutions. We develop an
active learning framework for mining such relations subject to a strict order.
Our approach incorporates relational reasoning not only in finding new
unlabeled pairs whose labels can be deduced from an existing label set, but
also in devising new query strategies that consider the relational structure of
labels. Our experiments on concept prerequisite relations show our proposed
framework can substantially improve the classification performance with the
same query budget compared to other baseline approaches.
|
Worst-case Optimal Submodular Extensions for Marginal Estimation | Submodular extensions of an energy function can be used to efficiently
compute approximate marginals via variational inference. The accuracy of the
marginals depends crucially on the quality of the submodular extension. To
identify the best possible extension, we show an equivalence between the
submodular extensions of the energy and the objective functions of linear
programming (LP) relaxations for the corresponding MAP estimation problem. This
allows us to (i) establish the worst-case optimality of the submodular
extension for Potts model used in the literature; (ii) identify the worst-case
optimal submodular extension for the more general class of metric labeling; and
(iii) efficiently compute the marginals for the widely used dense CRF model
with the help of a recently proposed Gaussian filtering method. Using synthetic
and real data, we show that our approach provides comparable upper bounds on
the log-partition function to those obtained using tree-reweighted message
passing (TRW) in cases where the latter is computationally feasible.
Importantly, unlike TRW, our approach provides the first practical algorithm to
compute an upper bound on the dense CRF model.
|
Dimensionality Reduction in Deep Learning for Chest X-Ray Analysis of
Lung Cancer | Efficiency of some dimensionality reduction techniques, like lung
segmentation, bone shadow exclusion, and t-distributed stochastic neighbor
embedding (t-SNE) for exclusion of outliers, is estimated for analysis of chest
X-ray (CXR) 2D images by deep learning approach to help radiologists identify
marks of lung cancer in CXR. Training and validation of the simple
convolutional neural network (CNN) was performed on the open JSRT dataset
(dataset #01), the JSRT after bone shadow exclusion - BSE-JSRT (dataset #02),
JSRT after lung segmentation (dataset #03), BSE-JSRT after lung segmentation
(dataset #04), and segmented BSE-JSRT after exclusion of outliers by t-SNE
method (dataset #05). The results demonstrate that the pre-processed dataset
obtained after lung segmentation, bone shadow exclusion, and filtering out the
outliers by t-SNE (dataset #05) demonstrates the highest training rate and best
accuracy in comparison to the other pre-processed datasets.
|
Global overview of Imitation Learning | Imitation Learning is a sequential task where the learner tries to mimic an
expert's action in order to achieve the best performance. Several algorithms
have been proposed recently for this task. In this project, we aim at proposing
a wide review of these algorithms, presenting their main features and comparing
them on their performance and their regret bounds.
|
mvn2vec: Preservation and Collaboration in Multi-View Network Embedding | Multi-view networks are broadly present in real-world applications. In the
meantime, network embedding has emerged as an effective representation learning
approach for networked data. Therefore, we are motivated to study the problem
of multi-view network embedding with a focus on the optimization objectives
that are specific and important in embedding this type of network. In our
practice of embedding real-world multi-view networks, we explicitly identify
two such objectives, which we refer to as preservation and collaboration. The
in-depth analysis of these two objectives is discussed throughout this paper.
In addition, the mvn2vec algorithms are proposed to (i) study how varied extent
of preservation and collaboration can impact embedding learning and (ii)
explore the feasibility of achieving better embedding quality by modeling them
simultaneously. With experiments on a series of synthetic datasets, a
large-scale internal Snapchat dataset, and two public datasets, we confirm the
validity and importance of preservation and collaboration as two objectives for
multi-view network embedding. These experiments further demonstrate that better
embedding can be obtained by simultaneously modeling the two objectives, while
not over-complicating the model or requiring additional supervision. The code
and the processed datasets are available at
http://yushi2.web.engr.illinois.edu/.
|
CMSIS-NN: Efficient Neural Network Kernels for Arm Cortex-M CPUs | Deep Neural Networks are becoming increasingly popular in always-on IoT edge
devices performing data analytics right at the source, reducing latency as well
as energy consumption for data communication. This paper presents CMSIS-NN,
efficient kernels developed to maximize the performance and minimize the memory
footprint of neural network (NN) applications on Arm Cortex-M processors
targeted for intelligent IoT edge devices. Neural network inference based on
CMSIS-NN kernels achieves 4.6X improvement in runtime/throughput and 4.9X
improvement in energy efficiency.
|
Deep Hidden Physics Models: Deep Learning of Nonlinear Partial
Differential Equations | A long-standing problem at the interface of artificial intelligence and
applied mathematics is to devise an algorithm capable of achieving human level
or even superhuman proficiency in transforming observed data into predictive
mathematical models of the physical world. In the current era of abundance of
data and advanced machine learning capabilities, the natural question arises:
How can we automatically uncover the underlying laws of physics from
high-dimensional data generated from experiments? In this work, we put forth a
deep learning approach for discovering nonlinear partial differential equations
from scattered and potentially noisy observations in space and time.
Specifically, we approximate the unknown solution as well as the nonlinear
dynamics by two deep neural networks. The first network acts as a prior on the
unknown solution and essentially enables us to avoid numerical differentiations
which are inherently ill-conditioned and unstable. The second network
represents the nonlinear dynamics and helps us distill the mechanisms that
govern the evolution of a given spatiotemporal data-set. We test the
effectiveness of our approach for several benchmark problems spanning a number
of scientific domains and demonstrate how the proposed framework can help us
accurately learn the underlying dynamics and forecast future states of the
system. In particular, we study the Burgers', Korteweg-de Vries (KdV),
Kuramoto-Sivashinsky, nonlinear Schr\"{o}dinger, and Navier-Stokes equations.
|
Visual Data Augmentation through Learning | The rapid progress in machine learning methods has been empowered by i) huge
datasets that have been collected and annotated, ii) improved engineering (e.g.
data pre-processing/normalization). The existing datasets typically include
several million samples, which constitutes their extension a colossal task. In
addition, the state-of-the-art data-driven methods demand a vast amount of
data, hence a standard engineering trick employed is artificial data
augmentation for instance by adding into the data cropped and (affinely)
transformed images. However, this approach does not correspond to any change in
the natural 3D scene.
We propose instead to perform data augmentation through learning realistic
local transformations. We learn a forward and an inverse transformation that
maps an image from the high-dimensional space of pixel intensities to a latent
space which varies (approximately) linearly with the latent space of a
realistically transformed version of the image. Such transformed images can be
considered two successive frames in a video. Next, we utilize these
transformations to learn a linear model that modifies the latent spaces and
then use the inverse transformation to synthesize a new image. We argue that
the this procedure produces powerful invariant representations. We perform both
qualitative and quantitative experiments that demonstrate our proposed method
creates new realistic images.
|
A Deep Reinforcement Learning Chatbot (Short Version) | We present MILABOT: a deep reinforcement learning chatbot developed by the
Montreal Institute for Learning Algorithms (MILA) for the Amazon Alexa Prize
competition. MILABOT is capable of conversing with humans on popular small talk
topics through both speech and text. The system consists of an ensemble of
natural language generation and retrieval models, including neural network and
template-based models. By applying reinforcement learning to crowdsourced data
and real-world user interactions, the system has been trained to select an
appropriate response from the models in its ensemble. The system has been
evaluated through A/B testing with real-world users, where it performed
significantly better than other systems. The results highlight the potential of
coupling ensemble systems with deep reinforcement learning as a fruitful path
for developing real-world, open-domain conversational agents.
|
Optimal Rates for Spectral Algorithms with Least-Squares Regression over
Hilbert Spaces | In this paper, we study regression problems over a separable Hilbert space
with the square loss, covering non-parametric regression over a reproducing
kernel Hilbert space. We investigate a class of spectral-regularized
algorithms, including ridge regression, principal component analysis, and
gradient methods. We prove optimal, high-probability convergence results in
terms of variants of norms for the studied algorithms, considering a capacity
assumption on the hypothesis space and a general source condition on the target
function. Consequently, we obtain almost sure convergence results with optimal
rates. Our results improve and generalize previous results, filling a
theoretical gap for the non-attainable cases.
|
Curvature-based Comparison of Two Neural Networks | In this paper we show the similarities and differences of two deep neural
networks by comparing the manifolds composed of activation vectors in each
fully connected layer of them. The main contribution of this paper includes 1)
a new data generating algorithm which is crucial for determining the dimension
of manifolds; 2) a systematic strategy to compare manifolds. Especially, we
take Riemann curvature and sectional curvature as part of criterion, which can
reflect the intrinsic geometric properties of manifolds. Some interesting
results and phenomenon are given, which help in specifying the similarities and
differences between the features extracted by two networks and demystifying the
intrinsic mechanism of deep neural networks.
|
Decoupled Learning for Factorial Marked Temporal Point Processes | This paper introduces the factorial marked temporal point process model and
presents efficient learning methods. In conventional (multi-dimensional) marked
temporal point process models, event is often encoded by a single discrete
variable i.e. a marker. In this paper, we describe the factorial marked point
processes whereby time-stamped event is factored into multiple markers.
Accordingly the size of the infectivity matrix modeling the effect between
pairwise markers is in power order w.r.t. the number of the discrete marker
space. We propose a decoupled learning method with two learning procedures: i)
directly solving the model based on two techniques: Alternating Direction
Method of Multipliers and Fast Iterative Shrinkage-Thresholding Algorithm; ii)
involving a reformulation that transforms the original problem into a Logistic
Regression model for more efficient learning. Moreover, a sparse group
regularizer is added to identify the key profile features and event labels.
Empirical results on real world datasets demonstrate the efficiency of our
decoupled and reformulated method. The source code is available online.
|
Time series kernel similarities for predicting Paroxysmal Atrial
Fibrillation from ECGs | We tackle the problem of classifying Electrocardiography (ECG) signals with
the aim of predicting the onset of Paroxysmal Atrial Fibrillation (PAF). Atrial
fibrillation is the most common type of arrhythmia, but in many cases PAF
episodes are asymptomatic. Therefore, in order to help diagnosing PAF, it is
important to design procedures for detecting and, more importantly, predicting
PAF episodes. We propose a method for predicting PAF events whose first step
consists of a feature extraction procedure that represents each ECG as a
multi-variate time series. Successively, we design a classification framework
based on kernel similarities for multi-variate time series, capable of handling
missing data. We consider different approaches to perform classification in the
original space of the multi-variate time series and in an embedding space,
defined by the kernel similarity measure. We achieve a classification accuracy
comparable with state of the art methods, with the additional advantage of
detecting the PAF onset up to 15 minutes in advance.
|
Bayesian Deep Convolutional Encoder-Decoder Networks for Surrogate
Modeling and Uncertainty Quantification | We are interested in the development of surrogate models for uncertainty
quantification and propagation in problems governed by stochastic PDEs using a
deep convolutional encoder-decoder network in a similar fashion to approaches
considered in deep learning for image-to-image regression tasks. Since normal
neural networks are data intensive and cannot provide predictive uncertainty,
we propose a Bayesian approach to convolutional neural nets. A recently
introduced variational gradient descent algorithm based on Stein's method is
scaled to deep convolutional networks to perform approximate Bayesian inference
on millions of uncertain network parameters. This approach achieves state of
the art performance in terms of predictive accuracy and uncertainty
quantification in comparison to other approaches in Bayesian neural networks as
well as techniques that include Gaussian processes and ensemble methods even
when the training data size is relatively small. To evaluate the performance of
this approach, we consider standard uncertainty quantification benchmark
problems including flow in heterogeneous media defined in terms of limited
data-driven permeability realizations. The performance of the surrogate model
developed is very good even though there is no underlying structure shared
between the input (permeability) and output (flow/pressure) fields as is often
the case in the image-to-image regression models used in computer vision
problems. Studies are performed with an underlying stochastic input
dimensionality up to $4,225$ where most other uncertainty quantification
methods fail. Uncertainty propagation tasks are considered and the predictive
output Bayesian statistics are compared to those obtained with Monte Carlo
estimates.
|
Visual Analytics in Deep Learning: An Interrogative Survey for the Next
Frontiers | Deep learning has recently seen rapid development and received significant
attention due to its state-of-the-art performance on previously-thought hard
problems. However, because of the internal complexity and nonlinear structure
of deep neural networks, the underlying decision making processes for why these
models are achieving such performance are challenging and sometimes mystifying
to interpret. As deep learning spreads across domains, it is of paramount
importance that we equip users of deep learning with tools for understanding
when a model works correctly, when it fails, and ultimately how to improve its
performance. Standardized toolkits for building neural networks have helped
democratize deep learning; visual analytics systems have now been developed to
support model explanation, interpretation, debugging, and improvement. We
present a survey of the role of visual analytics in deep learning research,
which highlights its short yet impactful history and thoroughly summarizes the
state-of-the-art using a human-centered interrogative framework, focusing on
the Five W's and How (Why, Who, What, How, When, and Where). We conclude by
highlighting research directions and open research problems. This survey helps
researchers and practitioners in both visual analytics and deep learning to
quickly learn key aspects of this young and rapidly growing body of research,
whose impact spans a diverse range of domains.
|
Cross-Domain Transfer in Reinforcement Learning using Target Apprentice | In this paper, we present a new approach to Transfer Learning (TL) in
Reinforcement Learning (RL) for cross-domain tasks. Many of the available
techniques approach the transfer architecture as a method of speeding up the
target task learning. We propose to adapt and reuse the mapped source task
optimal-policy directly in related domains. We show the optimal policy from a
related source task can be near optimal in target domain provided an adaptive
policy accounts for the model error between target and source. The main benefit
of this policy augmentation is generalizing policies across multiple related
domains without having to re-learn the new tasks. Our results show that this
architecture leads to better sample efficiency in the transfer, reducing sample
complexity of target task learning to target apprentice learning.
|
On the Iteration Complexity Analysis of Stochastic Primal-Dual Hybrid
Gradient Approach with High Probability | In this paper, we propose a stochastic Primal-Dual Hybrid Gradient (PDHG)
approach for solving a wide spectrum of regularized stochastic minimization
problems, where the regularization term is composite with a linear function. It
has been recognized that solving this kind of problem is challenging since the
closed-form solution of the proximal mapping associated with the regularization
term is not available due to the imposed linear composition, and the
per-iteration cost of computing the full gradient of the expected objective
function is extremely high when the number of input data samples is
considerably large.
Our new approach overcomes these issues by exploring the special structure of
the regularization term and sampling a few data points at each iteration.
Rather than analyzing the convergence in expectation, we provide the detailed
iteration complexity analysis for the cases of both uniformly and non-uniformly
averaged iterates with high probability. This strongly supports the good
practical performance of the proposed approach. Numerical experiments
demonstrate that the efficiency of stochastic PDHG, which outperforms other
competing algorithms, as expected by the high-probability convergence analysis.
|
Extreme Learning Machine with Local Connections | This paper is concerned with the sparsification of the input-hidden weights
of ELM (Extreme Learning Machine). For ordinary feedforward neural networks,
the sparsification is usually done by introducing certain regularization
technique into the learning process of the network. But this strategy can not
be applied for ELM, since the input-hidden weights of ELM are supposed to be
randomly chosen rather than to be learned. To this end, we propose a modified
ELM, called ELM-LC (ELM with local connections), which is designed for the
sparsification of the input-hidden weights as follows: The hidden nodes and the
input nodes are divided respectively into several corresponding groups, and an
input node group is fully connected with its corresponding hidden node group,
but is not connected with any other hidden node group. As in the usual ELM, the
hidden-input weights are randomly given, and the hidden-output weights are
obtained through a least square learning. In the numerical simulations on some
benchmark problems, the new ELM-CL behaves better than the traditional ELM.
|
Offline A/B testing for Recommender Systems | Before A/B testing online a new version of a recommender system, it is usual
to perform some offline evaluations on historical data. We focus on evaluation
methods that compute an estimator of the potential uplift in revenue that could
generate this new technology. It helps to iterate faster and to avoid losing
money by detecting poor policies. These estimators are known as counterfactual
or off-policy estimators. We show that traditional counterfactual estimators
such as capped importance sampling and normalised importance sampling are
experimentally not having satisfying bias-variance compromises in the context
of personalised product recommendation for online advertising. We propose two
variants of counterfactual estimates with different modelling of the bias that
prove to be accurate in real-world conditions. We provide a benchmark of these
estimators by showing their correlation with business metrics observed by
running online A/B tests on a commercial recommender system.
|
Convolutional Networks in Visual Environments | The puzzle of computer vision might find new challenging solutions when we
realize that most successful methods are working at image level, which is
remarkably more difficult than processing directly visual streams. In this
paper, we claim that their processing naturally leads to formulate the motion
invariance principle, which enables the construction of a new theory of
learning with convolutional networks. The theory addresses a number of
intriguing questions that arise in natural vision, and offers a well-posed
computational scheme for the discovery of convolutional filters over the
retina. They are driven by differential equations derived from the principle of
least cognitive action. Unlike traditional convolutional networks, which need
massive supervision, the proposed theory offers a truly new scenario in which
feature learning takes place by unsupervised processing of video signals. It is
pointed out that an opportune blurring of the video, along the interleaving of
segments of null signal, make it possible to conceive a novel learning
mechanism that yields the minimum of the cognitive action. Basically, while the
theory enables the implementation of novel computer vision systems, it is also
provides an intriguing explanation of the solution that evolution has
discovered for humans, where it looks like that the video blurring in newborns
and the day-night rhythm seem to emerge in a general computational framework,
regardless of biology.
|
E-swish: Adjusting Activations to Different Network Depths | Activation functions have a notorious impact on neural networks on both
training and testing the models against the desired problem. Currently, the
most used activation function is the Rectified Linear Unit (ReLU). This paper
introduces a new and novel activation function, closely related with the new
activation $Swish = x * sigmoid(x)$ (Ramachandran et al., 2017) which
generalizes it. We call the new activation $E-swish = \beta x * sigmoid(x)$. We
show that E-swish outperforms many other well-known activations including both
ReLU and Swish. For example, using E-swish provided 1.5% and 4.6% accuracy
improvements on Cifar10 and Cifar100 respectively for the WRN 10-2 when
compared to ReLU and 0.35% and 0.6% respectively when compared to Swish. The
code to reproduce all our experiments can be found at
https://github.com/EricAlcaide/E-swish
|
Scale-invariant Feature Extraction of Neural Network and Renormalization
Group Flow | Theoretical understanding of how deep neural network (DNN) extracts features
from input images is still unclear, but it is widely believed that the
extraction is performed hierarchically through a process of coarse-graining. It
reminds us of the basic concept of renormalization group (RG) in statistical
physics. In order to explore possible relations between DNN and RG, we use the
Restricted Boltzmann machine (RBM) applied to Ising model and construct a flow
of model parameters (in particular, temperature) generated by the RBM. We show
that the unsupervised RBM trained by spin configurations at various
temperatures from $T=0$ to $T=6$ generates a flow along which the temperature
approaches the critical value $T_c=2.27$. This behavior is opposite to the
typical RG flow of the Ising model. By analyzing various properties of the
weight matrices of the trained RBM, we discuss why it flows towards $T_c$ and
how the RBM learns to extract features of spin configurations.
|
Adversarial Texts with Gradient Methods | Adversarial samples for images have been extensively studied in the
literature. Among many of the attacking methods, gradient-based methods are
both effective and easy to compute. In this work, we propose a framework to
adapt the gradient attacking methods on images to text domain. The main
difficulties for generating adversarial texts with gradient methods are i) the
input space is discrete, which makes it difficult to accumulate small noise
directly in the inputs, and ii) the measurement of the quality of the
adversarial texts is difficult. We tackle the first problem by searching for
adversarials in the embedding space and then reconstruct the adversarial texts
via nearest neighbor search. For the latter problem, we employ the Word Mover's
Distance (WMD) to quantify the quality of adversarial texts. Through extensive
experiments on three datasets, IMDB movie reviews, Reuters-2 and Reuters-5
newswires, we show that our framework can leverage gradient attacking methods
to generate very high-quality adversarial texts that are only a few words
different from the original texts. There are many cases where we can change one
word to alter the label of the whole piece of text. We successfully incorporate
FGM and DeepFool into our framework. In addition, we empirically show that WMD
is closely related to the quality of adversarial texts.
|
Optimizing Prediction Intervals by Tuning Random Forest via
Meta-Validation | Recent studies have shown that tuning prediction models increases prediction
accuracy and that Random Forest can be used to construct prediction intervals.
However, to our best knowledge, no study has investigated the need to, and the
manner in which one can, tune Random Forest for optimizing prediction intervals
{ this paper aims to fill this gap. We explore a tuning approach that combines
an effectively exhaustive search with a validation technique on a single Random
Forest parameter. This paper investigates which, out of eight validation
techniques, are beneficial for tuning, i.e., which automatically choose a
Random Forest configuration constructing prediction intervals that are reliable
and with a smaller width than the default configuration. Additionally, we
present and validate three meta-validation techniques to determine which are
beneficial, i.e., those which automatically chose a beneficial validation
technique. This study uses data from our industrial partner (Keymind Inc.) and
the Tukutuku Research Project, related to post-release defect prediction and
Web application effort estimation, respectively. Results from our study
indicate that: i) the default configuration is frequently unreliable, ii) most
of the validation techniques, including previously successfully adopted ones
such as 50/50 holdout and bootstrap, are counterproductive in most of the
cases, and iii) the 75/25 holdout meta-validation technique is always
beneficial; i.e., it avoids the likely counterproductive effects of validation
techniques.
|
Three Dimensional Fluorescence Microscopy Image Synthesis and
Segmentation | Advances in fluorescence microscopy enable acquisition of 3D image volumes
with better image quality and deeper penetration into tissue. Segmentation is a
required step to characterize and analyze biological structures in the images
and recent 3D segmentation using deep learning has achieved promising results.
One issue is that deep learning techniques require a large set of groundtruth
data which is impractical to annotate manually for large 3D microscopy volumes.
This paper describes a 3D deep learning nuclei segmentation method using
synthetic 3D volumes for training. A set of synthetic volumes and the
corresponding groundtruth are generated using spatially constrained
cycle-consistent adversarial networks. Segmentation results demonstrate that
our proposed method is capable of segmenting nuclei successfully for various
data sets.
|
Rover Descent: Learning to optimize by learning to navigate on
prototypical loss surfaces | Learning to optimize - the idea that we can learn from data algorithms that
optimize a numerical criterion - has recently been at the heart of a growing
number of research efforts. One of the most challenging issues within this
approach is to learn a policy that is able to optimize over classes of
functions that are fairly different from the ones that it was trained on. We
propose a novel way of framing learning to optimize as a problem of learning a
good navigation policy on a partially observable loss surface. To this end, we
develop Rover Descent, a solution that allows us to learn a fairly broad
optimization policy from training on a small set of prototypical
two-dimensional surfaces that encompasses the classically hard cases such as
valleys, plateaus, cliffs and saddles and by using strictly zero-order
information. We show that, without having access to gradient or curvature
information, we achieve state-of-the-art convergence speed on optimization
problems not presented at training time such as the Rosenbrock function and
other hard cases in two dimensions. We extend our framework to optimize over
high dimensional landscapes, while still handling only two-dimensional local
landscape information and show good preliminary results.
|
Optimal Convergence for Distributed Learning with Stochastic Gradient
Methods and Spectral Algorithms | We study generalization properties of distributed algorithms in the setting
of nonparametric regression over a reproducing kernel Hilbert space (RKHS). We
first investigate distributed stochastic gradient methods (SGM), with
mini-batches and multi-passes over the data. We show that optimal
generalization error bounds can be retained for distributed SGM provided that
the partition level is not too large. We then extend our results to
spectral-regularization algorithms (SRA), including kernel ridge regression
(KRR), kernel principal component analysis, and gradient methods. Our results
are superior to the state-of-the-art theory. Particularly, our results show
that distributed SGM has a smaller theoretical computational complexity,
compared with distributed KRR and classic SGM. Moreover, even for
non-distributed SRA, they provide the first optimal, capacity-dependent
convergence rates, considering the case that the regression function may not be
in the RKHS.
|
Convergence of Value Aggregation for Imitation Learning | Value aggregation is a general framework for solving imitation learning
problems. Based on the idea of data aggregation, it generates a policy sequence
by iteratively interleaving policy optimization and evaluation in an online
learning setting. While the existence of a good policy in the policy sequence
can be guaranteed non-asymptotically, little is known about the convergence of
the sequence or the performance of the last policy. In this paper, we debunk
the common belief that value aggregation always produces a convergent policy
sequence with improving performance. Moreover, we identify a critical stability
condition for convergence and provide a tight non-asymptotic bound on the
performance of the last policy. These new theoretical insights let us stabilize
problems with regularization, which removes the inconvenient process of
identifying the best policy in the policy sequence in stochastic problems.
|
Multi-Objective De Novo Drug Design with Conditional Graph Generative
Model | Recently, deep generative models have revealed itself as a promising way of
performing de novo molecule design. However, previous research has focused
mainly on generating SMILES strings instead of molecular graphs. Although
current graph generative models are available, they are often too general and
computationally expensive, which restricts their application to molecules with
small sizes. In this work, a new de novo molecular design framework is proposed
based on a type sequential graph generators that do not use atom level
recurrent units. Compared with previous graph generative models, the proposed
method is much more tuned for molecule generation and have been scaled up to
cover significantly larger molecules in the ChEMBL database. It is shown that
the graph-based model outperforms SMILES based models in a variety of metrics,
especially in the rate of valid outputs. For the application of drug design
tasks, conditional graph generative model is employed. This method offers
higher flexibility compared to previous fine-tuning based approach and is
suitable for generation based on multiple objectives. This approach is applied
to solve several drug design problems, including the generation of compounds
containing a given scaffold, generation of compounds with specific
drug-likeness and synthetic accessibility requirements, as well as generating
dual inhibitors against JNK3 and GSK3$\beta$. Results show high enrichment
rates for outputs satisfying the given requirements.
|
The Hybrid Bootstrap: A Drop-in Replacement for Dropout | Regularization is an important component of predictive model building. The
hybrid bootstrap is a regularization technique that functions similarly to
dropout except that features are resampled from other training points rather
than replaced with zeros. We show that the hybrid bootstrap offers superior
performance to dropout. We also present a sampling based technique to simplify
hyperparameter choice. Next, we provide an alternative sampling technique for
convolutional neural networks. Finally, we demonstrate the efficacy of the
hybrid bootstrap on non-image tasks using tree-based models.
|
High-throughput, high-resolution registration-free generated adversarial
network microscopy | We combine generative adversarial network (GAN) with light microscopy to
achieve deep learning super-resolution under a large field of view (FOV). By
appropriately adopting prior microscopy data in an adversarial training, the
neural network can recover a high-resolution, accurate image of new specimen
from its single low-resolution measurement. Its capacity has been broadly
demonstrated via imaging various types of samples, such as USAF resolution
target, human pathological slides, fluorescence-labelled fibroblast cells, and
deep tissues in transgenic mouse brain, by both wide-field and light-sheet
microscopes. The gigapixel, multi-color reconstruction of these samples
verifies a successful GAN-based single image super-resolution procedure. We
also propose an image degrading model to generate low resolution images for
training, making our approach free from the complex image registration during
training dataset preparation. After a welltrained network being created, this
deep learning-based imaging approach is capable of recovering a large FOV (~95
mm2), high-resolution (~1.7 {\mu}m) image at high speed (within 1 second),
while not necessarily introducing any changes to the setup of existing
microscopes.
|
Flexible Deep Neural Network Processing | The recent success of Deep Neural Networks (DNNs) has drastically improved
the state of the art for many application domains. While achieving high
accuracy performance, deploying state-of-the-art DNNs is a challenge since they
typically require billions of expensive arithmetic computations. In addition,
DNNs are typically deployed in ensemble to boost accuracy performance, which
further exacerbates the system requirements. This computational overhead is an
issue for many platforms, e.g. data centers and embedded systems, with tight
latency and energy budgets. In this article, we introduce flexible DNNs
ensemble processing technique, which achieves large reduction in average
inference latency while incurring small to negligible accuracy drop. Our
technique is flexible in that it allows for dynamic adaptation between quality
of results (QoR) and execution runtime. We demonstrate the effectiveness of the
technique on AlexNet and ResNet-50 using the ImageNet dataset. This technique
can also easily handle other types of networks.
|
Secure Mobile Crowdsensing with Deep Learning | In order to stimulate secure sensing for Internet of Things (IoT)
applications such as healthcare and traffic monitoring, mobile crowdsensing
(MCS) systems have to address security threats, such as jamming, spoofing and
faked sensing attacks, during both the sensing and the information exchange
processes in large-scale dynamic and heterogenous networks. In this article, we
investigate secure mobile crowdsensing and present how to use deep learning
(DL) methods such as stacked autoencoder (SAE), deep neural network (DNN), and
convolutional neural network (CNN) to improve the MCS security approaches
including authentication, privacy protection, faked sensing countermeasures,
intrusion detection and anti-jamming transmissions in MCS. We discuss the
performance gain of these DL-based approaches compared with traditional
security schemes and identify the challenges that need to be addressed to
implement them in practical MCS systems.
|
Hybrid Gradient Boosting Trees and Neural Networks for Forecasting
Operating Room Data | Time series data constitutes a distinct and growing problem in machine
learning. As the corpus of time series data grows larger, deep models that
simultaneously learn features and classify with these features can be
intractable or suboptimal. In this paper, we present feature learning via long
short term memory (LSTM) networks and prediction via gradient boosting trees
(XGB). Focusing on the consequential setting of electronic health record data,
we predict the occurrence of hypoxemia five minutes into the future based on
past features. We make two observations: 1) long short term memory networks are
effective at capturing long term dependencies based on a single feature and 2)
gradient boosting trees are capable of tractably combining a large number of
features including static features like height and weight. With these
observations in mind, we generate features by performing "supervised"
representation learning with LSTM networks. Augmenting the original XGB model
with these features gives significantly better performance than either
individual method.
|
Learning Networks from Random Walk-Based Node Similarities | Digital presence in the world of online social media entails significant
privacy risks. In this work we consider a privacy threat to a social network in
which an attacker has access to a subset of random walk-based node
similarities, such as effective resistances (i.e., commute times) or
personalized PageRank scores. Using these similarities, the attacker's goal is
to infer as much information as possible about the underlying network,
including any remaining unknown pairwise node similarities and edges.
For the effective resistance metric, we show that with just a small subset of
measurements, the attacker can learn a large fraction of edges in a social
network, even when the measurements are noisy. We also show that it is possible
to learn a graph which accurately matches the underlying network on all other
effective resistances. This second observation is interesting from a data
mining perspective, since it can be expensive to accurately compute all
effective resistances. As an alternative, our graphs learned from just a subset
of approximate effective resistances can be used as surrogates in a wide range
of applications that use effective resistances to probe graph structure,
including for graph clustering, node centrality evaluation, and anomaly
detection.
We obtain our results by formalizing the graph learning objective
mathematically, using two optimization problems. One formulation is convex and
can be solved provably in polynomial time. The other is not, but we solve it
efficiently with projected gradient and coordinate descent. We demonstrate the
effectiveness of these methods on a number of social networks obtained from
Facebook. We also discuss how our methods can be generalized to other random
walk-based similarities, such as personalized PageRank. Our code is available
at https://github.com/cnmusco/graph-similarity-learning.
|
Generalized two-dimensional linear discriminant analysis with
regularization | Recent advances show that two-dimensional linear discriminant analysis
(2DLDA) is a successful matrix based dimensionality reduction method. However,
2DLDA may encounter the singularity issue theoretically and the sensitivity to
outliers. In this paper, a generalized Lp-norm 2DLDA framework with
regularization for an arbitrary $p>0$ is proposed, named G2DLDA. There are
mainly two contributions of G2DLDA: one is G2DLDA model uses an arbitrary
Lp-norm to measure the between-class and within-class scatter, and hence a
proper $p$ can be selected to achieve the robustness. The other one is that by
introducing an extra regularization term, G2DLDA achieves better generalization
performance, and solves the singularity problem. In addition, G2DLDA can be
solved through a series of convex problems with equality constraint, and it has
closed solution for each single problem. Its convergence can be guaranteed
theoretically when $1\leq p\leq2$. Preliminary experimental results on three
contaminated human face databases show the effectiveness of the proposed
G2DLDA.
|
A Work Zone Simulation Model for Travel Time Prediction in a Connected
Vehicle Environment | A work zone bottleneck in a roadway network can cause traffic delays,
emissions and safety issues. Accurate measurement and prediction of work zone
travel time can help travelers make better routing decisions and therefore
mitigate its impact. Historically, data used for travel time analyses comes
from fixed loop detectors, which are expensive to install and maintain. With
connected vehicle technology, such as Vehicle-to-Infrastructure, portable
roadside unit (RSU) can be located in and around a work zone segment to
communicate with the vehicles and collect traffic data. A PARAMICS simulation
model for a prototypical freeway work zone in a connected vehicle environment
was built to test this idea using traffic demand data from NY State Route 104.
For the simulation, twelve RSUs were placed along the work zone segment and
sixteen variables were extracted from the simulation results to explore travel
time estimation and prediction. For the travel time analysis, four types of
models were constructed, including linear regression, multivariate adaptive
regression splines (MARS), stepwise regression and elastic net. The results
show that the modeling approaches under consideration have similar performance
in terms of the Root of Mean Square Error (RMSE), which provides an opportunity
for model selection based on additional factors including the number and
locations of the RSUs according to the significant variables identified in the
various models. Among the four approaches, the stepwise regression model only
needs variables from two RSUs: one placed sufficiently upstream of the work
zone and one at the end of the work zone.
|
Mitigating Unwanted Biases with Adversarial Learning | Machine learning is a tool for building models that accurately represent
input training data. When undesired biases concerning demographic groups are in
the training data, well-trained models will reflect those biases. We present a
framework for mitigating such biases by including a variable for the group of
interest and simultaneously learning a predictor and an adversary. The input to
the network X, here text or census data, produces a prediction Y, such as an
analogy completion or income bracket, while the adversary tries to model a
protected variable Z, here gender or zip code.
The objective is to maximize the predictor's ability to predict Y while
minimizing the adversary's ability to predict Z. Applied to analogy completion,
this method results in accurate predictions that exhibit less evidence of
stereotyping Z. When applied to a classification task using the UCI Adult
(Census) Dataset, it results in a predictive model that does not lose much
accuracy while achieving very close to equality of odds (Hardt, et al., 2016).
The method is flexible and applicable to multiple definitions of fairness as
well as a wide range of gradient-based learning models, including both
regression and classification tasks.
|
Binary output layer of feedforward neural networks for solving
multi-class classification problems | Considered in this short note is the design of output layer nodes of
feedforward neural networks for solving multi-class classification problems
with r (bigger than or equal to 3) classes of samples. The common and
conventional setting of output layer, called "one-to-one approach" in this
paper, is as follows: The output layer contains r output nodes corresponding to
the r classes. And for an input sample of the i-th class, the ideal output is 1
for the i-th output node, and 0 for all the other output nodes. We propose in
this paper a new "binary approach": Suppose r is (2^(q minus 1), 2^q] with q
bigger than or equal to 2, then we let the output layer contain q output nodes,
and let the ideal outputs for the r classes be designed in a binary manner.
Numerical experiments carried out in this paper show that our binary approach
does equally good job as, but uses less output nodes than, the traditional
one-to-one approach.
|
Deeper Insights into Graph Convolutional Networks for Semi-Supervised
Learning | Many interesting problems in machine learning are being revisited with new
deep learning tools. For graph-based semisupervised learning, a recent
important development is graph convolutional networks (GCNs), which nicely
integrate local vertex features and graph topology in the convolutional layers.
Although the GCN model compares favorably with other state-of-the-art methods,
its mechanisms are not clear and it still requires a considerable amount of
labeled data for validation and model selection. In this paper, we develop
deeper insights into the GCN model and address its fundamental limits. First,
we show that the graph convolution of the GCN model is actually a special form
of Laplacian smoothing, which is the key reason why GCNs work, but it also
brings potential concerns of over-smoothing with many convolutional layers.
Second, to overcome the limits of the GCN model with shallow architectures, we
propose both co-training and self-training approaches to train GCNs. Our
approaches significantly improve GCNs in learning with very few labels, and
exempt them from requiring additional labels for validation. Extensive
experiments on benchmarks have verified our theory and proposals.
|
Clustering with Deep Learning: Taxonomy and New Methods | Clustering methods based on deep neural networks have proven promising for
clustering real-world data because of their high representational power. In
this paper, we propose a systematic taxonomy of clustering methods that utilize
deep neural networks. We base our taxonomy on a comprehensive review of recent
work and validate the taxonomy in a case study. In this case study, we show
that the taxonomy enables researchers and practitioners to systematically
create new clustering methods by selectively recombining and replacing distinct
aspects of previous methods with the goal of overcoming their individual
limitations. The experimental evaluation confirms this and shows that the
method created for the case study achieves state-of-the-art clustering quality
and surpasses it in some cases.
|
Dynamic Optimization of Neural Network Structures Using Probabilistic
Modeling | Deep neural networks (DNNs) are powerful machine learning models and have
succeeded in various artificial intelligence tasks. Although various
architectures and modules for the DNNs have been proposed, selecting and
designing the appropriate network structure for a target problem is a
challenging task. In this paper, we propose a method to simultaneously optimize
the network structure and weight parameters during neural network training. We
consider a probability distribution that generates network structures, and
optimize the parameters of the distribution instead of directly optimizing the
network structure. The proposed method can apply to the various network
structure optimization problems under the same framework. We apply the proposed
method to several structure optimization problems such as selection of layers,
selection of unit types, and selection of connections using the MNIST,
CIFAR-10, and CIFAR-100 datasets. The experimental results show that the
proposed method can find the appropriate and competitive network structures.
|
Expectation Learning for Adaptive Crossmodal Stimuli Association | The human brain is able to learn, generalize, and predict crossmodal stimuli.
Learning by expectation fine-tunes crossmodal processing at different levels,
thus enhancing our power of generalization and adaptation in highly dynamic
environments. In this paper, we propose a deep neural architecture trained by
using expectation learning accounting for unsupervised learning tasks. Our
learning model exhibits a self-adaptable behavior, setting the first steps
towards the development of deep learning architectures for crossmodal stimuli
association.
|
Pruning Techniques for Mixed Ensembles of Genetic Programming Models | The objective of this paper is to define an effective strategy for building
an ensemble of Genetic Programming (GP) models. Ensemble methods are widely
used in machine learning due to their features: they average out biases, they
reduce the variance and they usually generalize better than single models.
Despite these advantages, building ensemble of GP models is not a
well-developed topic in the evolutionary computation community. To fill this
gap, we propose a strategy that blends individuals produced by standard
syntax-based GP and individuals produced by geometric semantic genetic
programming, one of the newest semantics-based method developed in GP. In fact,
recent literature showed that combining syntax and semantics could improve the
generalization ability of a GP model. Additionally, to improve the diversity of
the GP models used to build up the ensemble, we propose different pruning
criteria that are based on correlation and entropy, a commonly used measure in
information theory. Experimental results,obtained over different complex
problems, suggest that the pruning criteria based on correlation and entropy
could be effective in improving the generalization ability of the ensemble
model and in reducing the computational burden required to build it.
|
A Classification Refinement Strategy for Semantic Segmentation | Based on the observation that semantic segmentation errors are partially
predictable, we propose a compact formulation using confusion statistics of the
trained classifier to refine (re-estimate) the initial pixel label hypotheses.
The proposed strategy is contingent upon computing the classifier confusion
probabilities for a given dataset and estimating a relevant prior on the object
classes present in the image to be classified. We provide a procedure to
robustly estimate the confusion probabilities and explore multiple prior
definitions. Experiments are shown comparing performances on multiple
challenging datasets using different priors to improve a state-of-the-art
semantic segmentation classifier. This study demonstrates the potential to
significantly improve semantic labeling and motivates future work for reliable
label prior estimation from images.
|
Drug Selection via Joint Push and Learning to Rank | Selecting the right drugs for the right patients is a primary goal of
precision medicine. In this manuscript, we consider the problem of cancer drug
selection in a learning-to-rank framework. We have formulated the cancer drug
selection problem as to accurately predicting 1). the ranking positions of
sensitive drugs and 2). the ranking orders among sensitive drugs in cancer cell
lines based on their responses to cancer drugs. We have developed a new
learning-to-rank method, denoted as pLETORg , that predicts drug ranking
structures in each cell line via using drug latent vectors and cell line latent
vectors. The pLETORg method learns such latent vectors through explicitly
enforcing that, in the drug ranking list of each cell line, the sensitive drugs
are pushed above insensitive drugs, and meanwhile the ranking orders among
sensitive drugs are correct. Genomics information on cell lines is leveraged in
learning the latent vectors. Our experimental results on a benchmark cell
line-drug response dataset demonstrate that the new pLETORg significantly
outperforms the state-of-the-art method in prioritizing new sensitive drugs.
|
Tractable Learning and Inference for Large-Scale Probabilistic Boolean
Networks | Probabilistic Boolean Networks (PBNs) have been previously proposed so as to
gain insights into complex dy- namical systems. However, identification of
large networks and of the underlying discrete Markov Chain which describes
their temporal evolution, still remains a challenge. In this paper, we
introduce an equivalent representation for the PBN, the Stochastic Conjunctive
Normal Form (SCNF), which paves the way to a scalable learning algorithm and
helps predict long- run dynamic behavior of large-scale systems. Moreover, SCNF
allows its efficient sampling so as to statistically infer multi- step
transition probabilities which can provide knowledge on the activity levels of
individual nodes in the long run.
|
Bayesian Neural Networks | This paper describes and discusses Bayesian Neural Network (BNN). The paper
showcases a few different applications of them for classification and
regression problems. BNNs are comprised of a Probabilistic Model and a Neural
Network. The intent of such a design is to combine the strengths of Neural
Networks and Stochastic modeling. Neural Networks exhibit continuous function
approximator capabilities. Stochastic models allow direct specification of a
model with known interaction between parameters to generate data. During the
prediction phase, stochastic models generate a complete posterior distribution
and produce probabilistic guarantees on the predictions. Thus BNNs are a unique
combination of neural network and stochastic models with the stochastic model
forming the core of this integration. BNNs can then produce probabilistic
guarantees on it's predictions and also generate the distribution of parameters
that it has learnt from the observations. That means, in the parameter space,
one can deduce the nature and shape of the neural network's learnt parameters.
These two characteristics makes them highly attractive to theoreticians as well
as practitioners. Recently there has been a lot of activity in this area, with
the advent of numerous probabilistic programming libraries such as: PyMC3,
Edward, Stan etc. Further this area is rapidly gaining ground as a standard
machine learning approach for numerous problems
|
MaskGAN: Better Text Generation via Filling in the______ | Neural text generation models are often autoregressive language models or
seq2seq models. These models generate text by sampling words sequentially, with
each word conditioned on the previous word, and are state-of-the-art for
several machine translation and summarization benchmarks. These benchmarks are
often defined by validation perplexity even though this is not a direct measure
of the quality of the generated text. Additionally, these models are typically
trained via maxi- mum likelihood and teacher forcing. These methods are
well-suited to optimizing perplexity but can result in poor sample quality
since generating text requires conditioning on sequences of words that may have
never been observed at training time. We propose to improve sample quality
using Generative Adversarial Networks (GANs), which explicitly train the
generator to produce high quality samples and have shown a lot of success in
image generation. GANs were originally designed to output differentiable
values, so discrete language generation is challenging for them. We claim that
validation perplexity alone is not indicative of the quality of text generated
by a model. We introduce an actor-critic conditional GAN that fills in missing
text conditioned on the surrounding context. We show qualitatively and
quantitatively, evidence that this produces more realistic conditional and
unconditional text samples compared to a maximum likelihood trained model.
|
Deep Learning for Electromyographic Hand Gesture Signal Classification
Using Transfer Learning | In recent years, deep learning algorithms have become increasingly more
prominent for their unparalleled ability to automatically learn discriminant
features from large amounts of data. However, within the field of
electromyography-based gesture recognition, deep learning algorithms are seldom
employed as they require an unreasonable amount of effort from a single person,
to generate tens of thousands of examples.
This work's hypothesis is that general, informative features can be learned
from the large amounts of data generated by aggregating the signals of multiple
users, thus reducing the recording burden while enhancing gesture recognition.
Consequently, this paper proposes applying transfer learning on aggregated data
from multiple users, while leveraging the capacity of deep learning algorithms
to learn discriminant features from large datasets. Two datasets comprised of
19 and 17 able-bodied participants respectively (the first one is employed for
pre-training) were recorded for this work, using the Myo Armband. A third Myo
Armband dataset was taken from the NinaPro database and is comprised of 10
able-bodied participants. Three different deep learning networks employing
three different modalities as input (raw EMG, Spectrograms and Continuous
Wavelet Transform (CWT)) are tested on the second and third dataset. The
proposed transfer learning scheme is shown to systematically and significantly
enhance the performance for all three networks on the two datasets, achieving
an offline accuracy of 98.31% for 7 gestures over 17 participants for the
CWT-based ConvNet and 68.98% for 18 gestures over 10 participants for the raw
EMG-based ConvNet. Finally, a use-case study employing eight able-bodied
participants suggests that real-time feedback allows users to adapt their
muscle activation strategy which reduces the degradation in accuracy normally
experienced over time.
|
Algorithmic Bio-surveillance For Precise Spatio-temporal Prediction of
Zoonotic Emergence | Viral zoonoses have emerged as the key drivers of recent pandemics. Human
infection by zoonotic viruses are either spillover events -- isolated
infections that fail to cause a widespread contagion -- or species jumps, where
successful adaptation to the new host leads to a pandemic. Despite expensive
bio-surveillance efforts, historically emergence response has been reactive,
and post-hoc. Here we use machine inference to demonstrate a high accuracy
predictive bio-surveillance capability, designed to pro-actively localize an
impending species jump via automated interrogation of massive sequence
databases of viral proteins. Our results suggest that a jump might not purely
be the result of an isolated unfortunate cross-infection localized in space and
time; there are subtle yet detectable patterns of genotypic changes
accumulating in the global viral population leading up to emergence. Using tens
of thousands of protein sequences simultaneously, we train models that track
maximum achievable accuracy for disambiguating host tropism from the primary
structure of surface proteins, and show that the inverse classification
accuracy is a quantitative indicator of jump risk. We validate our claim in the
context of the 2009 swine flu outbreak, and the 2004 emergence of H5N1
subspecies of Influenza A from avian reservoirs; illustrating that
interrogation of the global viral population can unambiguously track a near
monotonic risk elevation over several preceding years leading to eventual
emergence.
|
Semi-Supervised Convolutional Neural Networks for Human Activity
Recognition | Labeled data used for training activity recognition classifiers are usually
limited in terms of size and diversity. Thus, the learned model may not
generalize well when used in real-world use cases. Semi-supervised learning
augments labeled examples with unlabeled examples, often resulting in improved
performance. However, the semi-supervised methods studied in the activity
recognition literatures assume that feature engineering is already done. In
this paper, we lift this assumption and present two semi-supervised methods
based on convolutional neural networks (CNNs) to learn discriminative hidden
features. Our semi-supervised CNNs learn from both labeled and unlabeled data
while also performing feature learning on raw sensor data. In experiments on
three real world datasets, we show that our CNNs outperform supervised methods
and traditional semi-supervised learning methods by up to 18% in mean F1-score
(Fm).
|
Scalable and accurate deep learning for electronic health records | Predictive modeling with electronic health record (EHR) data is anticipated
to drive personalized medicine and improve healthcare quality. Constructing
predictive statistical models typically requires extraction of curated
predictor variables from normalized EHR data, a labor-intensive process that
discards the vast majority of information in each patient's record. We propose
a representation of patients' entire, raw EHR records based on the Fast
Healthcare Interoperability Resources (FHIR) format. We demonstrate that deep
learning methods using this representation are capable of accurately predicting
multiple medical events from multiple centers without site-specific data
harmonization. We validated our approach using de-identified EHR data from two
U.S. academic medical centers with 216,221 adult patients hospitalized for at
least 24 hours. In the sequential format we propose, this volume of EHR data
unrolled into a total of 46,864,534,945 data points, including clinical notes.
Deep learning models achieved high accuracy for tasks such as predicting
in-hospital mortality (AUROC across sites 0.93-0.94), 30-day unplanned
readmission (AUROC 0.75-0.76), prolonged length of stay (AUROC 0.85-0.86), and
all of a patient's final discharge diagnoses (frequency-weighted AUROC 0.90).
These models outperformed state-of-the-art traditional predictive models in all
cases. We also present a case-study of a neural-network attribution system,
which illustrates how clinicians can gain some transparency into the
predictions. We believe that this approach can be used to create accurate and
scalable predictions for a variety of clinical scenarios, complete with
explanations that directly highlight evidence in the patient's chart.
|
Improving Review Representations with User Attention and Product
Attention for Sentiment Classification | Neural network methods have achieved great success in reviews sentiment
classification. Recently, some works achieved improvement by incorporating user
and product information to generate a review representation. However, in
reviews, we observe that some words or sentences show strong user's preference,
and some others tend to indicate product's characteristic. The two kinds of
information play different roles in determining the sentiment label of a
review. Therefore, it is not reasonable to encode user and product information
together into one representation. In this paper, we propose a novel framework
to encode user and product information. Firstly, we apply two individual
hierarchical neural networks to generate two representations, with user
attention or with product attention. Then, we design a combined strategy to
make full use of the two representations for training and final prediction. The
experimental results show that our model obviously outperforms other
state-of-the-art methods on IMDB and Yelp datasets. Through the visualization
of attention over words related to user or product, we validate our observation
mentioned above.
|
Opinion Dynamics with Varying Susceptibility to Persuasion | A long line of work in social psychology has studied variations in people's
susceptibility to persuasion -- the extent to which they are willing to modify
their opinions on a topic. This body of literature suggests an interesting
perspective on theoretical models of opinion formation by interacting parties
in a network: in addition to considering interventions that directly modify
people's intrinsic opinions, it is also natural to consider interventions that
modify people's susceptibility to persuasion. In this work, we adopt a popular
model for social opinion dynamics, and we formalize the opinion maximization
and minimization problems where interventions happen at the level of
susceptibility.
We show that modeling interventions at the level of susceptibility lead to an
interesting family of new questions in network opinion dynamics. We find that
the questions are quite different depending on whether there is an overall
budget constraining the number of agents we can target or not. We give a
polynomial-time algorithm for finding the optimal target-set to optimize the
sum of opinions when there are no budget constraints on the size of the
target-set. We show that this problem is NP-hard when there is a budget, and
that the objective function is neither submodular nor supermodular. Finally, we
propose a heuristic for the budgeted opinion optimization and show its efficacy
at finding target-sets that optimize the sum of opinions compared on real world
networks, including a Twitter network with real opinion estimates.
|
Support Vector Machine Active Learning Algorithms with
Query-by-Committee versus Closest-to-Hyperplane Selection | This paper investigates and evaluates support vector machine active learning
algorithms for use with imbalanced datasets, which commonly arise in many
applications such as information extraction applications. Algorithms based on
closest-to-hyperplane selection and query-by-committee selection are combined
with methods for addressing imbalance such as positive amplification based on
prevalence statistics from initial random samples. Three algorithms (ClosestPA,
QBagPA, and QBoostPA) are presented and carefully evaluated on datasets for
text classification and relation extraction. The ClosestPA algorithm is shown
to consistently outperform the other two in a variety of ways and insights are
provided as to why this is the case.
|
Deep Learning for Sentiment Analysis : A Survey | Deep learning has emerged as a powerful machine learning technique that
learns multiple layers of representations or features of the data and produces
state-of-the-art prediction results. Along with the success of deep learning in
many other application domains, deep learning is also popularly used in
sentiment analysis in recent years. This paper first gives an overview of deep
learning and then provides a comprehensive survey of its current applications
in sentiment analysis.
|
Impact of Batch Size on Stopping Active Learning for Text Classification | When using active learning, smaller batch sizes are typically more efficient
from a learning efficiency perspective. However, in practice due to speed and
human annotator considerations, the use of larger batch sizes is necessary.
While past work has shown that larger batch sizes decrease learning efficiency
from a learning curve perspective, it remains an open question how batch size
impacts methods for stopping active learning. We find that large batch sizes
degrade the performance of a leading stopping method over and above the
degradation that results from reduced learning efficiency. We analyze this
degradation and find that it can be mitigated by changing the window size
parameter of how many past iterations of learning are taken into account when
making the stopping decision. We find that when using larger batch sizes,
stopping methods are more effective when smaller window sizes are used.
|
A Theoretical Investigation of Graph Degree as an Unsupervised Normality
Measure | For a graph representation of a dataset, a straightforward normality measure
for a sample can be its graph degree. Considering a weighted graph, degree of a
sample is the sum of the corresponding row's values in a similarity matrix. The
measure is intuitive given the abnormal samples are usually rare and they are
dissimilar to the rest of the data. In order to have an in-depth theoretical
understanding, in this manuscript, we investigate the graph degree in spectral
graph clustering based and kernel based point of views and draw connections to
a recent kernel method for the two sample problem. We show that our analyses
guide us to choose fully-connected graphs whose edge weights are calculated via
universal kernels. We show that a simple graph degree based unsupervised
anomaly detection method with the above properties, achieves higher accuracy
compared to other unsupervised anomaly detection methods on average over 10
widely used datasets. We also provide an extensive analysis on the effect of
the kernel parameter on the method's accuracy.
|
Machine learning in APOGEE: Unsupervised spectral classification with
$K$-means | The data volume generated by astronomical surveys is growing rapidly.
Traditional analysis techniques in spectroscopy either demand intensive human
interaction or are computationally expensive. In this scenario, machine
learning, and unsupervised clustering algorithms in particular offer
interesting alternatives. The Apache Point Observatory Galactic Evolution
Experiment (APOGEE) offers a vast data set of near-infrared stellar spectra
which is perfect for testing such alternatives. Apply an unsupervised
classification scheme based on $K$-means to the massive APOGEE data set.
Explore whether the data are amenable to classification into discrete classes.
We apply the $K$-means algorithm to 153,847 high resolution spectra
($R\approx22,500$). We discuss the main virtues and weaknesses of the
algorithm, as well as our choice of parameters. We show that a classification
based on normalised spectra captures the variations in stellar atmospheric
parameters, chemical abundances, and rotational velocity, among other factors.
The algorithm is able to separate the bulge and halo populations, and
distinguish dwarfs, sub-giants, RC and RGB stars. However, a discrete
classification in flux space does not result in a neat organisation in the
parameters space. Furthermore, the lack of obvious groups in flux space causes
the results to be fairly sensitive to the initialisation, and disrupts the
efficiency of commonly-used methods to select the optimal number of clusters.
Our classification is publicly available, including extensive online material
associated with the APOGEE Data Release 12 (DR12). Our description of the
APOGEE database can enormously help with the identification of specific types
of targets for various applications. We find a lack of obvious groups in flux
space, and identify limitations of the $K$-means algorithm in dealing with this
kind of data.
|
Anticipating epileptic seizures through the analysis of EEG
synchronization as a data classification problem | Epilepsy is a neurological disorder arising from anomalies of the electrical
activity in the brain, affecting about 0.5--0.8\% of the world population.
Several studies investigated the relationship between seizures and brainwave
synchronization patterns, pursuing the possibility of identifying interictal,
preictal, ictal and postictal states. In this work, we introduce a graph-based
model of the brain interactions developed to study synchronization patterns in
the electroencephalogram (EEG) signals. The aim is to develop a
patient-specific approach, also for a real-time use, for the prediction of
epileptic seizures' occurrences. Different synchronization measures of the EEG
signals and easily computable functions able to capture in real-time the
variations of EEG synchronization have been considered. Both standard and
ad-hoc classification algorithms have been developed and used. Results on scalp
EEG signals show that this simple and computationally viable processing is able
to highlight the changes in the synchronization corresponding to the preictal
state.
|
An LSTM Network for Highway Trajectory Prediction | In order to drive safely and efficiently on public roads, autonomous vehicles
will have to understand the intentions of surrounding vehicles, and adapt their
own behavior accordingly. If experienced human drivers are generally good at
inferring other vehicles' motion up to a few seconds in the future, most
current Advanced Driving Assistance Systems (ADAS) are unable to perform such
medium-term forecasts, and are usually limited to high-likelihood situations
such as emergency braking. In this article, we present a first step towards
consistent trajectory prediction by introducing a long short-term memory (LSTM)
neural network, which is capable of accurately predicting future longitudinal
and lateral trajectories for vehicles on highway. Unlike previous work focusing
on a low number of trajectories collected from a few drivers, our network was
trained and validated on the NGSIM US-101 dataset, which contains a total of
800 hours of recorded trajectories in various traffic densities, representing
more than 6000 individual drivers.
|
Intrinsic Dimension of Geometric Data Sets | The curse of dimensionality is a phenomenon frequently observed in machine
learning (ML) and knowledge discovery (KD). There is a large body of literature
investigating its origin and impact, using methods from mathematics as well as
from computer science. Among the mathematical insights into data
dimensionality, there is an intimate link between the dimension curse and the
phenomenon of measure concentration, which makes the former accessible to
methods of geometric analysis. The present work provides a comprehensive study
of the intrinsic geometry of a data set, based on Gromov's metric measure
geometry and Pestov's axiomatic approach to intrinsic dimension. In detail, we
define a concept of geometric data set and introduce a metric as well as a
partial order on the set of isomorphism classes of such data sets. Based on
these objects, we propose and investigate an axiomatic approach to the
intrinsic dimension of geometric data sets and establish a concrete dimension
function with the desired properties. Our model for data sets and their
intrinsic dimension is computationally feasible and, moreover, adaptable to
specific ML/KD-algorithms, as illustrated by various experiments.
|
Training Set Debugging Using Trusted Items | Training set bugs are flaws in the data that adversely affect machine
learning. The training set is usually too large for man- ual inspection, but
one may have the resources to verify a few trusted items. The set of trusted
items may not by itself be adequate for learning, so we propose an algorithm
that uses these items to identify bugs in the training set and thus im- proves
learning. Specifically, our approach seeks the smallest set of changes to the
training set labels such that the model learned from this corrected training
set predicts labels of the trusted items correctly. We flag the items whose
labels are changed as potential bugs, whose labels can be checked for veracity
by human experts. To find the bugs in this way is a challenging combinatorial
bilevel optimization problem, but it can be relaxed into a continuous
optimization problem. Ex- periments on toy and real data demonstrate that our
approach can identify training set bugs effectively and suggest appro- priate
changes to the labels. Our algorithm is a step toward trustworthy machine
learning.
|
On Scale-out Deep Learning Training for Cloud and HPC | The exponential growth in use of large deep neural networks has accelerated
the need for training these deep neural networks in hours or even minutes. This
can only be achieved through scalable and efficient distributed training, since
a single node/card cannot satisfy the compute, memory, and I/O requirements of
today's state-of-the-art deep neural networks. However, scaling synchronous
Stochastic Gradient Descent (SGD) is still a challenging problem and requires
continued research/development. This entails innovations spanning algorithms,
frameworks, communication libraries, and system design. In this paper, we
describe the philosophy, design, and implementation of Intel Machine Learning
Scalability Library (MLSL) and present proof-points demonstrating scaling DL
training on 100s to 1000s of nodes across Cloud and HPC systems.
|
Subsets and Splits
No community queries yet
The top public SQL queries from the community will appear here once available.