'Dic' 카테고리의 다른 글
Cardinality (0) | 2020.02.28 |
---|---|
Manifolds (0) | 2020.02.27 |
Flow-based Deep Generative Models (0) | 2020.02.25 |
VAE (0) | 2020.02.24 |
CAM (0) | 2020.01.07 |
Cardinality (0) | 2020.02.28 |
---|---|
Manifolds (0) | 2020.02.27 |
Flow-based Deep Generative Models (0) | 2020.02.25 |
VAE (0) | 2020.02.24 |
CAM (0) | 2020.01.07 |
https://lilianweng.github.io/lil-log/2018/10/13/flow-based-deep-generative-models.html
Flow-based Deep Generative Models
In this post, we are looking into the third type of generative models: flow-based generative models. Different from GAN and VAE, they explicitly learn the probability density function of the input data.
lilianweng.github.io
https://jaan.io/what-is-variational-autoencoder-vae-tutorial/#mean-field
Tutorial - What is a variational autoencoder? – Jaan Altosaar
Understanding Variational Autoencoders (VAEs) from two perspectives: deep learning and graphical models.
jaan.io
https://anotherdatum.com/vae.html
Variational Autoencoders Explained
Ever wondered how the Variational Autoencoder model works? Keep reading to find out.
anotherdatum.com
diffeomorphism (0) | 2020.02.27 |
---|---|
Flow-based Deep Generative Models (0) | 2020.02.25 |
CAM (0) | 2020.01.07 |
Grad-CAM (0) | 2020.01.02 |
feature map (0) | 2019.12.31 |
https://towardsdatascience.com/adversarial-examples-in-deep-learning-be0b08a94953
Adversarial examples in deep learning
This post will contain essentially the same information as the talk I gave during the last Deep Learning Paris Meetup. I feel that as more…
towardsdatascience.com
https://towardsdatascience.com/getting-to-know-a-black-box-model-374e180589ce
Getting to know a black-box model:
A two-dimensional example of Jacobian-based adversarial attacks and Jacobian-based data augmentation
towardsdatascience.com
https://poddeeplearning.readthedocs.io/ko/latest/CNN/VGG19%20+%20GAP%20+%20CAM/
VGG Net 과 CAM 구현 - POD_Deep-Learning
VGG Net 과 CAM 구현 Initial import torch import torchvision import torchvision.transforms as transforms torch libary init torch.cuda.is_available() torch.cuda.is_available 값이 True 면, 현재 GPU를 사용한 학습이 가능하다는 뜻, False면 불가능 import torch import torchvision import
poddeeplearning.readthedocs.io
Flow-based Deep Generative Models (0) | 2020.02.25 |
---|---|
VAE (0) | 2020.02.24 |
Grad-CAM (0) | 2020.01.02 |
feature map (0) | 2019.12.31 |
AR (0) | 2019.12.04 |
https://www.jeremyjordan.me/autoencoders/
Introduction to autoencoders.
Autoencoders are an unsupervised learning technique in which we leverage neural networks for the task of representation learning. Specifically, we'll design a neural network architecture such that we impose a bottleneck in the network which forces a compre
www.jeremyjordan.me