SlideShare a Scribd company logo
KERNEL METHODS
박수철
목차
• 6.1 Dual Representations
• 6.2 Constructing Kernels
• 6.3 Radial Basis Function Networks
o 6.3.1 Nadaraya-Watson model
• 6.4 Gaussian Process
o 6.4.1 Linear regression revisited
o 6.4.2 Gaussian processes for regression
o 6.4.3 Learning the hyperparameters
o 6.4.4 Automatic relevance determination
o 6.4.5 Gaussian processes for classification
o 6.4.6 Laplace approximation
o 6.4.7 Connection to neural networks
6.1. Dual Representation
Sum-of-squares error function in a linear regression model
6.1. Dual Representation
k(x) =
k(x1, x)
k(x2, x)
:
k(xN, x)
Regularized least squares
6.2. Constructing Kernels
6.2. Constructing Kernels
Polynomial kernel
https://en.wikipedia.org/wiki/Polynomial_kernel
6.2. Constructing Kernels
6.2. Constructing Kernels
Appendix C
6.2. Constructing Kernels
https://www.cse.iitk.ac.in/users/rmittal/prev_course/s14/notes/lec11.pdf
6.2. Constructing Kernels
6.3 Radial Basis Function Networks
6.3 Radial Basis Function Networks
y(x)
x
m
xm
6.3.1 Nadaraya-Watson model
6.3.1 Nadaraya-Watson model
1. Kernel regression
by definition of conditional
by (6.42)
t’=t+tn , dt’/dt = 1
2. Density estimation
6.4 Gaussian Processes
6.4 Gaussian Processes
1 0
0 1
1 0.9
0.9 1
1 -0.9
-0.9 1
1 0.4
0.4 1
6.4 Gaussian Processes
p(y) ~ N(y|0, K)
6.4 Gaussian Processes
K =
IN
K = ?
data를 잘 sampling 해낼 수 있는 covariance matrix K를 찾는 것이 목표!
6.4 Gaussian Processes
covariance matrix = positive-semidefinite matrix = gram matrix
6.4.1 Linear regression revisited
6.4.1 Linear regression revisited
Var[w]
p(y) = N(y|0, K)
y(x1), y(x2), … , y(xN)
6.4.1 Linear regression revisited
Gaussian kernel
exponential kernel
Gram matrix K
6.4.1 Linear regression revisited
linear kernel k(xn, xm) = (xn)T xm
constant kernel k(xn, xm) = C
6.4.2 Gaussian processes for regression
length scale of the correlation
constant
linear
radius basis
Gaussian Gram matrix
constant Gram matrix
linear Gram matrix
6.4.1 Linear regression revisited
“In cases where the input vector x is two dimensional, this may also be known as a
Gaussian random field.” p.305
6.4.2 Gaussian processes for regression
Find p(y)
6.4.2 Gaussian processes for regression
Find p(t)
C = β-1IN+K
p(t, y)
6.4.2 Gaussian processes for regression
Find p(tn+1)
6.4.2 Gaussian processes for regression
Find p(tn+1|t)
6.4.3 Learning the hyperparameters
(기계학습, Machine Learning) Week 3 Gaussian Process | Lecture 15
https://www.youtube.com/watch?v=A_ER5Dgg4ck
non-convex function,
multiple maxima
6.4.4 Automatic relevance determination
x2
x1
k(x, x’)
6.4.4 Automatic relevance determination
η1
η2
η3
6.4.5 Gaussian processes for classification
y(x) in Gaussian process regression
6.4.5 Gaussian processes for classification
Find p(aN+1)
= p(tN+1) in Gaussian process regression
6.4.5 Gaussian processes for classification
Find p(tN+1=1|tN)
1. Sampling methods (Neal, 1997)
2. Analytical approximation
- variational inference (Gibbs and Mackay, 2000)
- expectation propagation (Opper and Winther, 2000b; Minka, 2001b; Seeger, 2003)
- Laplace approximation
6.4.6 Laplace approximation
Find p(aN+1|tN)
∵ Bayes’ theorem
Bayes’ theorem
∵
∵
Laplace approx.
6.4.6 Laplace approximation
Find ∇p(aN|tN), ∇∇p(aN|tN)
ln p(aN|tN) = ln p(aN) + ln p(tN|aN) + ln(tN)
const.
∵
6.4.6 Laplace approximation
Find a★
N
http://people.seas.harvard.edu/~yaron/AM221/lecture_notes/AM221_lecture10.pdf
http://nptel.ac.in/courses/106108056/module5/ConvexFunctions.pdf
Proof. Function is convex iff. Hessian is positive semi-definte
6.4.6 Laplace approximation
Find q(aN) that approximate p(aN|tN)
6.4.6 Laplace approximation
Find p(aN+1|tN)
6.4.6 Laplace approximation
끝

More Related Content

PDF
Artificial Neural Networks Lect5: Multi-Layer Perceptron & Backpropagation
PPT
Multi-Layer Perceptrons
DOCX
Advanced data structures & algorithms important questions
PDF
Principal Component Analysis
PPTX
Self-organizing map
PDF
Vc dimension in Machine Learning
PPTX
K Means Clustering Algorithm | K Means Clustering Example | Machine Learning ...
PPTX
Unsupervised learning
Artificial Neural Networks Lect5: Multi-Layer Perceptron & Backpropagation
Multi-Layer Perceptrons
Advanced data structures & algorithms important questions
Principal Component Analysis
Self-organizing map
Vc dimension in Machine Learning
K Means Clustering Algorithm | K Means Clustering Example | Machine Learning ...
Unsupervised learning

What's hot (20)

PPTX
Probabilistic Reasoning
PPTX
Deep Learning - RNN and CNN
PPTX
Deep Learning With Neural Networks
PDF
Neural Network Architectures
PPT
Support Vector Machines
PDF
Decision trees in Machine Learning
PPT
Communication primitives
PDF
Autoencoders
PPTX
AI: Planning and AI
PDF
Neural Networks: Multilayer Perceptron
PPT
Greedy Algorihm
PPTX
Convolutional Neural Network and Its Applications
PDF
Deep Feed Forward Neural Networks and Regularization
PPTX
Dbscan algorithom
PPTX
Image Representation & Descriptors
PDF
Markov Chain Monte Carlo Methods
PPTX
Neural networks
PDF
Deep Belief Networks
PPTX
Tsp branch and-bound
PDF
Nature-Inspired Optimization Algorithms
Probabilistic Reasoning
Deep Learning - RNN and CNN
Deep Learning With Neural Networks
Neural Network Architectures
Support Vector Machines
Decision trees in Machine Learning
Communication primitives
Autoencoders
AI: Planning and AI
Neural Networks: Multilayer Perceptron
Greedy Algorihm
Convolutional Neural Network and Its Applications
Deep Feed Forward Neural Networks and Regularization
Dbscan algorithom
Image Representation & Descriptors
Markov Chain Monte Carlo Methods
Neural networks
Deep Belief Networks
Tsp branch and-bound
Nature-Inspired Optimization Algorithms
Ad

Similar to Kernel Method (16)

PDF
Bayesian Non-parametric Models for Data Science using PyMC
PDF
R refcard-data-mining
PPTX
Bayesian Inference : Kalman filter 에서 Optimization 까지 - 김홍배 박사님
PDF
Stability Analysis and Controller Synthesis for a Class of Piecewise Smooth S...
PDF
DeepLearning 6_5 ~ 6_5_3
PDF
Stability Analysis and Controller Synthesis for a Class of Piecewise Smooth S...
PDF
Gaussian Process Latent Variable Models & applications in single-cell genomics
PDF
A high performance jacobi iterative solver
PDF
Flexible and efficient Gaussian process models for machine ...
PDF
Kernel Bayes Rule
PDF
Microeconometrics_Using_Stata analisis de datos analisis de datos (2).pdf
PDF
Towards Dynamic Consistency Checking in Goal-directed Predicate Answer Set Pr...
PDF
RDataMining-reference-card
PDF
Caret max kuhn
PDF
Caret Package for R
PDF
Cs36565569
Bayesian Non-parametric Models for Data Science using PyMC
R refcard-data-mining
Bayesian Inference : Kalman filter 에서 Optimization 까지 - 김홍배 박사님
Stability Analysis and Controller Synthesis for a Class of Piecewise Smooth S...
DeepLearning 6_5 ~ 6_5_3
Stability Analysis and Controller Synthesis for a Class of Piecewise Smooth S...
Gaussian Process Latent Variable Models & applications in single-cell genomics
A high performance jacobi iterative solver
Flexible and efficient Gaussian process models for machine ...
Kernel Bayes Rule
Microeconometrics_Using_Stata analisis de datos analisis de datos (2).pdf
Towards Dynamic Consistency Checking in Goal-directed Predicate Answer Set Pr...
RDataMining-reference-card
Caret max kuhn
Caret Package for R
Cs36565569
Ad

More from 수철 박 (6)

PDF
diffusion 모델부터 DALLE2까지.pdf
PDF
Flow based generative models
PDF
VQ-VAE
PDF
Gmm to vgmm
PDF
A universal music translation network
PPTX
R.T.Bach
diffusion 모델부터 DALLE2까지.pdf
Flow based generative models
VQ-VAE
Gmm to vgmm
A universal music translation network
R.T.Bach

Recently uploaded (20)

PPTX
UNIT-1 - COAL BASED THERMAL POWER PLANTS
PPTX
additive manufacturing of ss316l using mig welding
PDF
Enhancing Cyber Defense Against Zero-Day Attacks using Ensemble Neural Networks
PDF
Automation-in-Manufacturing-Chapter-Introduction.pdf
PPTX
bas. eng. economics group 4 presentation 1.pptx
PPTX
CARTOGRAPHY AND GEOINFORMATION VISUALIZATION chapter1 NPTE (2).pptx
PPTX
Geodesy 1.pptx...............................................
PPTX
Welding lecture in detail for understanding
PPTX
Construction Project Organization Group 2.pptx
PPTX
CYBER-CRIMES AND SECURITY A guide to understanding
PPT
CRASH COURSE IN ALTERNATIVE PLUMBING CLASS
PPTX
UNIT 4 Total Quality Management .pptx
PPT
Project quality management in manufacturing
PDF
Model Code of Practice - Construction Work - 21102022 .pdf
PPTX
CH1 Production IntroductoryConcepts.pptx
PPTX
Foundation to blockchain - A guide to Blockchain Tech
PDF
Embodied AI: Ushering in the Next Era of Intelligent Systems
PDF
Digital Logic Computer Design lecture notes
DOCX
573137875-Attendance-Management-System-original
PDF
PRIZ Academy - 9 Windows Thinking Where to Invest Today to Win Tomorrow.pdf
UNIT-1 - COAL BASED THERMAL POWER PLANTS
additive manufacturing of ss316l using mig welding
Enhancing Cyber Defense Against Zero-Day Attacks using Ensemble Neural Networks
Automation-in-Manufacturing-Chapter-Introduction.pdf
bas. eng. economics group 4 presentation 1.pptx
CARTOGRAPHY AND GEOINFORMATION VISUALIZATION chapter1 NPTE (2).pptx
Geodesy 1.pptx...............................................
Welding lecture in detail for understanding
Construction Project Organization Group 2.pptx
CYBER-CRIMES AND SECURITY A guide to understanding
CRASH COURSE IN ALTERNATIVE PLUMBING CLASS
UNIT 4 Total Quality Management .pptx
Project quality management in manufacturing
Model Code of Practice - Construction Work - 21102022 .pdf
CH1 Production IntroductoryConcepts.pptx
Foundation to blockchain - A guide to Blockchain Tech
Embodied AI: Ushering in the Next Era of Intelligent Systems
Digital Logic Computer Design lecture notes
573137875-Attendance-Management-System-original
PRIZ Academy - 9 Windows Thinking Where to Invest Today to Win Tomorrow.pdf

Kernel Method