Deep Transfer Network with Joint Distribution Adaptation: A New Intelligent Fault Diagnosis Framework for Industry Application

In recent years, an increasing popularity of deep learning model for intelligent condition monitoring and diagnosis as well as prognostics used for mechanical systems and structures has been observed. In the previous studies, however, a major assumption accepted by default, is that the training and testing data are taking from same feature distribution. Unfortunately, this assumption is mostly invalid in real application, resulting in a certain lack of applicability for the traditional diagnosis approaches. Inspired by the idea of transfer learning that leverages the knowledge learnt from rich labeled data in source domain to facilitate diagnosing a new but similar target task, a new intelligent fault diagnosis framework, i.e., deep transfer network (DTN), which generalizes deep learning model to domain adaptation scenario, is proposed in this paper. By extending the marginal distribution adaptation (MDA) to joint distribution adaptation (JDA), the proposed framework can exploit the discrimination structures associated with the labeled data in source domain to adapt the conditional distribution of unlabeled target data, and thus guarantee a more accurate distribution matching. Extensive empirical evaluations on three fault datasets validate the applicability and practicability of DTN, while achieving many state-of-the-art transfer results in terms of diverse operating conditions, fault severities and fault types.


Pelee: A Real-Time Object Detection System on Mobile Devices

An increasing need of running Convolutional Neural Network (CNN) models on mobile devices with limited computing power and memory resource encourages studies on efficient model design. A number of efficient architectures have been proposed in recent years, for example, MobileNet, ShuffleNet, and NASNet-A. However, all these models are heavily dependent on depthwise separable convolution which lacks efficient implementation in most deep learning frameworks. In this study, we propose an efficient architecture named PeleeNet, which is built with conventional convolution instead. On ImageNet ILSVRC 2012 dataset, our proposed PeleeNet achieves a higher accuracy by 0.6% (71.3% vs. 70.7%) and 11% lower computational cost than MobileNet, the state-of-the-art efficient architecture. Meanwhile, PeleeNet is only 66% of the model size of MobileNet. We then propose a real-time object detection system by combining PeleeNet with Single Shot MultiBox Detector (SSD) method and optimizing the architecture for fast speed. Our proposed detection system, named Pelee, achieves 76.4% mAP (mean average precision) on PASCAL VOC2007 and 22.4 mAP on MS COCO dataset at the speed of 17.1 FPS on iPhone 6s and 23.6 FPS on iPhone 8. The result on COCO outperforms YOLOv2 in consideration of a higher precision, 13.6 times lower computational cost and 11.3 times smaller model size. The code and models are open sourced.


A Study on Overfitting in Deep Reinforcement Learning

Recent years have witnessed significant progresses in deep Reinforcement Learning (RL). Empowered with large scale neural networks, carefully designed architectures, novel training algorithms and massively parallel computing devices, researchers are able to attack many challenging RL problems. However, in machine learning, more training power comes with a potential risk of more overfitting. As deep RL techniques are being applied to critical problems such as healthcare and finance, it is important to understand the generalization behaviors of the trained agents. In this paper, we conduct a systematic study of standard RL agents and find that they could overfit in various ways. Moreover, overfitting could happen “robustly”: commonly used techniques in RL that add stochasticity do not necessarily prevent or detect overfitting. In particular, the same agents and learning algorithms could have drastically different test performance, even when all of them achieve optimal rewards during training. The observations call for more principled and careful evaluation protocols in RL. We conclude with a general discussion on overfitting in RL and a study of the generalization behaviors from the perspective of inductive bias.


K-Nearest Oracles Borderline Dynamic Classifier Ensemble Selection

Dynamic Ensemble Selection (DES) techniques aim to select locally competent classifiers for the classification of each new test sample. Most DES techniques estimate the competence of classifiers using a given criterion over the region of competence of the test sample (its the nearest neighbors in the validation set). The K-Nearest Oracles Eliminate (KNORA-E) DES selects all classifiers that correctly classify all samples in the region of competence of the test sample, if such classifier exists, otherwise, it removes from the region of competence the sample that is furthest from the test sample, and the process repeats. When the region of competence has samples of different classes, KNORA-E can reduce the region of competence in such a way that only samples of a single class remain in the region of competence, leading to the selection of locally incompetent classifiers that classify all samples in the region of competence as being from the same class. In this paper, we propose two DES techniques: K-Nearest Oracles Borderline (KNORA-B) and K-Nearest Oracles Borderline Imbalanced (KNORA-BI). KNORA-B is a DES technique based on KNORA-E that reduces the region of competence but maintains at least one sample from each class that is in the original region of competence. KNORA-BI is a variation of KNORA-B for imbalance datasets that reduces the region of competence but maintains at least one minority class sample if there is any in the original region of competence. Experiments are conducted comparing the proposed techniques with 19 DES techniques from the literature using 40 datasets. The results show that the proposed techniques achieved interesting results, with KNORA-BI outperforming state-of-art techniques.


Distributed Simulation and Distributed Inference

Independent samples from an unknown probability distribution \mathbf{p} on a domain of size k are distributed across n players, with each player holding one sample. Each player can communicate \ell bits to a central referee in a simultaneous message passing (SMP) model of communication to help the referee infer a property of the unknown \mathbf{p}. When \ell\geq\log k bits, the problem reduces to the well-studied collocated case where all the samples are available in one place. In this work, we focus on the communication-starved setting of \ell < \log k, in which the landscape may change drastically. We propose a general formulation for inference problems in this distributed setting, and instantiate it to two prototypical inference questions: learning and uniformity testing.


Operator limits of random matrices

We present a brief introduction to the theory of operator limits of random matrices to non-experts. Several open problems and conjectures are given. Connections to statistics, integrable systems, orthogonal polynomials, and more, are discussed.


Adversarial Complementary Learning for Weakly Supervised Object Localization

In this work, we propose Adversarial Complementary Learning (ACoL) to automatically localize integral objects of semantic interest with weak supervision. We first mathematically prove that class localization maps can be obtained by directly selecting the class-specific feature maps of the last convolutional layer, which paves a simple way to identify object regions. We then present a simple network architecture including two parallel-classifiers for object localization. Specifically, we leverage one classification branch to dynamically localize some discriminative object regions during the forward pass. Although it is usually responsive to sparse parts of the target objects, this classifier can drive the counterpart classifier to discover new and complementary object regions by erasing its discovered regions from the feature maps. With such an adversarial learning, the two parallel-classifiers are forced to leverage complementary object regions for classification and can finally generate integral object localization together. The merits of ACoL are mainly two-fold: 1) it can be trained in an end-to-end manner; 2) dynamically erasing enables the counterpart classifier to discover complementary object regions more effectively. We demonstrate the superiority of our ACoL approach in a variety of experiments. In particular, the Top-1 localization error rate on the ILSVRC dataset is 45.14%, which is the new state-of-the-art.


GNAS: A Greedy Neural Architecture Search Method for Multi-Attribute Learning

A key problem in deep multi-attribute learning is to effectively discover the inter-attribute correlation structures. Typically, the conventional deep multi-attribute learning approaches follow the pipeline of manually designing the network architectures based on task-specific expertise prior knowledge and careful network tunings, leading to the inflexibility for various complicated scenarios in practice. Motivated by addressing this problem, we propose an efficient greedy neural architecture search approach (GNAS) to automatically discover the optimal tree-like deep architecture for multi-attribute learning. In a greedy manner, GNAS divides the optimization of global architecture into the optimizations of individual connections step by step. By iteratively updating the local architectures, the global tree-like architecture gets converged where the bottom layers are shared across relevant attributes and the branches in top layers more encode attribute-specific features. Experiments on three benchmark multi-attribute datasets show the effectiveness and compactness of neural architectures derived by GNAS, and also demonstrate the efficiency of GNAS in searching neural architectures.


On time-inconsistent stopping problems and mixed strategy stopping times

A game-theoretic framework for time-inconsistent stopping problems where the time-inconsistency is due to the consideration of a non-linear function of an expected reward is developed. A class of mixed strategy stopping times that allows the agents in the game to choose the intensity function of a Cox process is introduced. A subgame perfect Nash equilibrium is defined. The equilibrium is characterized and other results with different necessary and sufficient conditions for equilibrium are proven. This includes a smooth fit result. A mean-variance problem and a variance problem are studied as examples. The state process is a general one-dimensional It\^{o} diffusion.


Learning to Extract Coherent Summary via Deep Reinforcement Learning

Coherence plays a critical role in producing a high-quality summary from a document. In recent years, neural extractive summarization is becoming increasingly attractive. However, most of them ignore the coherence of summaries when extracting sentences. As an effort towards extracting coherent summaries, we propose a neural coherence model to capture the cross-sentence semantic and syntactic coherence patterns. The proposed neural coherence model obviates the need for feature engineering and can be trained in an end-to-end fashion using unlabeled data. Empirical results show that the proposed neural coherence model can efficiently capture the cross-sentence coherence patterns. Using the combined output of the neural coherence model and ROUGE package as the reward, we design a reinforcement learning method to train a proposed neural extractive summarizer which is named Reinforced Neural Extractive Summarization (RNES) model. The RNES model learns to optimize coherence and informative importance of the summary simultaneously. Experimental results show that the proposed RNES outperforms existing baselines and achieves state-of-the-art performance in term of ROUGE on CNN/Daily Mail dataset. The qualitative evaluation indicates that summaries produced by RNES are more coherent and readable.


Semantic Adversarial Deep Learning

Fueled by massive amounts of data, models produced by machine-learning (ML) algorithms, especially deep neural networks, are being used in diverse domains where trustworthiness is a concern, including automotive systems, finance, health care, natural language processing, and malware detection. Of particular concern is the use of ML algorithms in cyber-physical systems (CPS), such as self-driving cars and aviation, where an adversary can cause serious consequences. However, existing approaches to generating adversarial examples and devising robust ML algorithms mostly ignore the semantics and context of the overall system containing the ML component. For example, in an autonomous vehicle using deep learning for perception, not every adversarial example for the neural network might lead to a harmful consequence. Moreover, one may want to prioritize the search for adversarial examples towards those that significantly modify the desired semantics of the overall system. Along the same lines, existing algorithms for constructing robust ML algorithms ignore the specification of the overall system. In this paper, we argue that the semantics and specification of the overall system has a crucial role to play in this line of research. We present preliminary research results that support this claim.


Attacking Convolutional Neural Network using Differential Evolution

The output of Convolutional Neural Networks (CNN) has been shown to be discontinuous which can make the CNN image classifier vulnerable to small well-tuned artificial perturbations. That is, images modified by adding such perturbations(i.e. adversarial perturbations) that make little difference to human eyes, can completely alter the CNN classification results. In this paper, we propose a practical attack using differential evolution(DE) for generating effective adversarial perturbations. We comprehensively evaluate the effectiveness of different types of DEs for conducting the attack on different network structures. The proposed method is a black-box attack which only requires the miracle feedback of the target CNN systems. The results show that under strict constraints which simultaneously control the number of pixels changed and overall perturbation strength, attacking can achieve 72.29%, 78.24% and 61.28% non-targeted attack success rates, with 88.68%, 99.85% and 73.07% confidence on average, on three common types of CNNs. The attack only requires modifying 5 pixels with 20.44, 14.76 and 22.98 pixel values distortion. Thus, the result shows that the current DNNs are also vulnerable to such simpler black-box attacks even under very limited attack conditions.


Detecting Regions of Maximal Divergence for Spatio-Temporal Anomaly Detection

Automatic detection of anomalies in space- and time-varying measurements is an important tool in several fields, e.g., fraud detection, climate analysis, or healthcare monitoring. We present an algorithm for detecting anomalous regions in multivariate spatio-temporal time-series, which allows for spotting the interesting parts in large amounts of data, including video and text data. In opposition to existing techniques for detecting isolated anomalous data points, we propose the ‘Maximally Divergent Intervals’ (MDI) framework for unsupervised detection of coherent spatial regions and time intervals characterized by a high Kullback-Leibler divergence compared with all other data given. In this regard, we define an unbiased Kullback-Leibler divergence that allows for ranking regions of different size and show how to enable the algorithm to run on large-scale data sets in reasonable time using an interval proposal technique. Experiments on both synthetic and real data from various domains, such as climate analysis, video surveillance, and text forensics, demonstrate that our method is widely applicable and a valuable tool for finding interesting events in different types of data.


Putting Question-Answering Systems into Practice: Transfer Learning for Efficient Domain Customization

Traditional information retrieval (such as that offered by web search engines) impedes users with information overload from extensive result pages and the need to manually locate the desired information therein. Conversely, question-answering systems change how humans interact with information systems: users can now ask specific questions and obtain a tailored answer – both conveniently in natural language. Despite obvious benefits, their use is often limited to an academic context, largely because of expensive domain customizations, which means that the performance in domain-specific applications often fails to meet expectations. This paper presents cost-efficient remedies: a selection mechanism increases the precision of document retrieval and a fused approach to transfer learning is proposed in order to improve the performance of answer extraction. Here knowledge is inductively transferred from a related, yet different, tasks to the domain-specific application, while accounting for potential differences in the sample sizes across both tasks. The resulting performance is demonstrated with an actual use case from a finance company, where fewer than 400 question-answer pairs had to be annotated in order to yield significant performance gains. As a direct implication to management, this presents a promising path to better leveraging of knowledge stored in information systems.


Instance Selection Improves Geometric Mean Accuracy: A Study on Imbalanced Data Classification

A natural way of handling imbalanced data is to attempt to equalise the class frequencies and train the classifier of choice on balanced data. For two-class imbalanced problems, the classification success is typically measured by the geometric mean (GM) of the true positive and true negative rates. Here we prove that GM can be improved upon by instance selection, and give the theoretical conditions for such an improvement. We demonstrate that GM is non-monotonic with respect to the number of retained instances, which discourages systematic instance selection. We also show that balancing the distribution frequencies is inferior to a direct maximisation of GM. To verify our theoretical findings, we carried out an experimental study of 12 instance selection methods for imbalanced data, using 66 standard benchmark data sets. The results reveal possible room for new instance selection methods for imbalanced data.


Triggers for cooperative behavior in the thermodynamic limit: a case study in Public goods game
Fast inference of deep neural networks in FPGAs for particle physics
Bitcoin market route to maturity? Evidence from return fluctuations, temporal correlations and multiscaling effects
Dissipative delay range analysis of coupled differential-difference delay systems with distributed delays
Latent Structure in Collaboration: the Case of Reddit r/place
When Centrality Measures Deceive Us
Design of a Planar Eleven Antenna for Optimal MIMO Performance as a Wideband Micro Base-station Antenna
Quantifying the Economic Case for Electric Semi-Trucks
Microgrid Control Using Remote Controller Hardware-in-the-Loop Over the Internet
Optimal OLTC Voltage Control Scheme to Enable High Solar Penetrations
A Multi-task Selected Learning Approach for Solving New Type 3D Bin Packing Problem
Optimal Multiphase Investment Strategies for Influencing Opinions in a Social Network
Reduced Order Fractional Fourier Transform A New Variant to Fractional Signal Processing Definition and Properties
Technical Report on Efficient Integration of Dynamic TDD with Massive MIMO
Fast Calibration of a Robust Model Predictive Controller for Diesel Engine Airpath
A 6.3pJ/b 30Mbps -30dB SIR-tolerant Broadband Interference-Robust Human Body Communication Transceiver using Time Domain Signal-Interference Separation
Dissection of Bitcoin’s Multiscale Bubble History from January 2012 to February 2018
Collective Attention towards Scientists and Research Topics
Simplifying the minimax disparity model for determining OWA weights in large-scale problems
Revisiting the thermal and superthermal two-class distribution of incomes: A critical perspective
Small vulnerable sets determine large network cascades in power grids
Heuristic and Cost-based Optimization for Diverse Provenance Tasks
Scalable attribute-aware network embedding with localily
Composite Adaptive Control for Bilateral Teleoperation Systems without Persistency of Excitation
A Simple Channel Independent Beamforming Scheme with Circular Array
Considerations Regarding the Modelling of Wind Energy Conversion Systems
Dimensionality reduction of coupled dynamical systems with identical delays
Mathematical Models of Specific Elements of Wind Energy Conversion Systems Based on Induction Generator
Application of Vector Sensor for Underwater Acoustic Communications
Analytic Solution of a Delay Differential Equation Arising in Cost Functionals for Systems with Distributed Delays
Estimating Treatment Effects in Mover Designs
Transaction Costs in Collective Waste Recovery Systems in the EU
AC Conductivity Crossover in Localized Superconductors
Hamiltonian surgery: Cheeger-type gap inequalities for nonpositive (stoquastic), real, and Hermitian matrices
On the Capacity of Fading Channels with Peak and Average Power Constraints at Low SNR
Combinatorics of orbit configuration spaces
The Zealot Voter Model
Weight hierarchies of a family of linear codes associated with degenerate quadratic forms
Optimal Deterministic Mechanisms for an Additive Buyer
Learning to Map Context-Dependent Sentences to Executable Formal Queries
Object Ordering with Bidirectional Matchings for Visual Reasoning
Co-sampling: Training Robust Networks for Extremely Noisy Supervision
Gender Bias in Coreference Resolution: Evaluation and Debiasing Methods
One-dependent hard-core processes and colorings of the star graph
Approximation of Meta Distribution and Its Moments for Poisson Cellular Networks
Bayesian estimation of a semiparametric recurrent event model with applications to the penetrance estimation of multiple primary cancers in Li-Fraumeni Syndrome
Machine-learning techniques for fast and accurate holographic particle tracking
Dichotomies in Ontology-Mediated Querying with the Guarded Fragment
Neural Automated Essay Scoring and Coherence Modeling for Adversarially Crafted Input
Phase Improvement Algorithm for NLFM Waveform Design to Reduction of Sidelobe Level in Autocorrelation Function
An LMI Based Stability Margin Analysis for Active PV Power Control of Distribution Networks with Time-Invariant Delays
Highly Relevant Routing Recommendation Systems for Handling Few Data Using MDL Principle
Checking the Model and the Prior for the Constrained Multinomial
Computing FO-Rewritings in EL in Practice: from Atomic to Conjunctive Queries
Modeling and Simultaneously Removing Bias via Adversarial Neural Networks
Heat kernel estimates for symmetric jump processes with mixed polynomial growths
Video Compression through Image Interpolation
Sentences with Gapping: Parsing and Reconstructing Elided Predicates
Truthful Fair Division without Free Disposal
Primal-Dual Interior-Point Methods for Domain-Driven Formulations: Algorithms
A Comparative Study on Exact Triangle Counting Algorithms on the GPU
Nearly Optimal Separation Between Partially And Fully Retroactive Data Structures
On the design of a decision engine for connected vehicles with an application to congestion management
A sufficient optimality condition for non-linear delayed optimal control problems
Reducing Conservatism in Model-Invariant Safety-Preserving Control of Propofol Anesthesia Using Falsification
Disentangling Controllable and Uncontrollable Factors of Variation by Interacting with the World
A-cCCNN: adaptive ccnn for density estimation and crowd counting
On a generalisation of spikes
Defining Pathway Assembly and Exploring its Applications
Improving Distantly Supervised Relation Extraction using Word and Entity Based Attention
Entropy rates for Horton self-similar trees
Infrared and Visible Image Fusion using a Deep Learning Framework
Structure and dynamics of a polymer-nanoparticle composite: Effect of nanoparticle size and volume fraction
Utilizing Neural Networks and Linguistic Metadata for Early Detection of Depression Indications in Text Sequences
Large Margin Structured Convolution Operator for Thermal Infrared Object Tracking
Incorporating Pseudo-Parallel Data for Quantifiable Sequence Editing
CANDID: Robust Change Dynamics and Deterministic Update Policy for Dynamic Background Subtraction
Forward-Backward Stochastic Neural Networks: Deep Learning of High-dimensional Partial Differential Equations
An Integrated Development Environment for Planning Domain Modeling
To Find Where You Talk: Temporal Sentence Localization in Video with Attention Based Location Regression
Programming Parallel Dense Matrix Factorizations with Look-Ahead and OpenMP
A System’s Perspective Towards an Architecture Framework for Safe Automated Vehicles
VH-HFCN based Parking Slot and Lane Markings Segmentation on Panoramic Surround View
Algorithms and Conditional Lower Bounds for Planning Problems
Fast Identification of Wiener-Hammerstein Systems using Discrete Optimization
Comparison of several data-driven nonlinear system identification methods on a simplified glucoregulatory system example
Inherent Brain Segmentation Quality Control from Fully ConvNet Monte Carlo Sampling
Cell Selection with Deep Reinforcement Learning in Sparse Mobile Crowdsensing
Multi-Timescale Online Optimization of Network Function Virtualization for Service Chaining
Constant term formulas for refined enumerations of Gog and Magog trapezoids
Quantum Lov{á}sz Local Lemma: Shearer’s Bound is Tight
Now you see me: evaluating performance in long-term visual tracking
The multidimensional truncated {M}oment {P}roblem: Gaussian and Log-Normal Mixtures, their Carathéodory Numbers, and Set of Atoms
Exploring Partially Observed Networks with Nonparametric Bandits
Bayesian nonparametric analysis of Kingman’s coalescent
Consistent CCG Parsing over Multiple Sentences for Improved Logical Reasoning
On distributions of exponential functionals of the processes with independent increments
Backward induction for repeated games
Reducing asynchrony to synchronized rounds
On optimal allocation of treatment/condition variance in principal component analysis
Patterns in words of ordered set partitions
A Trajectory Calculus for Qualitative Spatial Reasoning Using Answer Set Programming
Low Rank Structure of Learned Representations
Effects of Network Communities and Topology Changes in Message-Passing Computation of Harmonic Influence in Social Networks
Part-Aligned Bilinear Representations for Person Re-identification
Unsupervised Prostate Cancer Detection on H&E using Convolutional Adversarial Autoencoders
Loop Restricted Existential Rules and First-order Rewritability for Query Answering
Dictionary learning – from local towards global and adaptive
From a Consequence of Bertrand’s Postulate to Hamilton Cycles
The Curse of Ties in Congestion Games with Limited Lookahead
Trees with unique minimum glolal offensive alliance sets
A Simple Capacity Lower Bound for Communication with Superimposed Pilots
Estimation of Tissue Oxygen Saturation from RGB Images based on Pixel-level Image Translation
On Large Lag Smoothing for Hidden Markov Models
Regular variation and free regular infinitely divisible laws
Finite Biased Teaching with Infinite Concept Classes
Visibility graphs for image processing
Hierarchical Behavioral Repertoires with Unsupervised Descriptors
Topology-induced Enhancement of Mappings
varrank: an R package for variable ranking based on mutual information with applications to observed systemic datasets
Exact Algorithms for the Maximum Planar Subgraph Problem: New Models and Experiments
Human Activity Recognition using Recurrent Neural Networks
Real Time Emulation of Parametric Guitar Tube Amplifier With Long Short Term Memory Neural Network
On the distribution of random words in a compact Lie group
Large-scale Nonlinear Variable Selection via Kernel Random Features
Learning Structured Deformations using Diffeomorphic Registration
Recognizing Birds from Sound – The 2018 BirdCLEF Baseline System
Vehicle Community Strategies
Data-Driven Analysis of Pareto Set Topology
Beam Selection for MmWave Massive MIMO Systems Under Hybrid Transceiver Architecture
Industrial Symbiotic Networks as Coordinated Games
Joint MMSE Transceiver Design for Downlink Heterogeneous Network
Motion Fused Frames: Data Level Fusion Strategy for Hand Gesture Recognition
Multiple factor analysis of distributional data
Lipschitz Continuity in Model-based Reinforcement Learning
The Hardness of Conditional Independence Testing and the Generalised Covariance Measure
A stochastic model for the evolution of species with random fitness
NAIS-Net: Stable Deep Networks from Non-Autonomous Differential Equations
Investigating Negative Interactions in Multiplex Networks: A Mutual Information Approach
Learning Disentangled Representations of Texts with Application to Biomedical Abstracts
A refined convergence analysis of pDCA$_e$ with applications to simultaneous sparse recovery and outlier detection
Randomized opinion dynamics over networks: influence estimation from partial observations
A Decomposition-based Approach towards the Control of Boolean Networks (Technical Report)
Phase Transition of the 2-Choices Dynamics on Core-Periphery Networks
A third strike against perfect phylogeny
Limited Evaluation Cooperative Co-evolutionary Differential Evolution for Large-scale Neuroevolution
Multi-view Hybrid Embedding: A Divide-and-Conquer Approach
Shortest Dubins Path to a Circle
Parsimonious Volterra System Identification
A sequential sampling strategy for extreme event statistics in nonlinear dynamical systems
Identifying Compromised Accounts on Social Media Using Statistical Text Analysis
A family of random sup-measures with long-range dependence
Helping or Hurting? Predicting Changes in Users’ Risk of Self-Harm Through Online Community Interactions
Performance Analysis of Massive MIMO Multi-Way Relay Networks Under ZF
Nonlinear system modeling based on constrained Volterra series estimates
Pattern restricted quasi-Stirling permutations
Socially Guided Intrinsic Motivation for Robot Learning of Motor Skills
A Dynamic Boosted Ensemble Learning Based on Random Forest
A Practical Acyclicity Notion for Query Answering over Horn-SRIQ Ontologies
Deep Triplet Ranking Networks for One-Shot Recognition
Functional Generative Design: An Evolutionary Approach to 3D-Printing
Natural parametrization of percolation interface and pivotal points
Individual Security and Network Design with Malicious Nodes
Approximation of deterministic and stochastic Navier-Stokes equations in vorticity-velocity formulation