Simple Early Stopping Rules in Machine Learning

Total Page:16

File Type:pdf, Size:1020Kb

Simple Early Stopping Rules in Machine Learning Simple early stopping rules in machine learning Sina Baghal University of Waterloo RWTH Aachen University, Chair for Mathematics of Information Processing Part I Optimization in machine learning Learning via optimization over data * Empirical risk minimization: m 1 X min f (θ) := `(xi ; yi ; θ) θ2D m i=1 d (xi ; yi ) are feature label, xi 2 R , m = # samples, ` loss function. * Neural networks m 1 X min f (θ) = (y − `(x ; θ))2 m i i i=1 N ×N N ×N I θ = (W1; ··· ; WL) ; θ 2 D := R 1 0 × · · · × R L L−1 ; N0 = d; NL = 1. I `(:; θ) = WL ◦ σ ◦ · · · ◦ σ ◦ W1 I σ(:) = max(0;:), etc. Visualization of neural networks Courtesy of infowatch.com Example: Binary classification I Given samples f(xi ; yi ): i = 1; ··· ; mg, find hyperplane H with normal vector h s.t. ∗ T h = argmin fi : sign(xi h) 6= yi g Here I ( 1 sign(xT h) 6= y `(x ; y ; h) = i i i i T 0 sign(xi h) = yi : I m 1 X min `(xi ; yi ; h) h2 d−1 m S i=1 Convex relaxation (from error to losses) * Replace the non-convex loss function with a convex surrogate. Common loss functions for binary classification: I Linear regression: `(xT h; y) = (xT h − y)2 I Hinge: `(xT h; y) = maxf0; 1 − yxT hg I Logistic: `(xT h; y) = log(1 + exp(−yxT h)) Theorem (Bartlett et al, 2006) Excess error ≤ Excess loss Part II First order methods What is a first order method? I First order methods used to solve the following optimization problem min f (x) x2D only use f (x); rf (x) to perform updates. I Low iteration costs and low memory storage are the main advantages that make first-order methods suitable for large-scale optimization problems which appear ubiquitously in machine learning and data science applications. Gradient descent & stochastic gradient descent * Gradient descent I Initialize at x0 2 D I xk+1 = xk − αrf (xk ) I Terminate when krf (x ∗)k ≤ * Stochastic gradient descent m 1 X min f (θ) := f (θ) m i i=1 I Gradient evaluation cost : m times more I At each iteration choose index i at random and compute rfi (θ) to obtain the descent direction(?) I Obvious case: f1 = ··· = fm 2 2 I Less obvious case: E krf (θ) − rfi (θ)k ≤ σ Why SGD? q 2 R2 mR2 Figure: O Rσ T + T vs:O T Courtesy of F. Bach I Bounds for SGD holds in expectation Convergence analysis I To achieve these bounds, we need to consider specific step-size values (major drawback) I There exists a dichotomy between tuning step-sizes in theory and practice (line search) I Other methods for proving convergence: Lee et al 2016, Soltanolkotabi 2017, Bah et al 2019, ... More first order methods I Frank-Wolfe: Projection free, specific structure e.g. sparsity is desired I Variance reduction (Mini-batching, SVRG, ..): Consider batches of size b > 1 to reduce the variance, tweak the algorithm, ... I Adaptive algorithm (Adagrad, Adam, ..): Update each coordinate of the gradient by a separate rate Why not second order? I Bypass Hessian creation and inversion as well as speeding up the Hessian vector product. I See Agarwal, Bullins, Hazan 2017 Optimization is not all! Optimization: Why we can fit? Generalization: Why we can predict? Part III Early stopping Why early stopping? I A form of regularization to avoid over-fitting when iterative methods such as gradient descent are used for learning. Up to a point, training improves performance on future data i.e. low generalization error. After that training error increases at the expense of worse generalization error. Figure: Black curve (early stopping is used), green curve (early stopping is not used) Learning from noisy samples using early stopping m×n I Recap (least squares problem). Let A 2 R and set ∗ 2 b = Ax + ξ where ξ ∼ N(0; σ Id ): 1 2 I Least squares problem: min 2 kAx − bk I Expected value of error term: n k ∗ 2 ∗ T k k T ∗ 2 X 1 − βi E kxk − x k = (x ) Udiag(β1 ; ··· ; βn )U x +σ : λi i=1 I Here βi = 1 − αλi where λ1 ≥ · · · ≥ λn are eigenvalues of T T T A A. In particular, A A = Udiag (λ1; ··· ; λn) U . Preliminary results (Joint work with S. Vavasis) I Consider the case where A is a de-blurring matrix and x∗ is a ∗ ∗ smooth signal. Also let xi := (Ux )i . P ∗ 2 1−δ P ∗ 2 I Assumption: i>r λi (xi ) ≤ 8 · i≤r λi (xi ) : I Denote the stopping time 2 2 T := inf k : kAxk k ≥ δkbk I Consider the GD iterates applied to the least squares problem ∗ with the bias-variance decomposition xk − x = bk + vk 2 2 Pn 1 Recall that [kv+1k ] = σ . I E i=1 λi T ∗ Figure: Eigenvalues of A A (blue) and corresponding xi (green) Cont. q 1−δ ∗ I For σ ≤ O δ · kAx k the following is then true 1. n X λi kb k2 ≤ exp 2 log 2(1 − δ) · (x ∗)2 T λ2 i i=1 r 2. n ( 2 ) 2 2 X 1 1 − δ λi kvT k ≤ σ min ; log · 2 w.h.p λi 8 λ i=1 r * Proof Sketch: 1. We define deterministic stopping times τ1 and τ2 2. Using Hanson-Wright type concentration inequalities, we show that w.h.p T lies in [τ1; τ2]. 3. We use the first assumption to show that 1 1 − δ 1 [τ1; τ2] ⊆ k : − log (2(1 − δ)) · ≤ kα ≤ − log · λ1 8 λr 4. We next obtain bounds for Cb := sup kbk k; and Cv := sup kvk k k≥τ1 k≤τ2 Double descent Figure: Double descent curve I See Belkin et al 2018 I See Xie et al 2020 - Implicit bias towards smooth interpolations leads to low generalization error I See Baratin et al 2020 I See Heckel et al 2020 Robustness to label noise via early stopping Theorem (Oymak, Soltanolkotabi 2019) In over-parametrized neural networks even with a corruption level ρ 1 smaller than 16 , gradient descent finds a model with perfect accuracy if early stopping is used. Part IV A termination criterion for SGD for binary classification Collaborators: Stephen Vavasis, Courtney Paquette Binary classification via expected loss I Data comes from a mixture model with two means µ0 and µ1 I Without much loss of generality, assume µ0 + µ1 = 0 Figure: Re-centring Binary classification via expected loss(Cont.) I We minimize the expected loss function. T f (θ) = E(ζ;y)∼P `(ζ θ; y) where ( log (1 + exp(x)) y = 0 `(x; y) = log (1 + exp(−x)) y = 1 I We fold the data set in half and minimize ^ ^ T f (θ) := Eξ∼P^`(ξ θ) where `^(x) := log(1 + exp(−x)). Denote θ∗ := argmin f^(θ) Model assumption I We assume that the data is isotropically Gaussian distributed i.e. 2 P^ ≡ N(µ; σ Id ): Lemma (Classification of the optimal linear classifiers) The following is true. T ∗ argmax P ξ θ > 0 = R++ · θ More importantly, θ∗ = ρ∗µ. In case of logistic loss, ρ∗σ2 = 2. SGD with termination I Initialize θ0 = 0, α > 0. I Update as follows αξk+1 θk+1 = θk + T : 1 + exp θk ξk+1 I Terminate when T θk ξk+1 ≥ 1 free! (1) * Criterion (1) is used in the experiments, but in the analysis, we need to have σ-algebras F(θ1; θ2; ··· ) and F(ξ1; ξ2; ··· ) to be independent. We consider the following test instead. T ^ θk ξk ≥ 1 Here ξ^1; ξ^2; · · · ∼ P^ are independently generated. Formally set n ^T o T := inf k : ξk θk ≥ 1 Results Theorem (Bound for expected value of T ) 1. (Low noise) Suppose that σ ≤ 0:33kµk and α > 0 is arbitrary. The following bound is then true. 2(c + c M)2 kµk ασ3 −kµk2 [T ] ≤ 2+ 1 2 · Φc + · exp + 1 E M σ kµk 2σ2 Here M = αkµk2. 2. (High noise) Suppose that σ ≥ 0:33kµk and α satisfies kµk2 α ≤ A · σ2(kµk2+dσ2) . It then holds that E[T ] < +1. Proof sketch I We develop Lyapunov functions in the following sense: Theorem (Meyn and Tweedi 2012) d Assume that there exist a set C ⊆ R and a non-negative function d V : R ! R+ such that we have that E [V (θk )jpast] ≤ V (θk−1) − 1 whenever θk−1 2= C: (2) The following is then true: h C i E τ1 jθ0 = θ ≤ V (θ): (3) C Here τ1 denotes the stopping time that we hit the set C. In C particular, if we denote by τm the m-th time we hit C, it then holds that h C i E τm ≤ O(m); in the case where C is compact. Proof sketch(Cont.) I Further suppose that for δ > 0 the test will be activated with probability at least δ for any θ 2 C. Lemma The following is true. +1 X h C i m E[T ] ≤ E[TC ] ≤ E τm (1 − δ) : m=1 Here TC denotes the first time the termination criterion triggers while simultaneously the iterate lies in C. Proof sketch(Cont.) I We define the Lyapunov function and also the target set C in two different regimes. I (High noise) If σ ≥ ckµk, then n o 1 C := θ : jρ − ρ∗j < 1 ρ∗ , σkθ~k ≤ c0 ; V (θ) = kθ−θ∗k2; 2 2α where θ = ρµ + θ~. I (Low noise) If σ ≤ ckµk, then 2 C = fθ : µT θ ≥ 1g; V (θ) = M~ − µT θ ; 2 where M~ = c1 + c2αkµk .
Recommended publications
  • Early Stopping for Kernel Boosting Algorithms: a General Analysis with Localized Complexities
    IEEE TRANSACTIONS ON INFORMATION THEORY, VOL. 65, NO. 10, OCTOBER 2019 6685 Early Stopping for Kernel Boosting Algorithms: A General Analysis With Localized Complexities Yuting Wei , Fanny Yang, and Martin J. Wainwright, Senior Member, IEEE Abstract— Early stopping of iterative algorithms is a widely While the basic idea of early stopping is fairly old (e.g., [1], used form of regularization in statistics, commonly used in [33], [37]), recent years have witnessed renewed interests in its conjunction with boosting and related gradient-type algorithms. properties, especially in the context of boosting algorithms and Although consistency results have been established in some settings, such estimators are less well-understood than their neural network training (e.g., [13], [27]). Over the past decade, analogues based on penalized regularization. In this paper, for a a line of work has yielded some theoretical insight into early relatively broad class of loss functions and boosting algorithms stopping, including works on classification error for boosting (including L2-boost, LogitBoost, and AdaBoost, among others), algorithms [4], [14], [19], [25], [41], [42], L2-boosting algo- we exhibit a direct connection between the performance of a rithms for regression [8], [9], and similar gradient algorithms stopped iterate and the localized Gaussian complexity of the associated function class. This connection allows us to show that in reproducing kernel Hilbert spaces (e.g. [11], [12], [28], the local fixed point analysis of Gaussian or Rademacher com- [36], [41]). A number of these papers establish consistency plexities, now standard in the analysis of penalized estimators, results for particular forms of early stopping, guaranteeing can be used to derive optimal stopping rules.
    [Show full text]
  • Search for Ultra-High Energy Photons with the Pierre Auger Observatory Using Deep Learning Techniques
    Search for Ultra-High Energy Photons with the Pierre Auger Observatory using Deep Learning Techniques von Tobias Alexander Pan Masterarbeit in Physik vorgelegt der Fakult¨atf¨urMathematik, Informatik und Naturwissenschaften der RWTH Aachen im Februar 2020 angefertigt im III. Physikalischen Institut A bei Jun.-Prof. Dr. Thomas Bretz Prof. Dr. Thomas Hebbeker Contents 1 Introduction1 2 Cosmic rays3 2.1 Cosmic ray physics................................3 2.2 Cosmic ray-induced extensive air showers...................6 2.3 Attributes of photon-induced air showers....................8 2.4 Detection principles............................... 11 3 The Pierre Auger Observatory 13 3.1 The Surface Detector............................... 13 3.2 The Fluorescence Detector............................ 15 3.3 The Infill array.................................. 16 3.4 AugerPrime Upgrade............................... 17 3.5 Standard event reconstruction.......................... 18 4 Simulation 21 4.1 CORSIKA..................................... 21 4.2 Offline Software Framework........................... 22 4.3 Data set selection................................. 23 4.4 Preprocessing................................... 25 5 Photon search with machine learning 31 6 Deep neural networks 37 6.1 Basic principles.................................. 37 6.2 Regularization.................................. 40 6.3 Convolutional networks............................. 41 7 Photon search using deep neural networks 43 7.1 Network architecture..............................
    [Show full text]
  • Using Validation Sets to Avoid Overfitting in Adaboost
    Using Validation Sets to Avoid Overfitting in AdaBoost ∗ Tom Bylander and Lisa Tate Department of Computer Science, University of Texas at San Antonio, San Antonio, TX 78249 USA {bylander, ltate}@cs.utsa.edu Abstract In both cases, the training set is used to find a small hy- pothesis space, and the validation set is used to select a hy- AdaBoost is a well known, effective technique for increas- pothesis from that space. The justification is that in a large ing the accuracy of learning algorithms. However, it has the potential to overfit the training set because its objective is hypothesis space, minimizing training error will often result to minimize error on the training set. We demonstrate that in overfitting. The training set can instead be used to estab- overfitting in AdaBoost can be alleviated in a time-efficient lish a set of choices as training error is minimized, with the manner using a combination of dagging and validation sets. validation set used to reverse or modify those choices. Half of the training set is removed to form the validation set. A validation set could simply be used for early stopping The sequence of base classifiers, produced by AdaBoost from in AdaBoost. However, we obtain the most success by also the training set, is applied to the validation set, creating a performing 2-dagging (Ting & Witten 1997), and modifying modified set of weights. The training and validation sets are weights. Dagging is disjoint aggregation, where a training switched, and a second pass is performed. The final classi- set is partitioned into subsets and training is performed on fier votes using both sets of weights.
    [Show full text]
  • Identifying Training Stop Point with Noisy Labeled Data
    Identifying Training Stop Point with Noisy Labeled Data Sree Ram Kamabattula and Venkat Devarajan Babak Namazi and Ganesh Sankaranarayanan Department of Electrical Engineering Baylor Scott and White Health, Dallas, USA The Univeristy of Texas at Arlington, USA [email protected] [email protected] [email protected] [email protected] Abstract—Training deep neural networks (DNNs) with noisy One notable approach to deal with this problem is to select labels is a challenging problem due to over-parameterization. and train on only clean samples from the noisy training data. DNNs tend to essentially fit on clean samples at a higher rate in In [4], authors check for inconsistency in predictions. O2UNet the initial stages, and later fit on the noisy samples at a relatively lower rate. Thus, with a noisy dataset, the test accuracy increases [9] uses cyclic learning rate and gathers loss statistics to select initially and drops in the later stages. To find an early stopping clean samples. SELF [16] takes ensemble of predictions at point at the maximum obtainable test accuracy (MOTA), recent different epochs. studies assume either that i) a clean validation set is available Few methods utilize two networks to select clean samples. or ii) the noise ratio is known, or, both. However, often a clean MentorNet [10] pre-trains an extra network to supervise a validation set is unavailable, and the noise estimation can be inaccurate. To overcome these issues, we provide a novel training StudentNet. Decoupling [15] trains two networks simultane- solution, free of these conditions. We analyze the rate of change ously, and the network parameters are updated only on the of the training accuracy for different noise ratios under different examples with different predictions.
    [Show full text]
  • Links Between Perceptrons, Mlps and Svms
    Links between Perceptrons, MLPs and SVMs Ronan Collobert [email protected] Samy Bengio [email protected] IDIAP, Rue du Simplon 4, 1920 Martigny, Switzerland Abstract large margin classifier idea, which is known to improve We propose to study links between three the generalization performance for binary classification important classification algorithms: Percep- tasks. The aim of this paper is to give a better under- trons, Multi-Layer Perceptrons (MLPs) and standing of Perceptrons and MLPs applied to binary Support Vector Machines (SVMs). We first classification, using the knowledge of the margin in- study ways to control the capacity of Percep- troduced with SVMs. Indeed, one of the key problem trons (mainly regularization parameters and in machine learning is the control of the generalization early stopping), using the margin idea intro- ability of the models, and the margin idea introduced duced with SVMs. After showing that under in SVMs appears to be a nice way to control it (Vap- simple conditions a Perceptron is equivalent nik, 1995). to an SVM, we show it can be computation- After the definition of our mathematical framework ally expensive in time to train an SVM (and in the next section, we first point out the equivalence thus a Perceptron) with stochastic gradient between a Perceptron trained with a particular cri- descent, mainly because of the margin maxi- terion (for binary classification) and a linear SVM. mization term in the cost function. We then As in general Perceptrons are trained with stochastic show that if we remove this margin maxi- gradient descent (LeCun et al., 1998), and SVMs are mization term, the learning rate or the use trained with the minimization of a quadratic problem of early stopping can still control the mar- under constraints (Vapnik, 1995), the only remaining gin.
    [Show full text]
  • Asymptotic Statistical Theory of Overtraining and Cross-Validation
    IEEE TRANSACTIONS ON NEURAL NETWORKS, VOL. 8, NO. 5, SEPTEMBER 1997 985 Asymptotic Statistical Theory of Overtraining and Cross-Validation Shun-ichi Amari, Fellow, IEEE, Noboru Murata, Klaus-Robert M¨uller, Michael Finke, and Howard Hua Yang, Member, IEEE Abstract— A statistical theory for overtraining is proposed. because the parameter values fit too well the speciality of the The analysis treats general realizable stochastic neural networks, biased training examples and are not optimal in the sense of trained with Kullback–Leibler divergence in the asymptotic case minimizing the generalization error given by the risk function. of a large number of training examples. It is shown that the asymptotic gain in the generalization error is small if we per- There are a number of methods of avoiding overfitting. form early stopping, even if we have access to the optimal For example, model selection methods (e.g., [23], [20], [26] stopping time. Considering cross-validation stopping we answer and many others), regularization ([25] and others), and early the question: In what ratio the examples should be divided into stopping ([16], [15], [30], [11], [4] and others) or structural training and cross-validation sets in order to obtain the optimum risk minimization (SRM, cf. [32]) can be applied. performance. Although cross-validated early stopping is useless in the asymptotic region, it surely decreases the generalization error Here we will consider early stopping in detail. There is in the nonasymptotic region. Our large scale simulations done on a folklore that the generalization error decreases in an early a CM5 are in nice agreement with our analytical findings.
    [Show full text]
  • Explaining the Success of Adaboost and Random Forests As Interpolating Classifiers
    Journal of Machine Learning Research 18 (2017) 1-33 Submitted 5/15; Revised 2/17; Published 5/17 Explaining the Success of AdaBoost and Random Forests as Interpolating Classifiers Abraham J. Wyner [email protected] Matthew Olson [email protected] Justin Bleich [email protected] Department of Statistics Wharton School, University of Pennsylvania Philadelphia, PA 19104, USA David Mease [email protected] Apple Inc. Editor: Koby Crammer Abstract There is a large literature explaining why AdaBoost is a successful classifier. The literature on AdaBoost focuses on classifier margins and boosting's interpretation as the optimiza- tion of an exponential likelihood function. These existing explanations, however, have been pointed out to be incomplete. A random forest is another popular ensemble method for which there is substantially less explanation in the literature. We introduce a novel per- spective on AdaBoost and random forests that proposes that the two algorithms work for similar reasons. While both classifiers achieve similar predictive accuracy, random forests cannot be conceived as a direct optimization procedure. Rather, random forests is a self- averaging, interpolating algorithm which creates what we denote as a \spiked-smooth" classifier, and we view AdaBoost in the same light. We conjecture that both AdaBoost and random forests succeed because of this mechanism. We provide a number of examples to support this explanation. In the process, we question the conventional wisdom that sug- gests that boosting algorithms for classification require regularization or early stopping and should be limited to low complexity classes of learners, such as decision stumps. We con- clude that boosting should be used like random forests: with large decision trees, without regularization or early stopping.
    [Show full text]
  • Asymptotic Statistical Theory of Overtraining and Cross-Validation
    IEEE TRANSACTIONS ON NEURAL NETWORKS, VOL. 8, NO. 5, SEPTEMBER 1997 985 Asymptotic Statistical Theory of Overtraining and Cross-Validation Shun-ichi Amari, Fellow, IEEE, Noboru Murata, Klaus-Robert M¨uller, Michael Finke, and Howard Hua Yang, Member, IEEE Abstract— A statistical theory for overtraining is proposed. because the parameter values fit too well the speciality of the The analysis treats general realizable stochastic neural networks, biased training examples and are not optimal in the sense of trained with Kullback–Leibler divergence in the asymptotic case minimizing the generalization error given by the risk function. of a large number of training examples. It is shown that the asymptotic gain in the generalization error is small if we per- There are a number of methods of avoiding overfitting. form early stopping, even if we have access to the optimal For example, model selection methods (e.g., [23], [20], [26] stopping time. Considering cross-validation stopping we answer and many others), regularization ([25] and others), and early the question: In what ratio the examples should be divided into stopping ([16], [15], [30], [11], [4] and others) or structural training and cross-validation sets in order to obtain the optimum risk minimization (SRM, cf. [32]) can be applied. performance. Although cross-validated early stopping is useless in the asymptotic region, it surely decreases the generalization error Here we will consider early stopping in detail. There is in the nonasymptotic region. Our large scale simulations done on a folklore that the generalization error decreases in an early a CM5 are in nice agreement with our analytical findings.
    [Show full text]
  • Early Stopping for Kernel Boosting Algorithms: a General Analysis with Localized Complexities
    Early stopping for kernel boosting algorithms: A general analysis with localized complexities Yuting Wei1 Fanny Yang2∗ Martin J. Wainwright1;2 Department of Statistics1 Department of Electrical Engineering and Computer Sciences2 UC Berkeley Berkeley, CA 94720 {ytwei, fanny-yang, wainwrig}@berkeley.edu Abstract Early stopping of iterative algorithms is a widely-used form of regularization in statistics, commonly used in conjunction with boosting and related gradient- type algorithms. Although consistency results have been established in some settings, such estimators are less well-understood than their analogues based on penalized regularization. In this paper, for a relatively broad class of loss functions and boosting algorithms (including L2-boost, LogitBoost and AdaBoost, among others), we exhibit a direct connection between the performance of a stopped iterate and the localized Gaussian complexity of the associated function class. This connection allows us to show that local fixed point analysis of Gaussian or Rademacher complexities, now standard in the analysis of penalized estimators, can be used to derive optimal stopping rules. We derive such stopping rules in detail for various kernel classes, and illustrate the correspondence of our theory with practice for Sobolev kernel classes. 1 Introduction While non-parametric models offer great flexibility, they can also lead to overfitting, and thus poor generalization performance. For this reason, procedures for fitting non-parametric models must involve some form of regularization, most commonly done by adding some type of penalty to the objective function. An alternative form of regularization is based on the principle of early stopping, in which an iterative algorithm is terminated after a pre-specified number of steps prior to convergence.
    [Show full text]
  • Early Stopping and Non-Parametric Regression: an Optimal Data-Dependent Stopping Rule
    Journal of Machine Learning Research 15 (2014) 335-366 Submitted 8/13; Revised 12/13; Published 1/14 Early Stopping and Non-parametric Regression: An Optimal Data-dependent Stopping Rule Garvesh Raskutti [email protected] Department of Statistics University of Wisconsin-Madison Madison, WI 53706-1799, USA Martin J. Wainwright [email protected] Bin Yu [email protected] Department of Statistics∗ University of California Berkeley, CA 94720-1776, USA Editor: Sara van de Geer Abstract Early stopping is a form of regularization based on choosing when to stop running an iterative algorithm. Focusing on non-parametric regression in a reproducing kernel Hilbert space, we analyze the early stopping strategy for a form of gradient-descent applied to the least-squares loss function. We propose a data-dependent stopping rule that does not involve hold-out or cross-validation data, and we prove upper bounds on the squared error 2 2 of the resulting function estimate, measured in either the L (P) and L (Pn) norm. These upper bounds lead to minimax-optimal rates for various kernel classes, including Sobolev smoothness classes and other forms of reproducing kernel Hilbert spaces. We show through simulation that our stopping rule compares favorably to two other stopping rules, one based on hold-out data and the other based on Stein's unbiased risk estimate. We also establish a tight connection between our early stopping strategy and the solution path of a kernel ridge regression estimator. Keywords: early stopping, non-parametric regression, kernel ridge regression, stopping rule, reproducing kernel hilbert space, rademacher complexity, empirical processes 1.
    [Show full text]
  • Don't Relax: Early Stopping for Convex Regularization Arxiv:1707.05422V1
    Don't relax: early stopping for convex regularization Simon Matet 1, Lorenzo Rosasco2;3, Silvia Villa4 and B˘angC^ongV~u` 5 1 Ecole Politechnique, Route de Saclay 91128 Palaiseau, Cedex, France 2 LCSL, Istituto Italiano di Tecnologia and Massachusetts Institute of Technology Bldg. 46-5155, 77 Massachusetts Avenue, Cambridge, MA 02139, USA 3 DIBRIS, Universit`adi Genova, Via Dodecaneso 35 16146 Genova, Italy 4 Dipartimento di Matematica, Politecnico di Milano, Via Bonardi 9 20133 Milano, Italy 5 Laboratory for Information and Inference Systems, EPFL, ELD 243 (Batiment EL) Station 11, CH-1015, Lausanne, Switzerland [email protected]; [email protected]; [email protected]; [email protected] July 19, 2017 Abstract We consider the problem of designing efficient regularization algorithms when regularization is encoded by a (strongly) convex functional. Unlike classical penalization methods based on a relaxation approach, we propose an iterative method where regularization is achieved via early stopping. Our results show that the proposed procedure achieves the same recovery accuracy as penalization methods, while naturally integrating computational considerations. An empirical analysis on a number of problems provides promising results with respect to the state of the art. Keywords: monotone inclusion, maximal monotone operator, operator splitting, cocoercive operator, composite operator, duality, stochastic errors, primal-dual algorithm arXiv:1707.05422v1 [math.OC] 18 Jul 2017 Mathematics Subject Classifications (2010): 47H05, 49M29, 49M27, 90C25 1 Introduction Many machine learning problems require to estimate a quantity of interest based on random noisy data/measurements. Towards this end, a common approach is considering estimators defined by the minimization of an empirical objective, where a data fit term is penalized using a regularizer, 1 encoding prior information on the quantity to be estimated.
    [Show full text]
  • Implementation of Intelligent System to Support Remote Telemedicine Services Using
    Implementation of intelligent system to support remote telemedicine services using chatbots technology Maria Vasiliou AM 1806 A Thesis in the Field of Natural Language Processing in Telemedicine for the Degree of Master of Big Data and Analytics University of Piraeus 02 2020 Supervisory Committee Dr. Ilias Maglogiannis Copyright 2020 Maria Vasiliou Abstract The objective of the current thesis is the implementation, integration and training of the “MV Health Bot” by leveraging Natural Language Processing (NLP) and Machine Learning (ML) algorithms. MV Healthbot’s role is to integrate features of a virtual assistant and bridge the gap between patients and health professionals. The chatbot provides a friendly interface to the patient in order to collect the demographic data and the health symptoms. The data are normalized and passed to the well trained artificial intelligence models for health predictions. The outcome of the prediction is shared with the patient and is stored for further analyses by the healthcare professionals. MV HealthBot is using human–computer interaction technologies based on natural language conversations or trivial selection flows. It provides predictive health services by using AI models and NLP for identifying Covid-19 , diagnose diseases based on symptoms and alert the patient in case of disorders. MvHealthBot also simulates the process of fetching data from a public health API using the patient's medical ID and provides diagnosis via the trained AI model that has been built for the purposes of the app. Keywords: Chatbot, AI, machine learning, digital health, telemedicine, NLP Frontispiece 4 Author’s Biographical Sketch Pioneering technologist with 15+ years of executive level experience.
    [Show full text]