Forecasting Economics and Financial Time Series: ARIMA vs. LSTM

Forecasting time series data is an important subject in economics, business, and finance. Traditionally, there are several techniques to effectively forecast the next lag of time series data such as univariate Autoregressive (AR), univariate Moving Average (MA), Simple Exponential Smoothing (SES), and more notably Autoregressive Integrated Moving Average (ARIMA) with its many variations. In particular, ARIMA model has demonstrated its outperformance in precision and accuracy of predicting the next lags of time series. With the recent advancement in computational power of computers and more importantly developing more advanced machine learning algorithms and approaches such as deep learning, new algorithms are developed to forecast time series data. The research question investigated in this article is that whether and how the newly developed deep learning-based algorithms for forecasting time series data, such as ‘Long Short-Term Memory (LSTM)’, are superior to the traditional algorithms. The empirical studies conducted and reported in this article show that deep learning-based algorithms such as LSTM outperform traditional-based algorithms such as ARIMA model. More specifically, the average reduction in error rates obtained by LSTM is between 84 – 87 percent when compared to ARIMA indicating the superiority of LSTM to ARIMA. Furthermore, it was noticed that the number of training times, known as ‘epoch’ in deep learning, has no effect on the performance of the trained forecast model and it exhibits a truly random behavior.


Tell Me Why Is It So? Explaining Knowledge Graph Relationships by Finding Descriptive Support Passages

We address the problem of finding descriptive explanations of facts stored in a knowledge graph. This is important in high-risk domains such as healthcare, intelligence, etc. where users need additional information for decision making and is especially crucial for applications that rely on automatically constructed knowledge bases where machine learned systems extract facts from an input corpus and working of the extractors is opaque to the end-user. We follow an approach inspired from information retrieval and propose a simple and efficient, yet effective solution that takes into account passage level as well as document level properties to produce a ranked list of passages describing a given input relation. We test our approach using Wikidata as the knowledge base and Wikipedia as the source corpus and report results of user studies conducted to study the effectiveness of our proposed model.


A Multi-perspective Approach To Anomaly Detection For Self-aware Embodied Agents

This paper focuses on multi-sensor anomaly detection for moving cognitive agents using both external and private first-person visual observations. Both observation types are used to characterize agents’ motion in a given environment. The proposed method generates locally uniform motion models by dividing a Gaussian process that approximates agents’ displacements on the scene and provides a Shared Level (SL) self-awareness based on Environment Centered (EC) models. Such models are then used to train in a semi-unsupervised way a set of Generative Adversarial Networks (GANs) that produce an estimation of external and internal parameters of moving agents. Obtained results exemplify the feasibility of using multi-perspective data for predicting and analyzing trajectory information.


A Robust AUC Maximization Framework with Simultaneous Outlier Detection and Feature Selection for Positive-Unlabeled Classification

The positive-unlabeled (PU) classification is a common scenario in real-world applications such as healthcare, text classification, and bioinformatics, in which we only observe a few samples labeled as ‘positive’ together with a large volume of ‘unlabeled’ samples that may contain both positive and negative samples. Building robust classifier for the PU problem is very challenging, especially for complex data where the negative samples overwhelm and mislabeled samples or corrupted features exist. To address these three issues, we propose a robust learning framework that unifies AUC maximization (a robust metric for biased labels), outlier detection (for excluding wrong labels), and feature selection (for excluding corrupted features). The generalization error bounds are provided for the proposed model that give valuable insight into the theoretical performance of the method and lead to useful practical guidance, e.g., to train a model, we find that the included unlabeled samples are sufficient as long as the sample size is comparable to the number of positive samples in the training process. Empirical comparisons and two real-world applications on surgical site infection (SSI) and EEG seizure detection are also conducted to show the effectiveness of the proposed model.


Serverless Data Analytics with Flint

Serverless architectures organized around loosely-coupled function invocations represent an emerging design for many applications. Recent work mostly focuses on user-facing products and event-driven processing pipelines. In this paper, we explore a completely different part of the application space and examine the feasibility of analytical processing on big data using a serverless architecture. We present Flint, a prototype Spark execution engine that takes advantage of AWS Lambda to provide a pure pay-as-you-go cost model. With Flint, a developer uses PySpark exactly as before, but without needing an actual Spark cluster. We describe the design, implementation, and performance of Flint, along with the challenges associated with serverless analytics.


Differential Privacy for Growing Databases

We study the design of differentially private algorithms for adaptive analysis of dynamically growing databases, where a database accumulates new data entries while the analysis is ongoing. We provide a collection of tools for machine learning and other types of data analysis that guarantee differential privacy and accuracy as the underlying databases grow arbitrarily large. We give both a general technique and a specific algorithm for adaptive analysis of dynamically growing databases. Our general technique is illustrated by two algorithms that schedule black box access to some algorithm that operates on a fixed database to generically transform private and accurate algorithms for static databases into private and accurate algorithms for dynamically growing databases. These results show that almost any private and accurate algorithm can be rerun at appropriate points of data growth with minimal loss of accuracy, even when data growth is unbounded. Our specific algorithm directly adapts the private multiplicative weights algorithm to the dynamic setting, maintaining the accuracy guarantee of the static setting through unbounded data growth. Along the way, we develop extensions of several other differentially private algorithms to the dynamic setting, which may be of independent interest for future work on the design of differentially private algorithms for growing databases.


Decentralization Meets Quantization

Optimizing distributed learning systems is an art of balancing between computation and communication. There have been two lines of research that try to deal with slower networks: {\em quantization} for low bandwidth networks, and {\em decentralization} for high latency networks. In this paper, we explore a natural question: {\em can the combination of both decentralization and quantization lead to a system that is robust to both bandwidth and latency?} Although the system implication of such combination is trivial, the underlying theoretical principle and algorithm design is challenging: simply quantizing data sent in a decentralized training algorithm would accumulate the error. In this paper, we develop a framework of quantized, decentralized training and propose two different strategies, which we call {\em extrapolation compression} and {\em difference compression}. We analyze both algorithms and prove both converge at the rate of O(1/\sqrt{nT}) where n is the number of workers and T is the number of iterations, matching the {\rc convergence} rate for full precision, centralized training. We evaluate our algorithms on training deep learning models, and find that our proposed algorithm outperforms the best of merely decentralized and merely quantized algorithm significantly for networks with {\em both} high latency and low bandwidth.


When Does Machine Learning FAIL? Generalized Transferability for Evasion and Poisoning Attacks

Attacks against machine learning systems represent a growing threat as highlighted by the abundance of attacks proposed lately. However, attacks often make unrealistic assumptions about the knowledge and capabilities of adversaries. To evaluate this threat systematically, we propose the FAIL attacker model, which describes the adversary’s knowledge and control along four dimensions. The FAIL model allows us to consider a wide range of weaker adversaries that have limited control and incomplete knowledge of the features, learning algorithms and training instances utilized. Within this framework, we evaluate the generalized transferability of a known evasion attack and we design StingRay, a targeted poisoning attack that is broadly applicable—it is practical against 4 machine learning applications, which use 3 different learning algorithms, and it can bypass 2 existing defenses. Our evaluation provides deeper insights into the transferability of poison and evasion samples across models and suggests promising directions for investigating defenses against this threat.


Deep Component Analysis via Alternating Direction Neural Networks

Despite a lack of theoretical understanding, deep neural networks have achieved unparalleled performance in a wide range of applications. On the other hand, shallow representation learning with component analysis is associated with rich intuition and theory, but smaller capacity often limits its usefulness. To bridge this gap, we introduce Deep Component Analysis (DeepCA), an expressive multilayer model formulation that enforces hierarchical structure through constraints on latent variables in each layer. For inference, we propose a differentiable optimization algorithm implemented using recurrent Alternating Direction Neural Networks (ADNNs) that enable parameter learning using standard backpropagation. By interpreting feed-forward networks as single-iteration approximations of inference in our model, we provide both a novel theoretical perspective for understanding them and a practical technique for constraining predictions with prior knowledge. Experimentally, we demonstrate performance improvements on a variety of tasks, including single-image depth prediction with sparse output constraints.


Learning over Knowledge-Base Embeddings for Recommendation

State-of-the-art recommendation algorithms — especially the collaborative filtering (CF) based approaches with shallow or deep models — usually work with various unstructured information sources for recommendation, such as textual reviews, visual images, and various implicit or explicit feedbacks. Though structured knowledge bases were considered in content-based approaches, they have been largely neglected recently due to the availability of vast amount of data, and the learning power of many complex models. However, structured knowledge bases exhibit unique advantages in personalized recommendation systems. When the explicit knowledge about users and items is considered for recommendation, the system could provide highly customized recommendations based on users’ historical behaviors. A great challenge for using knowledge bases for recommendation is how to integrated large-scale structured and unstructured data, while taking advantage of collaborative filtering for highly accurate performance. Recent achievements on knowledge base embedding sheds light on this problem, which makes it possible to learn user and item representations while preserving the structure of their relationship with external knowledge. In this work, we propose to reason over knowledge base embeddings for personalized recommendation. Specifically, we propose a knowledge base representation learning approach to embed heterogeneous entities for recommendation. Experimental results on real-world dataset verified the superior performance of our approach compared with state-of-the-art baselines.


Variational Knowledge Graph Reasoning

Inferring missing links in knowledge graphs (KG) has attracted a lot of attention from the research community. In this paper, we tackle a practical query answering task involving predicting the relation of a given entity pair. We frame this prediction problem as an inference problem in a probabilistic graphical model and aim at resolving it from a variational inference perspective. In order to model the relation between the query entity pair, we assume that there exist underlying latent variables (assemble of all paths connecting these two nodes) in the KG, which carries the equivalent semantics of their relation. However, due to the intractability of connections in large KGs, we propose to use variation inference to maximize the evidence lower bound. More specifically, our framework (\textsc{Diva}) is composed of three modules, i.e. a posterior approximator, a prior (path finder), and a likelihood (path reasoner). By using variational inference, we are able to incorporate them closely into a unified architecture and jointly optimize them to perform KG reasoning. With active interactions among these sub-modules, \textsc{Diva} is better at handling noise and cope with more complex reasoning scenarios. In order to evaluate our method, we conduct the experiment of the link prediction task on NELL-995 and FB15K datasets and achieve state-of-the-art performances on both datasets.


Sparse Regularization via Convex Analysis

Sparse approximate solutions to linear equations are classically obtained via L1 norm regularized least squares, but this method often underestimates the true solution. As an alternative to the L1 norm, this paper proposes a class of non-convex penalty functions that maintain the convexity of the least squares cost function to be minimized, and avoids the systematic underestimation characteristic of L1 norm regularization. The proposed penalty function is a multivariate generalization of the minimax-concave (MC) penalty. It is defined in terms of a new multivariate generalization of the Huber function, which in turn is defined via infimal convolution. The proposed sparse-regularized least squares cost function can be minimized by proximal algorithms comprising simple computations.


Unsupervised Semantic Deep Hashing

In recent years, deep hashing methods have been proved to be efficient since it employs convolutional neural network to learn features and hashing codes simultaneously. However, these methods are mostly supervised. In real-world application, it is a time-consuming and overloaded task for annotating a large number of images. In this paper, we propose a novel unsupervised deep hashing method for large-scale image retrieval. Our method, namely unsupervised semantic deep hashing (\textbf{USDH}), uses semantic information preserved in the CNN feature layer to guide the training of network. We enforce four criteria on hashing codes learning based on VGG-19 model: 1) preserving relevant information of feature space in hashing space; 2) minimizing quantization loss between binary-like codes and hashing codes; 3) improving the usage of each bit in hashing codes by using maximum information entropy, and 4) invariant to image rotation. Extensive experiments on CIFAR-10, NUSWIDE have demonstrated that \textbf{USDH} outperforms several state-of-the-art unsupervised hashing methods for image retrieval. We also conduct experiments on Oxford 17 datasets for fine-grained classification to verify its efficiency for other computer vision tasks.


A Low-rank Tensor Regularization Strategy for Hyperspectral Unmixing
Halving the bounds for the Markov, Chebyshev, and Chernoff Inequalities using smoothing
Geometric Adaptive Control for a Quadrotor UAV with Wind Disturbance Rejection
Inference for case-control studies with incident and prevalent cases
Graphs, Ultrafilters and Colourability
Adversarial Logit Pairing
A Generalised Method for Empirical Game Theoretic Analysis
Spread of Information with Confirmation Bias in Cyber-Social Networks
Distributed Optimization for Second-Order Multi-Agent Systems with Dynamic Event-Triggered Communication
A prediction criterion for working correlation structure selection in GEE
The $α$-normal labeling method for computing the $p$-spectral radii of uniform hypergraphs
Improving the efficiency and robustness of nested sampling using posterior repartitioning
Corpus Statistics in Text Classification of Online Data
Phylogeny-based tumor subclone identification using a Bayesian feature allocation model
Combinatorial proofs of two Euler type identities due to Andrews
Reviving and Improving Recurrent Back-Propagation
Decision support with text-based emotion recognition: Deep learning for affective computing
Evaluating Conditional Cash Transfer Policies with Machine Learning Methods
Three Études on a sequence transformation pipeline
The 21 reducible polars of Klein’s quartic
Learning to Segment via Cut-and-Paste
Coding for Channels with SNR Variation: Spatial Coupling and Efficient Interleaving
Leveraging Sparsity to Speed Up Polynomial Feature Expansions of CSR Matrices Using $K$-Simplex Numbers
A New Result on the Complexity of Heuristic Estimates for the A* Algorithm
A Novel Blaschke Unwinding Adaptive Fourier Decomposition based Signal Compression Algorithm with Application on ECG Signals
Replica Symmetry Breaking in Bipartite Spin Glasses and Neural Networks
Datalog: Bag Semantics via Set Semantics
On Polyhedral Estimation of Signals via Indirect Observations
Frequency-Domain Decoupling for MIMO-GFDM Spatial Multiplexing
Note: Variational Encoding of Protein Dynamics Benefits from Maximizing Latent Autocorrelation
Constrained Deep Learning using Conditional Gradient and Applications in Computer Vision
Experiments with Neural Networks for Small and Large Scale Authorship Verification
Generalization of a Real-Analysis Result to a Class of Topological Vector Spaces
Learning to Cluster for Proposal-Free Instance Segmentation
Mean Reverting Portfolios via Penalized OU-Likelihood Estimation
Toward Understanding the Impact of User Participation in Autonomous Ridesharing Systems
Optimizing Information Freshness in Wireless Networks under General Interference Constraints
Distributed Scheduling Algorithms for Optimizing Information Freshness in Wireless Networks
Optimizing Age of Information in Wireless Networks with Perfect Channel State Information
Variational Inference as an alternative to MCMC for parameter estimation and model selection
Finite-Size Scaling Regarding Interaction in the Many-Body Localization Transition
Queuing Theory Guided Intelligent Traffic Scheduling through Video Analysis using Dirichlet Process Mixture Model
Asynchronous Distributed Method of Multipliers for Constrained Nonconvex Optimization
Robust event-stream pattern tracking based on correlative filter
Evolving Deep Convolutional Neural Networks by Variable-length Particle Swarm Optimization for Image Classification
A simple algorithm for Max Cut
Variational Bayesian Inference of Line Spectral Estimation with Multiple Measurement Vectors
Argumentation theory for mathematical argument
Weakly Supervised Salient Object Detection Using Image Labels
A simulated annealing procedure based on the ABC Shadow algorithm for statistical inference of point processes
Learning Unsupervised Visual Grounding Through Semantic Self-Supervision
Covering Arrays for Equivalence Classes of Words
MergeNet: A Deep Net Architecture for Small Obstacle Discovery
Hidden Integrality of SDP Relaxation for Sub-Gaussian Mixture Models
On weak universality of three-dimensional Larger than Life cellular automaton
Optimal Designs for the Generalized Partial Credit Model
Provable Convex Co-clustering of Tensors
Signal detection via Phi-divergences for general mixtures
Learning Mixtures of Product Distributions via Higher Multilinear Moments
Stochastic model-based minimization of weakly convex functions
SeqFace: Make full use of sequence information for face recognitio
Topology Estimation using Graphical Models in Multi-Phase Power Distribution Grids
Dear Sir or Madam, May I introduce the YAFC Corpus: Corpus, Benchmarks and Metrics for Formality Style Transfer
Optimal Design of Nonlinear Multifactor Experiments
The Graph Structure of Chebyshev Polynomials over Finite Fields and Applications
Adaptive strategy for superpixel-based region-growing image segmentation
Convolutional Point-set Representation: A Convolutional Bridge Between a Densely Annotated Image and 3D Face Alignment
The parametrix method for parabolic SPDEs
Low-Order Control Design using a Reduced-Order Model with a Stability Constraint on the Full-Order Model
On Mahalanobis distance in functional settings
Fusion of an Ensemble of Augmented Image Detectors for Robust Object Detection
Consistent estimation of treatment effects under heterogeneous heteroskedasticity
Multi-device, Multi-tenant Model Selection with GP-EI
Viewpoint: Artificial Intelligence and Labour
Computing the Best Approximation Over the Intersection of a Polyhedral Set and the Doubly Nonnegative Cone
A Dual Approach to Scalable Verification of Deep Networks
Splittable and unsplittable graphs and configurations
Orthogonal Representations for Output System Pairs
On the Fenchel Duality between Strong Convexity and Lipschitz Continuous Gradient
Multi-user Multi-task Offloading and Resource Allocation in Mobile Cloud Systems
A two-stage estimation procedure for non-linear structural equation models
Aging is a (log-)Poisson Process, not a Renewal Process
Learning Long Term Dependencies via Fourier Recurrent Units
Structural query-by-committee
Early Hospital Mortality Prediction using Vital Signals
Layer structure of irreducible Lie algebra modules
Deep Learning for Nonlinear Diffractive Imaging
Facial Landmarks Detection by Self-Iterative Regression based Landmarks-Attention Network
Optimizing the Efficiency of First-order Methods for Decreasing the Gradient of Smooth Convex Functions
Two new classes of quantum MDS codes
Energy-aware networked control systems under temporal logic specifications
Dynamic Trajectory Model for Analysis of Traffic States using DPMM
Characterizations of the Logistic and Related Distributions
Learning recurrent dynamics in spiking networks
The Automatic Identification of Butterfly Species
Cross-modality image synthesis from unpaired data using CycleGAN: Effects of gradient consistency loss and training data size
A Guided FP-growth algorithm for fast mining of frequent itemsets from big data
Complexity problems in enumerative combinatorics
Adaptive prior probabilities via optimization of risk and entropy
Zoom and Learn: Generalizing Deep Stereo Matching to Novel Domains
The Web as a Knowledge-base for Answering Complex Questions
Computing and Testing Pareto Optimal Committees
Approximating the Likelihood in Approximate Bayesian Computation
Line Artist: A Multiple Style Sketch to Painting Synthesis Scheme
Ratio-Preserving Half-Cylindrical Warps for Natural Image Stitching
Sdf-GAN: Semi-supervised Depth Fusion with Multi-scale Adversarial Networks
An Introduction to the Moebius Function
Testing for equal correlation matrices with application to paired gene expression data
Damped Anderson acceleration with restarts and monotonicity control for accelerating EM and EM-like algorithms
A View-based Programmable Architecture for Controlling and Integrating Decentralized Data
Rare Feature Selection in High Dimensions
Scenario-Based Uncertainty Set for Two-Stage Robust Energy and Reserve Scheduling: A Data-Driven Approach
A Review of Conjectured Laws of Total Mass of Bacry-Muzy GMC Measures on the Interval and Circle and Their Applications
Supervised learning magnetic skyrmion phases
Sub-Riemannian Geodesics on SU(n)/S(U(n-1)xU(1)) and Optimal Control of Three Level Quantum Systems
Controllability of Symmetric Spin Networks
On Infinite Divisibility of the Distribution of Some Inverse Subordinators
Hierarchical Predictive Control Algorithms for Optimal Design and Operation of Microgrids
Descent distribution on Catalan words avoiding a pattern of length at most three
An Improved Welfare Guarantee for First Price Auctions
Almost all string graphs are intersection graphs of plane convex sets
A Dynamic Additive and Multiplicative Effects Model with Application to the United Nations Voting Behaviors
High Dimensional Linear Regression using Lattice Basis Reduction
Excluding joint probabilities from quantum theory
Detection under One-Bit Messaging over Adaptive Networks
Aggregating Strategies for Long-term Forecasting
A non-intersecting random walk on the Manhattan lattice and SLE_6
Combining Probabilistic Load Forecasts
Discriminative Learning of Latent Features for Zero-Shot Recognition
A class of asymmetric regression models for left-censored data
Bayesian ROC surface estimation under verification bias
Large-Scale Dynamic Predictive Regressions
A Construction of the Stable Web
Inventory Control with Modulated Demand and a Partially Observed Modulation Process
Neural Architecture Construction using EnvelopeNets
Sentiment Analysis of Code-Mixed Indian Languages: An Overview of SAIL_Code-Mixed Shared Task @ICON-2017
Experimental Verification of Rate Flexibility and Probabilistic Shaping by 4D Signaling
A Machine Learning Approach for Power Allocation in HetNets Considering QoS
Towards an Efficient Anomaly-Based Intrusion Detection for Software-Defined Networks
STatistical Election to Partition Sequentially (STEPS) and Its Application in Differentially Private Release and Analysis of Youth Voter Registration Data
Gallai’s path decomposition conjecture for triangle-free planar graphs
Composable Deep Reinforcement Learning for Robotic Manipulation
Comparing and Integrating Constraint Programming and Temporal Planning for Quantum Circuit Compilation
White matter hyperintensity segmentation from T1 and FLAIR images using fully convolutional neural networks enhanced with residual connections
TOMAAT: volumetric medical image analysis as a cloud service
The Optimal Compression Rate of Variable-to-Fixed Length Source Coding with a Non-Vanishing Excess-Distortion Probability
The Cohomology for Wu Characteristics
Towards ‘simultaneous selective inference’: post-hoc bounds on the false discovery proportion
Depth-aware CNN for RGB-D Segmentation
Nonlocal Low-Rank Tensor Factor Analysis for Image Restoration
On Optimal Pricing of Services in On-demand Labor Platforms
Attention-GAN for Object Transfiguration in Wild Images
Revisiting RCNN: On Awakening the Classification Power of Faster RCNN
Computational topology and the Unique Games Conjecture
Alive Caricature from 2D to 3D
Stochastic maximum principle, dynamic programming principle, and their relationship for fully coupled forward-backward stochastic control systems
Acoustic feature learning cross-domain articulatory measurements
On certain unimodal sequences and strict partitions
Centralized Caching with Unequal Cache Sizes
Local martingales associated with SLE with internal symmetry
Weakly Supervised Object Localization on grocery shelves using simple FCN and Synthetic Dataset
ESPNet: Efficient Spatial Pyramid of Dilated Convolutions for Semantic Segmentation
Swapping Colored Tokens on Graphs
Artificial Intelligence Enabled Software Defined Networking: A Comprehensive Overview
Rescaled weighted determinantal random balls
Nonparametric forecasting of multivariate probability density functions
A counterexample to Las Vergnas’ strong map conjecture on realizable oriented matroids
Exact confirmation of 1D nonlinear fluctuating hydrodynamics for a two-species exclusion process
Linear-time geometric algorithm for evaluating Bézier curves
Cloud Provider Capacity Augmentation Through Automated Resource Bartering
The square negative correlation on l_p^n balls
An Adaptable System to Support Provenance Management for the Public Policy-Making Process in Smart Cities
Confounder Detection in High Dimensional Linear Models using First Moments of Spectral Measures
An improved isomorphism test for bounded-tree-width graphs
On the hierarchical structure of Pareto critical sets
Cloud Infrastructure Provenance Collection and Management to Reproduce Scientific Workflow Execution
Symbol-Level Precoding Design for Max-Min SINR in Multiuser MISO Broadcast Channels
Parameterized complexity of fair deletion problems II
The tree of numerical semigroups with low multiplicity
Lossless Analog Compression
A Mixture of Views Network with Applications to the Classification of Breast Microcalcifications
Limit Theorems for Cylindrical Martingale Problems associated with Lévy Generators
Cyclic Sieving and Cluster Duality for Grassmannian
Aerial LaneNet: Lane Marking Semantic Segmentation in Aerial Imagery using Wavelet-Enhanced Cost-sensitive Symmetric Fully Convolutional Neural Networks
Auxiliary information : the raking-ratio empirical process
Universal features of price formation in financial markets: perspectives from Deep Learning
Cloud Workload Prediction based on Workflow Execution Time Discrepancies
Explicit formula for the density of local times of Markov Jump Processes
Differentiability of SDEs with drifts of super-linear growth
Deja Vu: Motion Prediction in Static Images
Asymmetric kernel in Gaussian Processes for learning target variance
Entropy solutions for stochastic porous media equations
On the importance of single directions for generalization
Featureless: Bypassing feature extraction in action categorization
A modern maximum-likelihood theory for high-dimensional logistic regression
Polyglot Semantic Parsing in APIs
Comparing Dynamics: Deep Neural Networks versus Glassy Systems
What Doubling Tricks Can and Can’t Do for Multi-Armed Bandits
The environmental footprint of a distributed cloud storage
Exact Distance Oracles Using Hopsets
Improving Transferability of Adversarial Examples with Input Diversity
Quantifying coherence with quantum addition
Robust Optimization and Control for Electricity Generation and Transmission
Synthesis of Logical Clifford Operators via Symplectic Geometry
Numerical Integration on Graphs: where to sample and how to weigh
Estimating the intrinsic dimension of datasets by a minimal neighborhood information
Stochastic evolution equations with singular drift and gradient noise via curvature and commutation conditions
Radio bearing of sources with directional antennas in urban environment
Live Target Detection with Deep Learning Neural Network and Unmanned Aerial Vehicle on Android Mobile Device
Bayesian design of experiments for intractable likelihood models using coupled auxiliary models and multivariate emulation
An efficient algorithm for packing cuts and (2,3)-metrics in a planar graph with three holes
A note on vague convergence of measures
Brownian Motions on Star Graphs with Non-Local Boundary Conditions
Factorised spatial representation learning: application in semi-supervised myocardial segmentation
Controlling Decoding for More Abstractive Summaries with Copy-Based Networks
On the $k$-independence number of graphs
Projective Splitting with Forward Steps: Asynchronous and Block-Iterative Operator Splitting
Time-Domain Multi-Beam Selection and Its Performance Improvement for mmWave Systems
Attack-Resilient H2, H-infinity, and L1 State Estimator
Optimal link prediction with matrix logistic regression
Simple random search provides a competitive approach to reinforcement learning
Learning Region Features for Object Detection
Setting up a Reinforcement Learning Task with a Real-World Robot
D$^2$: Decentralized Training over Decentralized Data
Testing normality via a distributional fixed point property in the Stein characterization