arxiv: v1 [stat.ml] 14 May 2015

Size: px
Start display at page:

Download "arxiv: v1 [stat.ml] 14 May 2015"

Transcription

1 Training generative neural networks via aximum ean Discrepancy optimization Gintare Karolina Dziugaite University of Cambridge Daniel. Roy University of Toronto Zoubin Ghahramani University of Cambridge arxiv: v [stat.l] 4 ay 05 Abstract We consider training a deep neural network to generate samples from an unknown distribution given i.i.d. data. We frame learning as an optimization minimizing a two-sample test statistic informally speaking, a good generator network produces samples that cause a two-sample test to fail to reject the null hypothesis. As our two-sample test statistic, we use an unbiased estimate of the maximum mean discrepancy, which is the centerpiece of the nonparametric kernel two-sample test proposed by Gretton et al. []. We compare to the adversarial nets framework introduced by Goodfellow et al. [], in which learning is a two-player game between a generator network and an adversarial discriminator network, both trained to outwit the other. From this perspective, the D statistic plays the role of the discriminator. In addition to empirical comparisons, we prove bounds on the generalization error incurred by optimizing the empirical D. Introduction In this paper, we consider the problem of learning generative models from i.i.d. data with unknown distribution P. We formulate the learning problem as one of finding a function G, called the generator, such that, given an input Z drawn from some fixed noise distribution N, the distribution of the output GZ) is close to the data s distribution P. Note that, given G and N, we can easily generate new samples despite not having an explicit representation for the underlying density. We are particularly interested in the case the generator is a deep neural network whose parameters we must learn. Rather than being used to classify or predict, these networks transport input randomness to output randomness, thus inducing a distribution. The first direct instantiation of this idea is due to ackay [7], although ackay draws connections even further back to the work of Saund [] and others on autoencoders, suggesting that generators can be understood as decoders. ackay s proposal, called density networks, uses multi-layer perceptrons LP) as generators and learns the parameters by approximating Bayesian inference. Since ackay s proposal, there has been a great deal of progress on learning generative models, especially over highdimensional spaces like images. Some of the most successful approaches have been based on restricted Boltzmann machines [0] and deep Boltzmann networks [3]. A recent example is the Neural Autoregressive Density Estimator due to Uria, urray, and Larochelle [5]. An indepth survey, however, is beyond the scope of this article. This work builds on a proposal due to Goodfellow et al. []. Their adversarial nets framework takes an indirect approach to learning deep generative neural networks: a discriminator network is trained to recognize the difference between training data and generated samples, while the generator is trained to confuse the discriminator. The resulting two-player game is cast as a minimax optimization of a differentiable objective and solved greedily by iteratively performing gradient descent steps to improve the generator and then the discriminator. Given the greedy nature of the algorithm, Goodfellow et al. [] give a careful prescription for balancing the training of the generator and the discriminator. In particular, two gradient steps on the discriminator s parameters are taken for every iteration of the generator s parameters. It is not clear at this point how sensitive this balance is as the data set and network vary. In this paper, we describe an approximation to adversarial learning that replaces the adversary with a closed-form nonparametric twosample test statistic based on the aximum ean Discrepancy D), which we adopted from the kernel two sample test []. We call our proposal D nets. We give bounds on the estimation error incurred by optimizing an empirical estimator rather than the true population D and give some illustrations on synthetic and real data. Learning to sample as optimization It is well known that, for any distribution P and any continuous distribution N on sufficiently regular spaces X and W, respectively, there is a function G : W X, such that GW ) P when W N. See, e.g., [4, Lem. 3.].) In other words, we can transform an input from a fixed input distribution N through a deterministic function, producing an output whose distribution is P. For a given family {G θ } of functions W X, called generators, we can cast the problem of learning a generative model In independent work reported in a recent preprint, Li, Swersky, and Zemel [6] also propose to use D as a training objective for generative neural networks. We leave a comparison to future work.

2 6 4 w m,. w m,d y m, 3 G D P y m,d input came from data not generator 3.5 squared D Before Before Training true data generated data true data generated data After Training After Training true data generated data 6 4 w m,. w m,d y m, 3 G y m,d kernel two-sample test statistic mu sigma pdf 4 pdf pdf Initialized Iter = 0 Iter = 50 Iter = 80 Trained. Iter = Convergence of Training Error 0.6 D Training 0. Generated Iteration Figure : top left) Comparison of adversarial nets and D nets. top right) Here we present a simple one-dimensional illustration of optimizing a generator via D. Both the training data and noise data are Gaussian distributed and we consider the class of generators given by G µ,σ) w) = µ + σw. The plot on the left shows the isocontours of the D-based cost function and the path taken by gradient descent. On right, we show the distribution of the generator before and after a number of training iterations, as compared with the data generating distribution. Here we did not resample the generated points and so we do not expect to be able to drive the D to zero and match the distribution exactly. bottom) The same procedure is repeated here for a two-dimensional dataset. On the left, we see the gradual alignment of the Gaussian-distributed input data to the Gaussian-distributed output data as the parameters of the generator G θ are optimized. The learning curve on the right shows the decrease in D obtained via gradient descent. as an optimization arg min θ δp, G θ N )), ) δ is some measure of discrepancy and G θ N ) is the distribution of G θ W ) when W N. In practice, we only have i.i.d. samples X, X,... from P, and so we optimize an empirical estimate of δp, G θ N )).. Adversarial nets Adversarial nets [] can be cast within this framework: Let {D φ } be a family of functions X [0, ], called discriminators. We recover the adversarial nets objective with the discrepancy δ AN P, G θ N )) = max φ E[ log D φ X) + log D φ Y )) ], X P and Y G θ N ). In this case, Eq. ) becomes min max V G θ, D φ ) θ φ V G θ, D φ ) = E [ log D φ X) + log D φ G θ W ))) ] for X P and W N. The output of the discriminator D φ can be interpreted as the probability it assigns to its input being drawn from P, and so V G θ, D φ ) is the expected log loss incurred when classifying the origin of a point equally likely to have been drawn from P or G θ N ). Therefore, optimizing φ maximizes the probability of distinguishing samples from P and G θ N ). Assuming that the optimal discriminator exists for every θ, the optimal generator G is that whose output distribution is closest to P, as measured by the Jensen Shannon divergence, which is minimized when G θ N ) = P. In [], the generators G θ and discriminators D φ are chosen to be multilayer perceptrons LP). In order to find a minimax solution, they propose taking alternating gradient steps along D φ and G θ. Note that the composition D φ G θ )) that appears in the value function is yet another larger) LP. This fact permits the use of the back-propagation algorithm to take gradient steps.. D as an adversary In their paper introducing adversarial nets, Goodfellow et al. [] remark that a balance must be struck between optimizing the generator and optimizing the discriminator. In particular, the authors suggest k maximization steps for every one minimization step to ensure that D φ is well synchronized with G θ during training. A large value for k, however, can lead to overfitting. In their experiments, for every step taken along the gradient with respect to G θ, they take two gradient steps with respect to D φ to bring D φ closer to the desired optimum Goodfellow, pers. comm.). It is unclear how sensitive this balance is. Regardless, while adversarial networks deliver impressive sampling performance, the optimization takes approximately 7.5 hours to train on the NIST dataset running on a nvidia GeForce GTX TITAN GPU with 6GB RA. Can we potentially speed up the process with a more tractable choice of adversary?

3 Our proposal is to replace the adversary with the kernel twosample test introduced by Gretton et al. []. In particular, we replace the family of discriminators with a family H of test functions X R, closed under negation, and use the maximum mean discrepancy between P and G θ N ) over H, given by δ DH P, G θ N )) = sup E[fX)] E[fY )], ) f H X P and Y G θ N ). See Fig. for a comparison of the architectures of adversarial and D nets. While Eq. ) involves a maximization over a family of functions, Gretton et al. [] show that it can be solved in closed form when H is a reproducing kernel Hilbert space RKHS). ore carefully, let H be a reproducing kernel Hilbert space RKHS) of real-valued functions on Ω and let, H denote its inner product. By the reproducing property it follows that there exists a reproducing kernel k H such that every f H can be expressed as fx) = f, k, x) H = α i kx, x i ) 3) The functions induced by a kernel k are those functions in the closure of the span of the set {k, x) : x Ω}, which is necessarily an RKHS. Note, that for every positive definite kernel there is a unique RKHS H such that every function in H satisfies Eq. 3). Assume that X is a nonempty compact metric space and F a class of functions f : X R. Let p and q be Borel probability measures on X, and let X and Y be random variables with distribution p and q, respectively. The maximum mean discrepancy D) between p and q is DF, p, q) = sup E[fX)] E[fY )] 4) If F is chosen to be an RKHS H, then D F, p, q) = µ p µ q H 5) µ p H is the mean embedding of p, given by µ p = kx, ) pdx) H 6) and satisfying, for all f H, X E[fX)] = f, µ p H. The properties of DH,, ) depend on the underlying RKHS H. For our purposes, it suffices to say that if we take X to be R D and consider the RKHS H induced by Gaussian or Laplace kernels, then D is a metric, and so the minimum of our learning objective is achieved uniquely by P, as desired. For more details, see Sriperumbudur et al. [].) In practice, we often do not have access to p or q. Instead, we are given independent i.i.d. data X, X, X,..., X N and Y, Y, Y,..., Y fom p and q, respectively, and would like to estimate the D. Gretton et al. [] showed that D [H, p, q] = E[kX, X ) kx, Y ) + ky, Y )] 7) Algorithm Stochastic gradient descent for D nets. Initialize, θ, α, k Randomly divide training set X into N mini mini batches for i, number-of-iterations do Regenerate noise inputs {w i } i=,..., every r iterations for n mini, N mini do for m, do y m G θ w m ) end for compute the n th minibatch s gradient C n) update learning rate α e.g., RSPROP) θ θ α C n end for end for and then proposed an unbiased estimator D u[h, X, Y ] = 3 D Nets NN ) + ) N kx n, x n ) n n ky m, y m ) m m N kx n, y m ). m= n= With an unbiased estimator of the D objective in hand, we can now define our proposal, D nets: Fix a neural network G θ, θ represents the parameters of the network. Let W = w,..., w ) denote noise inputs drawn from N, let Y θ = y,..., y m ) with y j = G θ w j ) denote the noise inputs transformed by the network G θ, and let X = x,.., x N ) denote the training data in R D. Given a positive definite kernel k on R D, we minimize CY θ, X) as a function of θ, CY θ, X) = ) N ky m, y m ) m m N ky m, x n ). m= n= Note that CY θ, X) is comprised of only those parts of the unbiased estimator that depend on θ. In practice, the minimization is solved by gradient descent, possibly on subsets of the data. ore carefully, the chain rule gives us CY θ, X) = N N n= m= 8) 9) C n Y θ, X n ) G θ w m ), 0) y m θ C n Y θ, X n ) = ky m, y m ) ) m m ky m, x n ). m= )

4 Each derivative CnY θ,x n) y m is easily computed for standard kernels like the RBF kernel. Our gradient CY θ, X n ) depends on the partial derivatives of the generator with respect to its parameters, which we can compute using back propagation. 4 Generalization bounds for D D nets operate by minimizing an empirical estimate of the D. This estimate is subject to onte Carlo error and so the network weights parameters) ˆθ that are found to minimize the empirical D may do a poor job at minimizing the exact population D. We show that, for sufficiently large data sets, this estimation error is bounded, despite the space of parameters θ being continuous and high dimensional. Let Θ denote the space of possible parameters for the generator G θ, let N be the distribution on W for the noisy inputs, and let p θ = G θ N ) be the distribution of G θ W ) when W N for θ Θ. Let ˆθ be the value optimizing the unbiased empirical D estimate, i.e., D uh, X, Yˆθ) = inf θ D uh, X, Y θ ), ) and let θ be the value optimizing the population D, i.e., D H, p data, p θ ) = inf θ D H, p data, p θ ). 3) We are interested in bounding the difference D H, p data, pˆθ) D H, p data, p θ ). 4) To that end, for a measured space X, write L X ) for the space of essentially bounded functions on X and write BL X )) for the unit ball under the sup norm, i.e., BL X )) = {f : X R : x X )fx) [, ]}. The bounds we obtain will depend on a notion of complexity captured by the fat-shattering dimension: Definition Fat-shattering [8]). Let X N = {x,..., x N } X and F BL X )). For every ε > 0, X N is said to be ε-shattered by F if there is some function h : X R, such that for every I {,..., N} there is some f I F for which f I x n ) hx n ) + ε if n I, 5) f I x n ) hx n ) ε if n / I. 6) For every ε, the fat-shattering dimension of F, written fat ε F), is defined as fat ε F) = sup { X N : X N X, X N is ε-shattered by F} We then have the following bound on the estimation error: Theorem estimation error). Assume the kernel is bounded by one. Define and G k+ = {g = kg θ w), G θ )) : w W, θ Θ} 7) G X k+ = {g = kx, G θ )) : x X, θ Θ}. 8) Assume there exists γ, γ > and p, p N such that, for all ε > 0, it holds that fat ε G k+ ) γ ε p and fat ε Gk+ X ) γ ε p. Then with probability at least δ, with D H, p data, pˆθ) < D H, p data, p θ ) + ε, 9) ε = rp, γ, ) + rp, γ, ) + the rate rp, γ, N) is if p <, rp, γ, ) = C p γ log 3 ) if p =, p if p >, log δ, for constants C p and C p depending on p and p alone. 0) ) The proof appears in the appendix. We can obtain simpler, but slightly more restrictive, hypotheses if we bound the fatshattering dimension of the class of generators {G θ : θ Θ} alone: Take the observation space X to be a bounded subset of a finite-dimensional Euclidean space and the kernel to be Lipschitz continuous and translation invariant. For the RBF kernel, the Lipschitz constant is proportional to the inverse of the length-scale: the resulting bound loosens as the length scale shrinks. 5 Empirical evaluation In this section, we demonstrate the approach on an illustrative synthetic example as well as the standard NIST digits and Toronto Face Dataset TFD) benchmarks. We show that Dbased optimization of the generator rapidly delivers a generator that performs well in maximizing the density of a held-out test set under a kernel-density estimator. 5. Gaussian data, kernel, and generator Under an RBF kernel and Gaussian generator with parameters θ = {µ, σ}, it is straightforward to find the gradient of CY θ, X) by applying the chain rule. Using fixed random standard normal numbers {w,..., w }, we have y m = µ + σw m for m {,.., }. The result of these illustrative synthetic experiments can be found in Fig.. The dataset consisted of N = 00 samples from a standard normal and = 50 noise input samples were generated from a standard normal with a fixed random seed. The algorithm was initialized at values {µ, σ} = {.5, 0.}. We fixed the learning rate to 0.5 and ran gradient descent steps for K = 50 iterations. 5. NIST digits We trained our generative network on the NIST digits dataset [5]. The generator was chosen to be a fully connected, 3 hidden layers neural network with sigmoidal activation functions. Following Gretton et al. [], we used a radial basis function RBF) kernel, but also evaluated the rational quadratic RQ) kernel [9] and Laplacian kernel, but found that the RBF performed best

5 Figure : top-left) NIST digits from the training set. top-right) Newly generated digits produced after,000,000 iterations approximately 5 hours). Despite the remaining artifacts, the resulting kernel-density estimate of the test data is state of the art. top-center) Newly generated digits after 300 further iterations optimizing the associated empirical D. bottom-left) D learning curves for first 000 iterations. bottom-right) D learning curves from 000 to 500,000 iterations. Note the difference in y-axis scale. No appreciable change is seen in later iterations. in the parameter ranges we evaluated. We used Bayesian optimization WHETLab) to set the bandwidth of the RBF and the number of neurons in each layer on initial test runs of 50,000 iterations. We used the median heuristic suggested by [] for the kernel two-sample test to choose the kernel bandwidth. The learning rate was adjusting during optimization by RSPROP [4]. Fig. presents the digits learned after,000,000 iterations. We performed minibatch stochastic gradient descent, resampling the generated digits every 300 iterations, using minibatches of size 500, with equal numbers of training and generated points. It is clear that the digits produced have many artifacts not appearing in the NIST data set. Despite this, the mean log density of the held-out test data is 35 ±, as compared with the reported 5 ± mean log density achieved by adversarial nets. There are several possible explanations for this. First, kernel density estimation is known to perform poorly in high dimensions. Second, the D objective can itself be understood as the squared difference of two kernel density estimates, and so, in a sense, the objective being optimized is directly related to the subsequent mean test log density evaluation. There is no clear connection for adversarial networks, which might explain why it suffers under this test. Our experience suggests that the RBF kernel delivers base line performance but that an imagespecific kernel, capturing, e.g., shift invariance, might lead to better images. 5.3 Toronto face dataset We have also trained the generative D network on Toronto face dataset TFD) [3]. The parameters were adapted from the NIST experiment: we also used a 3-hidden-layer sigmoidal LP with similar architecture 000, 600, and 000 units) and RBF kernel for the cost function with the same hyper parameter. The training dataset batch sizes were equal to the number of generated points 500). The generated points were resampled every 500 iterations. The network was optimized for 500,000 iterations. The samples from the resulting network are plotted in Fig. 3. The mean log density of the held-out test set is 83 ± 39. Although this figure is higher than the mean log density of 057 ± 6 reported in [], the samples from the D network are again clearly distinguishable from the training dataset. Thus the high test score suggests that kernel density estimation does not perform well at evaluating the performance for these high dimensional datasets. 6 Conclusion D offers a closed form surrogate for the discriminator in adversarial nets framework. After using Bayesian optimization for the parameters, we found that the network outperformed the adversarial network in terms of the density of the held-out test set under kernel density estimation. On the other hand, there is a clear discrepancy between the digits produced by D Nets and the NIST digits, which might suggest that KDE is not up to the task of evaluating these models. Given how quickly

6 Figure 3: left) TFD. right) Faces generated by network trained for 500,000 iterations. center) Generated points after 500 iterations. D Nets achieves this level of performance, it is worth considering its use as an initialization for more costly procedures. only, such that 3 RN F) Cp γ log N p N Acknowledgments The authors would like to thank Bharath Sriperumbudur for technical discussions. A Proofs Theorem 4 []). Assume 0 kxi, xj ) K, = N. Then Pr Du H, X, Yθ ) D H, pdata, pθ ) > ε δε 3) ε δε = exp. 6K Definition [8]). A random variable σ is said to be a Rademacher random variable if it takes values in {, }, each with probability /. Definition 3 [8]). Let µ be a probability measure on X, and let F be a class of uniformly bounded functions on X. Then the Rademacher complexity of F with respect to µ) is RN F) = Eµ Eσ,...,σN N X sup σn f Xn ) N f F n= #, σ = σ, σ,... ) is a sequence of independent Rademacher random variables, and X, X,... are independent, µ-distributed random variables, independent also from σ. Theorem cdiarmids Inequality [8]). Let f : X XN R and assume there exists c,..., cn 0 such that, for all k {,..., N }, we have sup x,...,xk,x0k,...,xn f x,..., xk,..., xn ) f x,..., x0k,..., xn ) ck. Then, for all ε > 0 and independent random variables ξ,..., ξn in X, Pr {f ξ,..., ξn ) Ef ξ,..., ξn )) ε)}! ε < exp PN. n= cn ) We begin with some preliminaries and known results: " if 0 < p < if p = if p >. Theorem 3 [8, Thm..35]). Let F BL X )). Assume there exists γ >, such that for all ε > 0, fatε F) γεp for some p N. Then there exists constants Cp depending on p 4) The case Θ is a finite set is elementary: Theorem 5 estimation error for finite parameter set). Let pθ be the distribution of Gθ W ), with θ taking values in some finite set Θ = {θ,..., θt }, T <. Then, with probability at least T + )δε, δε is defined as in Theorem 4, we have D H, pdata, pθ ) < D H, pdata, pθ ) + ε. 5) Proof. Let Eθ) = Du H, X, Yθ ) 6) T θ) = D H, pdata, pθ ). 7) and Note, that the upper bound stated in Theorem 4 holds for the parameter value θ, i.e., Pr [ Eθ ) T θ ) > ε] δε. 8) Because θ depends on the training data X and generator data Y, we use a uniform bound that holds over all θ. Specifically, h i Pr Eθ ) T θ ) > ε Pr sup Eθ) T θ) > ε θ T X t= h i Pr Eθ ) T θ ) > ε T δε.

7 This yields that with probability at least T δ ε, ε Eˆθ) T ˆθ) + Eθ ) T θ ) 9) Eθ ) Eˆθ) + T ˆθ) T θ ). 30) Since θ was chosen to minimize T θ), we know that Similarly, by Eq. ), Therefore it follows that T ˆθ) T θ ). 3) Eθ ) Eˆθ). 3) ε T ˆθ) T θ ) 33) = D H, p data, p θ ) D H, p data, pˆθ) 34) proving the theorem. Corollary. With probability at least δ, D H, p data, pˆθ) < D H, p data, p θ ) + ε δ, ε δ = 8K log [T + )δ]. In order to prove the general result, we begin with some technical lemmas. The development here owes much to Gretton et al. []. Lemma. Let F = {f : Y Y R} and F + = {h = fy, ) : f F, y Y} BL Y)). Let {Y n } N n= be µ-distributed independent random variables in Y. Assume for some γ > and some p N, we have fat ε F + ) γε p, for all ε > 0. For y n Y n =,..., N, define ρy,..., y N ) to be supe fy, Y )) fy n, y n ). NN ) n n Then there exists a constant C that depends on p, such that N if p < E ρy,..., Y N )) Cγ log 3 N) N if p = if p >. N) p Proof. Let us introduce {ζ n } N n=, ζ n and Y n have the same distribution and are independent for all n, n {,..., N}. Then the following is true: EfY, Y ) )) = E fζ n, ζ n ) NN ) n,n : n n Using Jensen s inequality and the independence of Y, Y and Y n, Y n, we have E ρy,..., Y N )) 35) = E sup EfY, Y )) ) 36) fy m, Y m ) NN ) n n E sup fζ n, ζ NN ) n) n n ) 37) fy n, Y n ) NN ). n n Introducing conditional expectations allows us to rewrite the equation with the sum over n outside the expectations. I.e., Eq. 36) equals to N E E Yn,ζn) ) ) sup fζ n, ζ n ) fy n, Y n )) n N n n 38) =E E Y,ζ) N ) ) sup σ n fζ, ζ n ) fy, Y n )). N n= 39) The second equality follows by symmetry of random variables {ζ n } N n=. Note that we also added Rademacher random variables {σ n } N n= before each term in the sum since fζ n, ζ n ) fy n, Y n )) has the same distribution as fζ n, ζ n ) fy n, Y n )) for all n, n and therefore the σ s do not affect the expectation of the sum. Note that ζ m and Y m are identically distributed. Thus the triangle inequality implies that Eq. 39) is less than or equal to E N E Y ) sup N σ n fy, Y n ) )) n= N R N F + ), R N F + ) is the Rademacher s complexity of F +. Then by Theorem 3, we have N if p < E ρy,..., Y N )) Cγ log 3 N) N if p = if p >. N) p Lemma. Let F = {f : X Y R} and 40) F + = {f : x Y R, x X }. 4) and F + BL Y)). Let {X n } N n= and {Y m } n= be ν- and µ-distributed independent random variables in X and Y, respectively. Assume for some γ >, such that for all ε > 0,

8 fat ε F + ) γε p, for some p N. For all x n X, n N, and all y m Y, m, define ρx,..., x N, y,..., y ) = supefx, Y ) fx n, y m ). N n,m Then there exists C that depends on p, such that E ρx,..., X N, Y,..., Y )) if p < Cγ log 3 ) if p = if p >. ) p Proof. The proof is very similar to that of Lemma. Proof of Theorem. The proof follows the same steps as the proof of Theorem 5 apart from a stronger uniform bound stated in Eq. 9). I.e., we need to show: [ ] Pr sup Eθ) T θ) ε δ. 4) Expanding D as defined by Eqs. 7) and 8), and substituting Y = G θ W ), yields sup Eθ) T θ) 43) = sup EkX, X )) NN ) kx n, X n ) n n + EkG θ W ), G θ W ))) kg θ W m ), G θ W m )) ) m m EkX, G θ W ))) + kx n, G θ W m )). N m,n 44) For all n {,..., N}, kx n, X n ) does not depend on θ and therefore the first two terms of the equation above can be taken out of the supremum. Also, note that since k, ) K, we have ζx,..., x n,..., x N ) ζx,..., x n,..., x N ) K N, ζx,..., x N ) = NN ) n,n : n n kx n, x n ), and ζ is an unbiased estimate of EkX, X )). Then from c- Diarmid s inequality on ζ, we have EkX, Pr X ) )) kx n, X n ) ε NN ) n n ) exp ε K N. 45) Therefore Eq. 44) is bounded by the sum of the bound on Eq. 45) and the following: sup EkG θ W ), G θ W ))) ) m m kg θ W m ), G θ W m )) EkX, G θ W ))) + kx n, G θ W m )). N m,n 46) Thus the next step is to find the bound for the supremum above. Define and fw,..., W ; p noise ) = fw ) = sup EkG θ W ), G θ W ))) kg θ W m ), G θ W m )) ) m m hx,..., X N, W,..., W ; p data, p noise ) = hx N, W ) = sup kx n, G θ W m )) EkX, G θ W ))). N m,n Then by triangle inequality Eq. 46) fw ) + hx N, W ). 47) We will first find the upper bound on fw ), i.e., for every ε > 0, we will show that there exists δ f, such that Pr fw ) > ε) δ f 48) For each m {,..., }, fw,..., W m,..., W ) 49) fw,..., W m,..., W ) K 50) since the kernel is bounded by K, and therefore kg θ W m ), G θ W m )) is bounded by K for all m. The conditions of Theorem are satisfied and thus we can use cdiarmids Inequality on f: ) Pr fw ) EfW )) ɛ) exp ε K. 5) Define G k = {kg θ ), G θ )) : θ Θ} 5) To show Eq. 48), we need to bound the expectation of f. We can apply Lemma on the function classes G k and G k+. The resulting bound is if p < EfW )) ε p = C f γ log 3 ) if p = ) p if p >., 53)

9 p and γ are parameters associated to fat shattering dimension of G k+ as stated in the assumptions of the theorem, and C f is a constant depending on p. Now we can write down the bound on f: ) Pr fw ) ε p + ɛ) exp ε K = δ f. 54) Similarly, hx N, W ) has bounded differences: hx,..., X n,..., X N, W,..., W ) hx,..., X n,..., X N, W,..., W ) K N 55) and hx,..., X N, W,..., W m,..., W ) hx,..., X N, W,..., W m,..., W ) K 56). cdiarmid s inequality then implies Pr hx N, W ) EhX N, W ) ε) exp ε K N N + ). 57) We can bound expectation of hx N, W ) using Lemma applied on G X k and GX k+, Then G X k = {k, G θ )) : θ Θ}. 58) EhX N, W )) ε p = C h γ if p < log 3 ) if p = p if p >. 59) for some constant C h that depends on The final bound on h is then Pr hx N, W ) ε p + ε) exp ε K ) N = δ h. N + 60) Summing up the bounds from Eq. 54) and Eq. 57), it follows that Pr fw ) + hx N, W ) ε p + ε p + 3ε) maxδ f, δ h ) = δ h. 6) Using the bound in Eq. 45), we have obtain the uniform bound we were looking for: [ ] Pr sup Eθ) T θ) > ε p + ε p + 4ε δ h, 6) which by Eq. 9) yields [ ] Pr Eˆθ) T ˆθ) > ε p + ε p + 4ε δ h. 63) Since it was assumed that K = and N =, we get ) δ h = exp ε. 64) 4 To finish, we proceed as in the proof of Theorem 5. We can rearrange some of the terms to get a different form of Eq. 8): Pr [ Eθ ) T θ ) > ε] ) exp ε = δ h. 4 All of the above implies that for any ε > 0, there exists δ, such that Pr D H, p data, pˆθ) D H, p data, p θ ) ε ) δ, We can rewrite ε as: ε = ε p + ε p + log δ. 65) ε = rp, γ, ) + rp, γ, ) + The rate rp, γ, N) is given by Eq. 53) and Eq. 59): if p <, rp, γ, ) = C p γ log 3 ) if p =, p if p >, log δ, 66) 67) the constants C p and C p depend on p and p alone. We close by noting that the approximation error is zero in the nonparametric limit. Theorem 6 Gretton et al. []). Let F be the unit ball in a universal RKHS H, defined on the compact metric space X, with associated continuous kernel k, ). Then D[H, p, q] = 0 if and only if p = q. Corollary approximation error). Assume p data is in the family {p θ } and that H is an RKHS induced by a characteristic kernel. Then inf θ DH, p data, p θ ) = 0 68) and the infimum is achieved at θ satisfying p θ = p data. Proof. By Theorem 6, it follows that D H,, ) is a metric. The result is then immediate.

10 References [] I. J. Goodfellow, J. Pouget-Abadie,. irza, B. Xu, D. Warde-Farley, S. Ozair, A. Courville, and Y. Bengio. Generative Adversarial Nets. 04. [] A. Gretton, K.. Borgwardt,. J. Rasch, B. Schölkopf, and A. Smola. A Kernel Two-sample Test. In: J. ach. Learn. Res. 3 ar. 0), pp [3] G. E. Hinton and R. R. Salakhutdinov. Reducing the dimensionality of data with neural networks. In: Science July 006), pp [4] O. Kallenberg. Foundations of modern probability. nd. New York: Springer, 00, pp. xx+638. [5] Y. Lecun, L. Bottou, Y. Bengio, and P. Haffner. Gradient-based learning applied to document recognition. In: Proceedings of the IEEE. 998, pp [6] Y. Li, K. Swersky, and R. Zemel. Generative oment atching Networks [7] D. J. ackay. Bayesian Neural Networks and Density Networks. In: Nuclear Instruments and ethods in Physics Research, A. 994, pp [8] S. endelson. A Few Notes on Statistical Learning Theory. English. In: Advanced Lectures on achine Learning. Ed. by S. endelson and A. Smola. Vol Lecture Notes in Computer Science. Springer Berlin Heidelberg, 003, pp. 40. [9] C. E. Rasmussen and C. K. I. Williams. Gaussian Processes for achine Learning Adaptive Computation and achine Learning). The IT Press, 005. [0] R. Salakhutdinov and G. E. Hinton. Deep Boltzmann achines. In: Journal of achine Learning Research - Proceedings Track 5 009), pp [] E. Saund. Dimensionality-Reduction Using Connectionist Networks. In: IEEE Trans. Pattern Anal. ach. Intell ), pp [] B. K. Sriperumbudur, A. Gretton, K. Fukumizu, G. Lanckriet, and B. Schölkopf. Injective Hilbert Space Embeddings of Probability easures. In: Conf. Comp. Learn. Theory, COLT) [3] J.. Susskind, A. K. Anderson, and G. E. Hinton. The Toronto face database. Tech. rep. 00. [4] T. Tieleman and G. Hinton. Lecture 6.5 RmsProp: Divide the gradient by a running average of its recent magnitude. COURSERA: Neural Networks for achine Learning. 0. [5] B. Uria, I. urray, and H. Larochelle. A Deep and Tractable Density Estimator. In: CoRR abs/ ).

Training generative neural networks via Maximum Mean Discrepancy optimization

Training generative neural networks via Maximum Mean Discrepancy optimization Training generative neural networks via Maximum Mean Discrepancy optimization Gintare Karolina Dziugaite University of Cambridge Daniel M. Roy University of Toronto Zoubin Ghahramani University of Cambridge

More information

Importance Reweighting Using Adversarial-Collaborative Training

Importance Reweighting Using Adversarial-Collaborative Training Importance Reweighting Using Adversarial-Collaborative Training Yifan Wu yw4@andrew.cmu.edu Tianshu Ren tren@andrew.cmu.edu Lidan Mu lmu@andrew.cmu.edu Abstract We consider the problem of reweighting a

More information

Need for Deep Networks Perceptron. Can only model linear functions. Kernel Machines. Non-linearity provided by kernels

Need for Deep Networks Perceptron. Can only model linear functions. Kernel Machines. Non-linearity provided by kernels Need for Deep Networks Perceptron Can only model linear functions Kernel Machines Non-linearity provided by kernels Need to design appropriate kernels (possibly selecting from a set, i.e. kernel learning)

More information

Stochastic Gradient Estimate Variance in Contrastive Divergence and Persistent Contrastive Divergence

Stochastic Gradient Estimate Variance in Contrastive Divergence and Persistent Contrastive Divergence ESANN 0 proceedings, European Symposium on Artificial Neural Networks, Computational Intelligence and Machine Learning. Bruges (Belgium), 7-9 April 0, idoc.com publ., ISBN 97-7707-. Stochastic Gradient

More information

Need for Deep Networks Perceptron. Can only model linear functions. Kernel Machines. Non-linearity provided by kernels

Need for Deep Networks Perceptron. Can only model linear functions. Kernel Machines. Non-linearity provided by kernels Need for Deep Networks Perceptron Can only model linear functions Kernel Machines Non-linearity provided by kernels Need to design appropriate kernels (possibly selecting from a set, i.e. kernel learning)

More information

Lecture 14: Deep Generative Learning

Lecture 14: Deep Generative Learning Generative Modeling CSED703R: Deep Learning for Visual Recognition (2017F) Lecture 14: Deep Generative Learning Density estimation Reconstructing probability density function using samples Bohyung Han

More information

(Feed-Forward) Neural Networks Dr. Hajira Jabeen, Prof. Jens Lehmann

(Feed-Forward) Neural Networks Dr. Hajira Jabeen, Prof. Jens Lehmann (Feed-Forward) Neural Networks 2016-12-06 Dr. Hajira Jabeen, Prof. Jens Lehmann Outline In the previous lectures we have learned about tensors and factorization methods. RESCAL is a bilinear model for

More information

Deep Feedforward Networks

Deep Feedforward Networks Deep Feedforward Networks Liu Yang March 30, 2017 Liu Yang Short title March 30, 2017 1 / 24 Overview 1 Background A general introduction Example 2 Gradient based learning Cost functions Output Units 3

More information

Comparison of Modern Stochastic Optimization Algorithms

Comparison of Modern Stochastic Optimization Algorithms Comparison of Modern Stochastic Optimization Algorithms George Papamakarios December 214 Abstract Gradient-based optimization methods are popular in machine learning applications. In large-scale problems,

More information

Deep learning / Ian Goodfellow, Yoshua Bengio and Aaron Courville. - Cambridge, MA ; London, Spis treści

Deep learning / Ian Goodfellow, Yoshua Bengio and Aaron Courville. - Cambridge, MA ; London, Spis treści Deep learning / Ian Goodfellow, Yoshua Bengio and Aaron Courville. - Cambridge, MA ; London, 2017 Spis treści Website Acknowledgments Notation xiii xv xix 1 Introduction 1 1.1 Who Should Read This Book?

More information

Stein Variational Gradient Descent: A General Purpose Bayesian Inference Algorithm

Stein Variational Gradient Descent: A General Purpose Bayesian Inference Algorithm Stein Variational Gradient Descent: A General Purpose Bayesian Inference Algorithm Qiang Liu and Dilin Wang NIPS 2016 Discussion by Yunchen Pu March 17, 2017 March 17, 2017 1 / 8 Introduction Let x R d

More information

Some theoretical properties of GANs. Gérard Biau Toulouse, September 2018

Some theoretical properties of GANs. Gérard Biau Toulouse, September 2018 Some theoretical properties of GANs Gérard Biau Toulouse, September 2018 Coauthors Benoît Cadre (ENS Rennes) Maxime Sangnier (Sorbonne University) Ugo Tanielian (Sorbonne University & Criteo) 1 video Source:

More information

Kernel Learning via Random Fourier Representations

Kernel Learning via Random Fourier Representations Kernel Learning via Random Fourier Representations L. Law, M. Mider, X. Miscouridou, S. Ip, A. Wang Module 5: Machine Learning L. Law, M. Mider, X. Miscouridou, S. Ip, A. Wang Kernel Learning via Random

More information

Speaker Representation and Verification Part II. by Vasileios Vasilakakis

Speaker Representation and Verification Part II. by Vasileios Vasilakakis Speaker Representation and Verification Part II by Vasileios Vasilakakis Outline -Approaches of Neural Networks in Speaker/Speech Recognition -Feed-Forward Neural Networks -Training with Back-propagation

More information

Chapter 20. Deep Generative Models

Chapter 20. Deep Generative Models Peng et al.: Deep Learning and Practice 1 Chapter 20 Deep Generative Models Peng et al.: Deep Learning and Practice 2 Generative Models Models that are able to Provide an estimate of the probability distribution

More information

OPTIMIZATION METHODS IN DEEP LEARNING

OPTIMIZATION METHODS IN DEEP LEARNING Tutorial outline OPTIMIZATION METHODS IN DEEP LEARNING Based on Deep Learning, chapter 8 by Ian Goodfellow, Yoshua Bengio and Aaron Courville Presented By Nadav Bhonker Optimization vs Learning Surrogate

More information

CS 6501: Deep Learning for Computer Graphics. Basics of Neural Networks. Connelly Barnes

CS 6501: Deep Learning for Computer Graphics. Basics of Neural Networks. Connelly Barnes CS 6501: Deep Learning for Computer Graphics Basics of Neural Networks Connelly Barnes Overview Simple neural networks Perceptron Feedforward neural networks Multilayer perceptron and properties Autoencoders

More information

Learning Deep Architectures for AI. Part II - Vijay Chakilam

Learning Deep Architectures for AI. Part II - Vijay Chakilam Learning Deep Architectures for AI - Yoshua Bengio Part II - Vijay Chakilam Limitations of Perceptron x1 W, b 0,1 1,1 y x2 weight plane output =1 output =0 There is no value for W and b such that the model

More information

A Linear-Time Kernel Goodness-of-Fit Test

A Linear-Time Kernel Goodness-of-Fit Test A Linear-Time Kernel Goodness-of-Fit Test Wittawat Jitkrittum 1; Wenkai Xu 1 Zoltán Szabó 2 NIPS 2017 Best paper! Kenji Fukumizu 3 Arthur Gretton 1 wittawatj@gmail.com 1 Gatsby Unit, University College

More information

Deep Generative Models. (Unsupervised Learning)

Deep Generative Models. (Unsupervised Learning) Deep Generative Models (Unsupervised Learning) CEng 783 Deep Learning Fall 2017 Emre Akbaş Reminders Next week: project progress demos in class Describe your problem/goal What you have done so far What

More information

NONLINEAR CLASSIFICATION AND REGRESSION. J. Elder CSE 4404/5327 Introduction to Machine Learning and Pattern Recognition

NONLINEAR CLASSIFICATION AND REGRESSION. J. Elder CSE 4404/5327 Introduction to Machine Learning and Pattern Recognition NONLINEAR CLASSIFICATION AND REGRESSION Nonlinear Classification and Regression: Outline 2 Multi-Layer Perceptrons The Back-Propagation Learning Algorithm Generalized Linear Models Radial Basis Function

More information

Convergence Rates of Kernel Quadrature Rules

Convergence Rates of Kernel Quadrature Rules Convergence Rates of Kernel Quadrature Rules Francis Bach INRIA - Ecole Normale Supérieure, Paris, France ÉCOLE NORMALE SUPÉRIEURE NIPS workshop on probabilistic integration - Dec. 2015 Outline Introduction

More information

Learning Interpretable Features to Compare Distributions

Learning Interpretable Features to Compare Distributions Learning Interpretable Features to Compare Distributions Arthur Gretton Gatsby Computational Neuroscience Unit, University College London Theory of Big Data, 2017 1/41 Goal of this talk Given: Two collections

More information

Imitation Learning via Kernel Mean Embedding

Imitation Learning via Kernel Mean Embedding Imitation Learning via Kernel Mean Embedding Kee-Eung Kim School of Computer Science KAIST kekim@cs.kaist.ac.kr Hyun Soo Park Department of Computer Science and Engineering University of Minnesota hspark@umn.edu

More information

Recovering Distributions from Gaussian RKHS Embeddings

Recovering Distributions from Gaussian RKHS Embeddings Motonobu Kanagawa Graduate University for Advanced Studies kanagawa@ism.ac.jp Kenji Fukumizu Institute of Statistical Mathematics fukumizu@ism.ac.jp Abstract Recent advances of kernel methods have yielded

More information

COMP9444: Neural Networks. Vapnik Chervonenkis Dimension, PAC Learning and Structural Risk Minimization

COMP9444: Neural Networks. Vapnik Chervonenkis Dimension, PAC Learning and Structural Risk Minimization : Neural Networks Vapnik Chervonenkis Dimension, PAC Learning and Structural Risk Minimization 11s2 VC-dimension and PAC-learning 1 How good a classifier does a learner produce? Training error is the precentage

More information

CSE 417T: Introduction to Machine Learning. Final Review. Henry Chai 12/4/18

CSE 417T: Introduction to Machine Learning. Final Review. Henry Chai 12/4/18 CSE 417T: Introduction to Machine Learning Final Review Henry Chai 12/4/18 Overfitting Overfitting is fitting the training data more than is warranted Fitting noise rather than signal 2 Estimating! "#$

More information

Lecture 35: December The fundamental statistical distances

Lecture 35: December The fundamental statistical distances 36-705: Intermediate Statistics Fall 207 Lecturer: Siva Balakrishnan Lecture 35: December 4 Today we will discuss distances and metrics between distributions that are useful in statistics. I will be lose

More information

Performance Comparison of K-Means and Expectation Maximization with Gaussian Mixture Models for Clustering EE6540 Final Project

Performance Comparison of K-Means and Expectation Maximization with Gaussian Mixture Models for Clustering EE6540 Final Project Performance Comparison of K-Means and Expectation Maximization with Gaussian Mixture Models for Clustering EE6540 Final Project Devin Cornell & Sushruth Sastry May 2015 1 Abstract In this article, we explore

More information

From CDF to PDF A Density Estimation Method for High Dimensional Data

From CDF to PDF A Density Estimation Method for High Dimensional Data From CDF to PDF A Density Estimation Method for High Dimensional Data Shengdong Zhang Simon Fraser University sza75@sfu.ca arxiv:1804.05316v1 [stat.ml] 15 Apr 2018 April 17, 2018 1 Introduction Probability

More information

Feedforward Neural Networks. Michael Collins, Columbia University

Feedforward Neural Networks. Michael Collins, Columbia University Feedforward Neural Networks Michael Collins, Columbia University Recap: Log-linear Models A log-linear model takes the following form: p(y x; v) = exp (v f(x, y)) y Y exp (v f(x, y )) f(x, y) is the representation

More information

Singing Voice Separation using Generative Adversarial Networks

Singing Voice Separation using Generative Adversarial Networks Singing Voice Separation using Generative Adversarial Networks Hyeong-seok Choi, Kyogu Lee Music and Audio Research Group Graduate School of Convergence Science and Technology Seoul National University

More information

GENERATIVE ADVERSARIAL LEARNING

GENERATIVE ADVERSARIAL LEARNING GENERATIVE ADVERSARIAL LEARNING OF MARKOV CHAINS Jiaming Song, Shengjia Zhao & Stefano Ermon Computer Science Department Stanford University {tsong,zhaosj12,ermon}@cs.stanford.edu ABSTRACT We investigate

More information

The geometry of Gaussian processes and Bayesian optimization. Contal CMLA, ENS Cachan

The geometry of Gaussian processes and Bayesian optimization. Contal CMLA, ENS Cachan The geometry of Gaussian processes and Bayesian optimization. Contal CMLA, ENS Cachan Background: Global Optimization and Gaussian Processes The Geometry of Gaussian Processes and the Chaining Trick Algorithm

More information

Large-Scale Feature Learning with Spike-and-Slab Sparse Coding

Large-Scale Feature Learning with Spike-and-Slab Sparse Coding Large-Scale Feature Learning with Spike-and-Slab Sparse Coding Ian J. Goodfellow, Aaron Courville, Yoshua Bengio ICML 2012 Presented by Xin Yuan January 17, 2013 1 Outline Contributions Spike-and-Slab

More information

Deep Neural Networks: From Flat Minima to Numerically Nonvacuous Generalization Bounds via PAC-Bayes

Deep Neural Networks: From Flat Minima to Numerically Nonvacuous Generalization Bounds via PAC-Bayes Deep Neural Networks: From Flat Minima to Numerically Nonvacuous Generalization Bounds via PAC-Bayes Daniel M. Roy University of Toronto; Vector Institute Joint work with Gintarė K. Džiugaitė University

More information

9 Classification. 9.1 Linear Classifiers

9 Classification. 9.1 Linear Classifiers 9 Classification This topic returns to prediction. Unlike linear regression where we were predicting a numeric value, in this case we are predicting a class: winner or loser, yes or no, rich or poor, positive

More information

Lecture 7 Introduction to Statistical Decision Theory

Lecture 7 Introduction to Statistical Decision Theory Lecture 7 Introduction to Statistical Decision Theory I-Hsiang Wang Department of Electrical Engineering National Taiwan University ihwang@ntu.edu.tw December 20, 2016 1 / 55 I-Hsiang Wang IT Lecture 7

More information

Deep Feedforward Networks

Deep Feedforward Networks Deep Feedforward Networks Liu Yang March 30, 2017 Liu Yang Short title March 30, 2017 1 / 24 Overview 1 Background A general introduction Example 2 Gradient based learning Cost functions Output Units 3

More information

Kernel methods for hypothesis testing and inference

Kernel methods for hypothesis testing and inference Kernel methods for hypothesis testing and inference MLSS Tübingen, 2015 Arthur Gretton Gatsby Unit, CSML, UCL Some motivating questions... Detecting differences in brain signals The problem: Do local field

More information

Summary and discussion of: Dropout Training as Adaptive Regularization

Summary and discussion of: Dropout Training as Adaptive Regularization Summary and discussion of: Dropout Training as Adaptive Regularization Statistics Journal Club, 36-825 Kirstin Early and Calvin Murdock November 21, 2014 1 Introduction Multi-layered (i.e. deep) artificial

More information

The Learning Problem and Regularization

The Learning Problem and Regularization 9.520 Class 02 February 2011 Computational Learning Statistical Learning Theory Learning is viewed as a generalization/inference problem from usually small sets of high dimensional, noisy data. Learning

More information

CS168: The Modern Algorithmic Toolbox Lecture #6: Regularization

CS168: The Modern Algorithmic Toolbox Lecture #6: Regularization CS168: The Modern Algorithmic Toolbox Lecture #6: Regularization Tim Roughgarden & Gregory Valiant April 18, 2018 1 The Context and Intuition behind Regularization Given a dataset, and some class of models

More information

Learning features to compare distributions

Learning features to compare distributions Learning features to compare distributions Arthur Gretton Gatsby Computational Neuroscience Unit, University College London NIPS 2016 Workshop on Adversarial Learning, Barcelona Spain 1/28 Goal of this

More information

Gaussian processes. Chuong B. Do (updated by Honglak Lee) November 22, 2008

Gaussian processes. Chuong B. Do (updated by Honglak Lee) November 22, 2008 Gaussian processes Chuong B Do (updated by Honglak Lee) November 22, 2008 Many of the classical machine learning algorithms that we talked about during the first half of this course fit the following pattern:

More information

Generalization theory

Generalization theory Generalization theory Daniel Hsu Columbia TRIPODS Bootcamp 1 Motivation 2 Support vector machines X = R d, Y = { 1, +1}. Return solution ŵ R d to following optimization problem: λ min w R d 2 w 2 2 + 1

More information

Notes on Adversarial Examples

Notes on Adversarial Examples Notes on Adversarial Examples David Meyer dmm@{1-4-5.net,uoregon.edu,...} March 14, 2017 1 Introduction The surprising discovery of adversarial examples by Szegedy et al. [6] has led to new ways of thinking

More information

Learning from Examples

Learning from Examples Learning from Examples Data fitting Decision trees Cross validation Computational learning theory Linear classifiers Neural networks Nonparametric methods: nearest neighbor Support vector machines Ensemble

More information

Feedforward Neural Networks

Feedforward Neural Networks Feedforward Neural Networks Michael Collins 1 Introduction In the previous notes, we introduced an important class of models, log-linear models. In this note, we describe feedforward neural networks, which

More information

Artificial Neural Networks

Artificial Neural Networks Introduction ANN in Action Final Observations Application: Poverty Detection Artificial Neural Networks Alvaro J. Riascos Villegas University of los Andes and Quantil July 6 2018 Artificial Neural Networks

More information

Computational statistics

Computational statistics Computational statistics Lecture 3: Neural networks Thierry Denœux 5 March, 2016 Neural networks A class of learning methods that was developed separately in different fields statistics and artificial

More information

arxiv: v2 [cs.lg] 16 Mar 2013

arxiv: v2 [cs.lg] 16 Mar 2013 Metric-Free Natural Gradient for Joint-Training of Boltzmann Machines arxiv:1301.3545v2 cs.lg 16 Mar 2013 Guillaume Desjardins, Razvan Pascanu, Aaron Courville and Yoshua Bengio Département d informatique

More information

Empirical Risk Minimization

Empirical Risk Minimization Empirical Risk Minimization Fabrice Rossi SAMM Université Paris 1 Panthéon Sorbonne 2018 Outline Introduction PAC learning ERM in practice 2 General setting Data X the input space and Y the output space

More information

Energy-Based Generative Adversarial Network

Energy-Based Generative Adversarial Network Energy-Based Generative Adversarial Network Energy-Based Generative Adversarial Network J. Zhao, M. Mathieu and Y. LeCun Learning to Draw Samples: With Application to Amoritized MLE for Generalized Adversarial

More information

Computational Learning Theory - Hilary Term : Learning Real-valued Functions

Computational Learning Theory - Hilary Term : Learning Real-valued Functions Computational Learning Theory - Hilary Term 08 8 : Learning Real-valued Functions Lecturer: Varun Kanade So far our focus has been on learning boolean functions. Boolean functions are suitable for modelling

More information

Midterm Review CS 6375: Machine Learning. Vibhav Gogate The University of Texas at Dallas

Midterm Review CS 6375: Machine Learning. Vibhav Gogate The University of Texas at Dallas Midterm Review CS 6375: Machine Learning Vibhav Gogate The University of Texas at Dallas Machine Learning Supervised Learning Unsupervised Learning Reinforcement Learning Parametric Y Continuous Non-parametric

More information

Can we do statistical inference in a non-asymptotic way? 1

Can we do statistical inference in a non-asymptotic way? 1 Can we do statistical inference in a non-asymptotic way? 1 Guang Cheng 2 Statistics@Purdue www.science.purdue.edu/bigdata/ ONR Review Meeting@Duke Oct 11, 2017 1 Acknowledge NSF, ONR and Simons Foundation.

More information

Metric Embedding for Kernel Classification Rules

Metric Embedding for Kernel Classification Rules Metric Embedding for Kernel Classification Rules Bharath K. Sriperumbudur University of California, San Diego (Joint work with Omer Lang & Gert Lanckriet) Bharath K. Sriperumbudur (UCSD) Metric Embedding

More information

CSC321 Lecture 9: Generalization

CSC321 Lecture 9: Generalization CSC321 Lecture 9: Generalization Roger Grosse Roger Grosse CSC321 Lecture 9: Generalization 1 / 27 Overview We ve focused so far on how to optimize neural nets how to get them to make good predictions

More information

On Acceleration with Noise-Corrupted Gradients. + m k 1 (x). By the definition of Bregman divergence:

On Acceleration with Noise-Corrupted Gradients. + m k 1 (x). By the definition of Bregman divergence: A Omitted Proofs from Section 3 Proof of Lemma 3 Let m x) = a i On Acceleration with Noise-Corrupted Gradients fxi ), u x i D ψ u, x 0 ) denote the function under the minimum in the lower bound By Proposition

More information

Appendix A.1 Derivation of Nesterov s Accelerated Gradient as a Momentum Method

Appendix A.1 Derivation of Nesterov s Accelerated Gradient as a Momentum Method for all t is su cient to obtain the same theoretical guarantees. This method for choosing the learning rate assumes that f is not noisy, and will result in too-large learning rates if the objective is

More information

Lecture 5: Logistic Regression. Neural Networks

Lecture 5: Logistic Regression. Neural Networks Lecture 5: Logistic Regression. Neural Networks Logistic regression Comparison with generative models Feed-forward neural networks Backpropagation Tricks for training neural networks COMP-652, Lecture

More information

EECS 598: Statistical Learning Theory, Winter 2014 Topic 11. Kernels

EECS 598: Statistical Learning Theory, Winter 2014 Topic 11. Kernels EECS 598: Statistical Learning Theory, Winter 2014 Topic 11 Kernels Lecturer: Clayton Scott Scribe: Jun Guo, Soumik Chatterjee Disclaimer: These notes have not been subjected to the usual scrutiny reserved

More information

Neural Networks and Deep Learning

Neural Networks and Deep Learning Neural Networks and Deep Learning Professor Ameet Talwalkar November 12, 2015 Professor Ameet Talwalkar Neural Networks and Deep Learning November 12, 2015 1 / 16 Outline 1 Review of last lecture AdaBoost

More information

Machine Learning. Support Vector Machines. Fabio Vandin November 20, 2017

Machine Learning. Support Vector Machines. Fabio Vandin November 20, 2017 Machine Learning Support Vector Machines Fabio Vandin November 20, 2017 1 Classification and Margin Consider a classification problem with two classes: instance set X = R d label set Y = { 1, 1}. Training

More information

Serious limitations of (single-layer) perceptrons: Cannot learn non-linearly separable tasks. Cannot approximate (learn) non-linear functions

Serious limitations of (single-layer) perceptrons: Cannot learn non-linearly separable tasks. Cannot approximate (learn) non-linear functions BACK-PROPAGATION NETWORKS Serious limitations of (single-layer) perceptrons: Cannot learn non-linearly separable tasks Cannot approximate (learn) non-linear functions Difficult (if not impossible) to design

More information

Random Feature Maps for Dot Product Kernels Supplementary Material

Random Feature Maps for Dot Product Kernels Supplementary Material Random Feature Maps for Dot Product Kernels Supplementary Material Purushottam Kar and Harish Karnick Indian Institute of Technology Kanpur, INDIA {purushot,hk}@cse.iitk.ac.in Abstract This document contains

More information

Course 10. Kernel methods. Classical and deep neural networks.

Course 10. Kernel methods. Classical and deep neural networks. Course 10 Kernel methods. Classical and deep neural networks. Kernel methods in similarity-based learning Following (Ionescu, 2018) The Vector Space Model ò The representation of a set of objects as vectors

More information

Computational and Statistical Learning Theory

Computational and Statistical Learning Theory Computational and Statistical Learning Theory TTIC 31120 Prof. Nati Srebro Lecture 17: Stochastic Optimization Part II: Realizable vs Agnostic Rates Part III: Nearest Neighbor Classification Stochastic

More information

Lecture 4: Types of errors. Bayesian regression models. Logistic regression

Lecture 4: Types of errors. Bayesian regression models. Logistic regression Lecture 4: Types of errors. Bayesian regression models. Logistic regression A Bayesian interpretation of regularization Bayesian vs maximum likelihood fitting more generally COMP-652 and ECSE-68, Lecture

More information

Tutorial on Machine Learning for Advanced Electronics

Tutorial on Machine Learning for Advanced Electronics Tutorial on Machine Learning for Advanced Electronics Maxim Raginsky March 2017 Part I (Some) Theory and Principles Machine Learning: estimation of dependencies from empirical data (V. Vapnik) enabling

More information

Unsupervised Learning

Unsupervised Learning Unsupervised Learning Bayesian Model Comparison Zoubin Ghahramani zoubin@gatsby.ucl.ac.uk Gatsby Computational Neuroscience Unit, and MSc in Intelligent Systems, Dept Computer Science University College

More information

MMD GAN 1 Fisher GAN 2

MMD GAN 1 Fisher GAN 2 MMD GAN 1 Fisher GAN 1 Chun-Liang Li, Wei-Cheng Chang, Yu Cheng, Yiming Yang, and Barnabás Póczos (CMU, IBM Research) Youssef Mroueh, and Tom Sercu (IBM Research) Presented by Rui-Yi(Roy) Zhang Decemeber

More information

Auto-Encoding Variational Bayes

Auto-Encoding Variational Bayes Auto-Encoding Variational Bayes Diederik P Kingma, Max Welling June 18, 2018 Diederik P Kingma, Max Welling Auto-Encoding Variational Bayes June 18, 2018 1 / 39 Outline 1 Introduction 2 Variational Lower

More information

Gaussian Processes. Le Song. Machine Learning II: Advanced Topics CSE 8803ML, Spring 2012

Gaussian Processes. Le Song. Machine Learning II: Advanced Topics CSE 8803ML, Spring 2012 Gaussian Processes Le Song Machine Learning II: Advanced Topics CSE 8803ML, Spring 01 Pictorial view of embedding distribution Transform the entire distribution to expected features Feature space Feature

More information

The connection of dropout and Bayesian statistics

The connection of dropout and Bayesian statistics The connection of dropout and Bayesian statistics Interpretation of dropout as approximate Bayesian modelling of NN http://mlg.eng.cam.ac.uk/yarin/thesis/thesis.pdf Dropout Geoffrey Hinton Google, University

More information

Generative adversarial networks

Generative adversarial networks 14-1: Generative adversarial networks Prof. J.C. Kao, UCLA Generative adversarial networks Why GANs? GAN intuition GAN equilibrium GAN implementation Practical considerations Much of these notes are based

More information

Generalization Bounds in Machine Learning. Presented by: Afshin Rostamizadeh

Generalization Bounds in Machine Learning. Presented by: Afshin Rostamizadeh Generalization Bounds in Machine Learning Presented by: Afshin Rostamizadeh Outline Introduction to generalization bounds. Examples: VC-bounds Covering Number bounds Rademacher bounds Stability bounds

More information

WHY ARE DEEP NETS REVERSIBLE: A SIMPLE THEORY,

WHY ARE DEEP NETS REVERSIBLE: A SIMPLE THEORY, WHY ARE DEEP NETS REVERSIBLE: A SIMPLE THEORY, WITH IMPLICATIONS FOR TRAINING Sanjeev Arora, Yingyu Liang & Tengyu Ma Department of Computer Science Princeton University Princeton, NJ 08540, USA {arora,yingyul,tengyu}@cs.princeton.edu

More information

21.1 Lower bounds on minimax risk for functional estimation

21.1 Lower bounds on minimax risk for functional estimation ECE598: Information-theoretic methods in high-dimensional statistics Spring 016 Lecture 1: Functional estimation & testing Lecturer: Yihong Wu Scribe: Ashok Vardhan, Apr 14, 016 In this chapter, we will

More information

Lecture 4: Probabilistic Learning. Estimation Theory. Classification with Probability Distributions

Lecture 4: Probabilistic Learning. Estimation Theory. Classification with Probability Distributions DD2431 Autumn, 2014 1 2 3 Classification with Probability Distributions Estimation Theory Classification in the last lecture we assumed we new: P(y) Prior P(x y) Lielihood x2 x features y {ω 1,..., ω K

More information

Maximum Mean Discrepancy

Maximum Mean Discrepancy Maximum Mean Discrepancy Thanks to Karsten Borgwardt, Malte Rasch, Bernhard Schölkopf, Jiayuan Huang, Arthur Gretton Alexander J. Smola Statistical Machine Learning Program Canberra, ACT 0200 Australia

More information

Pattern Recognition and Machine Learning. Bishop Chapter 6: Kernel Methods

Pattern Recognition and Machine Learning. Bishop Chapter 6: Kernel Methods Pattern Recognition and Machine Learning Chapter 6: Kernel Methods Vasil Khalidov Alex Kläser December 13, 2007 Training Data: Keep or Discard? Parametric methods (linear/nonlinear) so far: learn parameter

More information

A graph contains a set of nodes (vertices) connected by links (edges or arcs)

A graph contains a set of nodes (vertices) connected by links (edges or arcs) BOLTZMANN MACHINES Generative Models Graphical Models A graph contains a set of nodes (vertices) connected by links (edges or arcs) In a probabilistic graphical model, each node represents a random variable,

More information

Machine Learning Lecture 12

Machine Learning Lecture 12 Machine Learning Lecture 12 Neural Networks 30.11.2017 Bastian Leibe RWTH Aachen http://www.vision.rwth-aachen.de leibe@vision.rwth-aachen.de Course Outline Fundamentals Bayes Decision Theory Probability

More information

Bregman Divergence and Mirror Descent

Bregman Divergence and Mirror Descent Bregman Divergence and Mirror Descent Bregman Divergence Motivation Generalize squared Euclidean distance to a class of distances that all share similar properties Lots of applications in machine learning,

More information

MIT 9.520/6.860, Fall 2017 Statistical Learning Theory and Applications. Class 19: Data Representation by Design

MIT 9.520/6.860, Fall 2017 Statistical Learning Theory and Applications. Class 19: Data Representation by Design MIT 9.520/6.860, Fall 2017 Statistical Learning Theory and Applications Class 19: Data Representation by Design What is data representation? Let X be a data-space X M (M) F (M) X A data representation

More information

Reading Group on Deep Learning Session 1

Reading Group on Deep Learning Session 1 Reading Group on Deep Learning Session 1 Stephane Lathuiliere & Pablo Mesejo 2 June 2016 1/31 Contents Introduction to Artificial Neural Networks to understand, and to be able to efficiently use, the popular

More information

Wasserstein GAN. Juho Lee. Jan 23, 2017

Wasserstein GAN. Juho Lee. Jan 23, 2017 Wasserstein GAN Juho Lee Jan 23, 2017 Wasserstein GAN (WGAN) Arxiv submission Martin Arjovsky, Soumith Chintala, and Léon Bottou A new GAN model minimizing the Earth-Mover s distance (Wasserstein-1 distance)

More information

Empirical Processes: General Weak Convergence Theory

Empirical Processes: General Weak Convergence Theory Empirical Processes: General Weak Convergence Theory Moulinath Banerjee May 18, 2010 1 Extended Weak Convergence The lack of measurability of the empirical process with respect to the sigma-field generated

More information

Midterm Review CS 7301: Advanced Machine Learning. Vibhav Gogate The University of Texas at Dallas

Midterm Review CS 7301: Advanced Machine Learning. Vibhav Gogate The University of Texas at Dallas Midterm Review CS 7301: Advanced Machine Learning Vibhav Gogate The University of Texas at Dallas Supervised Learning Issues in supervised learning What makes learning hard Point Estimation: MLE vs Bayesian

More information

Linking non-binned spike train kernels to several existing spike train metrics

Linking non-binned spike train kernels to several existing spike train metrics Linking non-binned spike train kernels to several existing spike train metrics Benjamin Schrauwen Jan Van Campenhout ELIS, Ghent University, Belgium Benjamin.Schrauwen@UGent.be Abstract. This work presents

More information

CSC2515 Winter 2015 Introduction to Machine Learning. Lecture 2: Linear regression

CSC2515 Winter 2015 Introduction to Machine Learning. Lecture 2: Linear regression CSC2515 Winter 2015 Introduction to Machine Learning Lecture 2: Linear regression All lecture slides will be available as.pdf on the course website: http://www.cs.toronto.edu/~urtasun/courses/csc2515/csc2515_winter15.html

More information

Generative Adversarial Networks

Generative Adversarial Networks Generative Adversarial Networks SIBGRAPI 2017 Tutorial Everything you wanted to know about Deep Learning for Computer Vision but were afraid to ask Presentation content inspired by Ian Goodfellow s tutorial

More information

Minimax Estimation of Kernel Mean Embeddings

Minimax Estimation of Kernel Mean Embeddings Minimax Estimation of Kernel Mean Embeddings Bharath K. Sriperumbudur Department of Statistics Pennsylvania State University Gatsby Computational Neuroscience Unit May 4, 2016 Collaborators Dr. Ilya Tolstikhin

More information

Topology. Xiaolong Han. Department of Mathematics, California State University, Northridge, CA 91330, USA address:

Topology. Xiaolong Han. Department of Mathematics, California State University, Northridge, CA 91330, USA  address: Topology Xiaolong Han Department of Mathematics, California State University, Northridge, CA 91330, USA E-mail address: Xiaolong.Han@csun.edu Remark. You are entitled to a reward of 1 point toward a homework

More information

Understanding Neural Networks : Part I

Understanding Neural Networks : Part I TensorFlow Workshop 2018 Understanding Neural Networks Part I : Artificial Neurons and Network Optimization Nick Winovich Department of Mathematics Purdue University July 2018 Outline 1 Neural Networks

More information

Announcements. Proposals graded

Announcements. Proposals graded Announcements Proposals graded Kevin Jamieson 2018 1 Bayesian Methods Machine Learning CSE546 Kevin Jamieson University of Washington November 1, 2018 2018 Kevin Jamieson 2 MLE Recap - coin flips Data:

More information

ADECENTRALIZED detection system typically involves a

ADECENTRALIZED detection system typically involves a IEEE TRANSACTIONS ON SIGNAL PROCESSING, VOL 53, NO 11, NOVEMBER 2005 4053 Nonparametric Decentralized Detection Using Kernel Methods XuanLong Nguyen, Martin J Wainwright, Member, IEEE, and Michael I Jordan,

More information

Encoder Based Lifelong Learning - Supplementary materials

Encoder Based Lifelong Learning - Supplementary materials Encoder Based Lifelong Learning - Supplementary materials Amal Rannen Rahaf Aljundi Mathew B. Blaschko Tinne Tuytelaars KU Leuven KU Leuven, ESAT-PSI, IMEC, Belgium firstname.lastname@esat.kuleuven.be

More information