SlideShare une entreprise Scribd logo
1  sur  24
Télécharger pour lire hors ligne
Deep Sets
Zaheer et al., in Proc. NIPS, 2017
펀더멘털 팀: 고형권, 김동희, 김창연, 이민경, 이재윤
발표자: 송헌 (songheony@gmail.com)
요약
00
• 뉴럴 네트워크에서 입력데이터와 출력데이터로 집합을 다룰
수 있는 모델을 제시.
• 다양한 응용방법을 제시하며, 실험적으로 좋은 성능을 얻었음
을 보임.
문제점
01
• 기존 뉴럴넷은 고정된 차원의 데이터만을 다루며, 특히 입력 데이터의
순서가 바뀔 경우 출력 데이터가 굉장히 많이 달라짐.
• 이러한 이유로 Point Cloud등의 집합 데이터를 다룰 때 많은 문제점이
있음.
• 논문에서는 특히 집합 데이터의 특성 중에서도 데이터의 순서에 주목하
여, 입력 데이터의 순서가 바뀌어도 같은 결과를 출력하거나
(permutation invariant) 입력 데이터의 순서에 따라 출력 데이터의 순
서도 바뀌는 (permutation equivariant)에 초점을 맞춤.
간단한 예
01
• Permutation invariant : 덧셈 문제
• Permutation equivariant : 이상치 검출
뉴럴 네트워크
1
3
4
뉴럴 네트워크
1
A
3
O
X
O
문제 정의
01
• 데이터 𝑋 = 𝑥!, … , 𝑥" 가 주어졌을 때, 어떠한 permutation 𝜋에 대해
서 함수 𝑓는 다음을 성립해야 한다.
• Permutation invariant :
𝑓 𝑥!, … , 𝑥" = 𝑓 𝑥# ! , … , 𝑥# "
• Permutation equivariant :
𝒇 𝑥# ! , … , 𝑥# " = 𝑓# ! 𝒙 , … , 𝑓# " 𝒙
Q & A
Invariant
02
• 집합의 크기가 유한할 때, 함수 𝑓는 반드시 다음과 같은 형태를
가져야만 하며, 다음의 형태를 가지면 permutation invariant하다.
𝑓 𝑋 = 𝜌 +
$∈&
𝜙 𝑥
• 이때 𝜌와 𝜙는 적절한 변형함수이다.
• 논문에서는 무한한 크기의 집합에서도 비슷한 증명이 가능할지도 모른
다는 여지를 남겨두었음.
Invariant
02
• 즉, 다음과 같은 모델을 생각할 수 있음.
+
ϕ
ρ
X
x1
x2
z
Optional
conditioning
based on meta-
information
S(X)
𝜙를 이용하여
프로젝트 𝜌를 이용하여
프로젝트
합
Equivariant
02
• 뉴럴넷중 한 layer를 𝒇' 𝒙 = 𝜎 𝜃𝒙 라고 나타낼 때, 파라미터 𝜃는 반드
시 다음과 같은 형태를 가져야만 하며, 다음의 형태를 가지면
permutation equivariant하다.
𝜃 = Λ𝐈 + 𝟏𝟏(
Γ
단 𝒙 ∈ ℝ"×*
일 때, Λ, Γ ∈ ℝ*×*!
이며 𝟏 = 𝟏, … , 𝟏 𝐓
∈ ℝ"
이다.
• 즉 각각의 입력 𝒙와 그것의 합 𝟏𝟏(
𝒙의 가중치(Λ, Γ) 합을 나타낸다.
Equivariant
02
• 즉, 다음과 같은 모델을 생각할 수 있음.
+
ϕ
X
x1
x2
z
Optional
conditioning
based on meta-
information
Y y1
y2
Λ
Γ
𝜙를 이용하여
프로젝트
입력과 그 합의
가중치 합
Set-expansion
02
• 집합 𝑋가 주어져 있을 때, 새로운 데이터 𝑥가 해당 집합의 데이터들과
유사함을 다음과 같이 나타낼 수 있음.
𝑠 𝑥 𝑋 = log 𝑝 𝑋 ∪ 𝑥 − log 𝑝 𝑋 𝑝 𝑥
• 이를 이용하여 다음과 같은 손실 함수를 설정하고 학습할 수 있다.
𝑙 𝑥, 𝑥,
𝑋 = max 0, 𝑠 𝑥,
𝑋 − 𝑠 𝑥 𝑋 + ∆ 𝑥, 𝑥,
Q & A
실험
03
• 논문에서는 permutation invariant, equivariant와 더불어, set-
expansion에 관한 실험도 진행하였음.
• 제안방법의 permutation invariant에 대한 유효성을 증명하기 위해
인구통계, 덧셈 문제, point cloud의 분류 문제, 적색편이 실험을 진행.
• 제안방법의 permutation equivariant에 대한 유효성을 증명하기 위해
이상치 검출 실험을 진행
제안방법의 set-expansion에 대한 유효성을 증명하기 위해
text retrieval, 이미지 태깅 실험을 진행
덧셈 문제
03
• 10개의 숫자 집합의 합을 학습시킨 모델을
숫자의 수가 5개부터 100개인 집합에 대해서 성능을 확인하였다.
• RNN계열은 10개보다 많은 데이터에 대해 굉장히 성능이 떨어짐
덧셈 문제
03
• 10개의 MNIST 이미지 집합의 합을 학습시킨 모델을
이미지의 수가 5개부터 50개인 집합에 대해서 성능을 확인하였다.
• RNN계열은 10개보다 많은 데이터에 대해 굉장히 성능이 떨어짐
Point cloud
03
• Point cloud 데이터를 다루는 많은 방법론들이, 데이터를 voxel 이나
메쉬 형태로 표현후에 학습을 한다.
• 하지만 제안방법을 이용함으로써, 센서에서 얻어진 정보를 직접적으로
사용 가능하며, 회전등 다양한 변환이 3D이미지보다 손쉽게 가능하다.
Point cloud
03
• 포인트를 100개와 5000개를
샘플링하여 모델을 학습시켰다.
• 비교적 낮은 차원의 데이터
(instance size)로도 다른 방법
들보다도 높은 정확도를 얻을 수
있었다.
이상치 검출
03
• 여러개의 이미지가 주어지면, 그중 이상치를 분류하는 문제를 구성
• 훈련 이미지와 테스트 이미지는 완전히 다름
이상치 검출
03
• CNN에 대해서 마지막 분류층이 다음과 같은 두개의 모델을 비교
• FC layer를 3개 사용한 모델
• Permutation equivariant layer를 3개 사용한 모델
• FC layer를 사용한 경우
테스트 정확도가 6.3%로 거의 랜덤한 선택과 같은 정확도를 얻었다.
• Permutation equivariant layer를 사용한 경우
75%의 매우 높은 테스트 정확도를 얻었다.
이미지 태킹
03
• 이미지의 태그중 일부분만이 주어졌을때, 그와 연관있는 다른 태그들을
예측하는 실험을 진행.
이미지 태깅
03
• Precision을 제외하고, 대부분의 지표에서 가장 좋은 성능을 보인 방법
론과 비슷한 성능을 보였음.
• Precision이 낮은 이유는, 비슷한 태그를 예측은 하지만 정답 라벨에는
있지 않는 경우가 많았기 때문이라고 설명
이미지 태깅
03
• 노란색 태그가 주어졌을 때, 제대로 예측한 태그는 초록색으로 표시
이미지 태깅
03
• 틀린 태그를 보면, 굉장히 이미지와 유사하거나 주어진 태그와 유사한
태그들이 예측된 것을 알 수 있음.
Q & A

Contenu connexe

Tendances

深層学習(岡本孝之 著) - Deep Learning chap.1 and 2
深層学習(岡本孝之 著) - Deep Learning chap.1 and 2深層学習(岡本孝之 著) - Deep Learning chap.1 and 2
深層学習(岡本孝之 著) - Deep Learning chap.1 and 2Masayoshi Kondo
 
Variational Autoencoder Tutorial
Variational Autoencoder Tutorial Variational Autoencoder Tutorial
Variational Autoencoder Tutorial Hojin Yang
 
文献紹介:Simple Copy-Paste Is a Strong Data Augmentation Method for Instance Segm...
文献紹介:Simple Copy-Paste Is a Strong Data Augmentation Method for Instance Segm...文献紹介:Simple Copy-Paste Is a Strong Data Augmentation Method for Instance Segm...
文献紹介:Simple Copy-Paste Is a Strong Data Augmentation Method for Instance Segm...Toru Tamaki
 
パターン認識第9章 学習ベクトル量子化
パターン認識第9章 学習ベクトル量子化パターン認識第9章 学習ベクトル量子化
パターン認識第9章 学習ベクトル量子化Miyoshi Yuya
 
은닉 마르코프 모델, Hidden Markov Model(HMM)
은닉 마르코프 모델, Hidden Markov Model(HMM)은닉 마르코프 모델, Hidden Markov Model(HMM)
은닉 마르코프 모델, Hidden Markov Model(HMM)찬희 이
 
Transformerを用いたAutoEncoderの設計と実験
Transformerを用いたAutoEncoderの設計と実験Transformerを用いたAutoEncoderの設計と実験
Transformerを用いたAutoEncoderの設計と実験myxymyxomatosis
 
08. spectal clustering
08. spectal clustering08. spectal clustering
08. spectal clusteringJeonghun Yoon
 
Anchor free object detection by deep learning
Anchor free object detection by deep learningAnchor free object detection by deep learning
Anchor free object detection by deep learningYu Huang
 
IIBMP2016 深層生成モデルによる表現学習
IIBMP2016 深層生成モデルによる表現学習IIBMP2016 深層生成モデルによる表現学習
IIBMP2016 深層生成モデルによる表現学習Preferred Networks
 
딥러닝과 강화 학습으로 나보다 잘하는 쿠키런 AI 구현하기 DEVIEW 2016
딥러닝과 강화 학습으로 나보다 잘하는 쿠키런 AI 구현하기 DEVIEW 2016딥러닝과 강화 학습으로 나보다 잘하는 쿠키런 AI 구현하기 DEVIEW 2016
딥러닝과 강화 학습으로 나보다 잘하는 쿠키런 AI 구현하기 DEVIEW 2016Taehoon Kim
 
딥 러닝 자연어 처리 학습을 위한 PPT! (Deep Learning for Natural Language Processing)
딥 러닝 자연어 처리 학습을 위한 PPT! (Deep Learning for Natural Language Processing)딥 러닝 자연어 처리 학습을 위한 PPT! (Deep Learning for Natural Language Processing)
딥 러닝 자연어 처리 학습을 위한 PPT! (Deep Learning for Natural Language Processing)WON JOON YOO
 
Introduction to Recurrent Neural Network
Introduction to Recurrent Neural NetworkIntroduction to Recurrent Neural Network
Introduction to Recurrent Neural NetworkYan Xu
 
Recurrent Neural Networks
Recurrent Neural NetworksRecurrent Neural Networks
Recurrent Neural NetworksSeiya Tokui
 
딥러닝 기본 원리의 이해
딥러닝 기본 원리의 이해딥러닝 기본 원리의 이해
딥러닝 기본 원리의 이해Hee Won Park
 
알기쉬운 Variational autoencoder
알기쉬운 Variational autoencoder알기쉬운 Variational autoencoder
알기쉬운 Variational autoencoder홍배 김
 
Rによるデータサイエンス:12章「時系列」
Rによるデータサイエンス:12章「時系列」Rによるデータサイエンス:12章「時系列」
Rによるデータサイエンス:12章「時系列」Nagi Teramo
 
Graph convolutional matrix completion
Graph convolutional  matrix completionGraph convolutional  matrix completion
Graph convolutional matrix completionpko89403
 
Deep Learning: Recurrent Neural Network (Chapter 10)
Deep Learning: Recurrent Neural Network (Chapter 10) Deep Learning: Recurrent Neural Network (Chapter 10)
Deep Learning: Recurrent Neural Network (Chapter 10) Larry Guo
 

Tendances (20)

深層学習(岡本孝之 著) - Deep Learning chap.1 and 2
深層学習(岡本孝之 著) - Deep Learning chap.1 and 2深層学習(岡本孝之 著) - Deep Learning chap.1 and 2
深層学習(岡本孝之 著) - Deep Learning chap.1 and 2
 
Variational Autoencoder Tutorial
Variational Autoencoder Tutorial Variational Autoencoder Tutorial
Variational Autoencoder Tutorial
 
文献紹介:Simple Copy-Paste Is a Strong Data Augmentation Method for Instance Segm...
文献紹介:Simple Copy-Paste Is a Strong Data Augmentation Method for Instance Segm...文献紹介:Simple Copy-Paste Is a Strong Data Augmentation Method for Instance Segm...
文献紹介:Simple Copy-Paste Is a Strong Data Augmentation Method for Instance Segm...
 
パターン認識第9章 学習ベクトル量子化
パターン認識第9章 学習ベクトル量子化パターン認識第9章 学習ベクトル量子化
パターン認識第9章 学習ベクトル量子化
 
은닉 마르코프 모델, Hidden Markov Model(HMM)
은닉 마르코프 모델, Hidden Markov Model(HMM)은닉 마르코프 모델, Hidden Markov Model(HMM)
은닉 마르코프 모델, Hidden Markov Model(HMM)
 
Transformerを用いたAutoEncoderの設計と実験
Transformerを用いたAutoEncoderの設計と実験Transformerを用いたAutoEncoderの設計と実験
Transformerを用いたAutoEncoderの設計と実験
 
08. spectal clustering
08. spectal clustering08. spectal clustering
08. spectal clustering
 
Anchor free object detection by deep learning
Anchor free object detection by deep learningAnchor free object detection by deep learning
Anchor free object detection by deep learning
 
IIBMP2016 深層生成モデルによる表現学習
IIBMP2016 深層生成モデルによる表現学習IIBMP2016 深層生成モデルによる表現学習
IIBMP2016 深層生成モデルによる表現学習
 
딥러닝과 강화 학습으로 나보다 잘하는 쿠키런 AI 구현하기 DEVIEW 2016
딥러닝과 강화 학습으로 나보다 잘하는 쿠키런 AI 구현하기 DEVIEW 2016딥러닝과 강화 학습으로 나보다 잘하는 쿠키런 AI 구현하기 DEVIEW 2016
딥러닝과 강화 학습으로 나보다 잘하는 쿠키런 AI 구현하기 DEVIEW 2016
 
그림 그리는 AI
그림 그리는 AI그림 그리는 AI
그림 그리는 AI
 
딥 러닝 자연어 처리 학습을 위한 PPT! (Deep Learning for Natural Language Processing)
딥 러닝 자연어 처리 학습을 위한 PPT! (Deep Learning for Natural Language Processing)딥 러닝 자연어 처리 학습을 위한 PPT! (Deep Learning for Natural Language Processing)
딥 러닝 자연어 처리 학습을 위한 PPT! (Deep Learning for Natural Language Processing)
 
Introduction to Recurrent Neural Network
Introduction to Recurrent Neural NetworkIntroduction to Recurrent Neural Network
Introduction to Recurrent Neural Network
 
Recurrent Neural Networks
Recurrent Neural NetworksRecurrent Neural Networks
Recurrent Neural Networks
 
딥러닝 기본 원리의 이해
딥러닝 기본 원리의 이해딥러닝 기본 원리의 이해
딥러닝 기본 원리의 이해
 
알기쉬운 Variational autoencoder
알기쉬운 Variational autoencoder알기쉬운 Variational autoencoder
알기쉬운 Variational autoencoder
 
Rによるデータサイエンス:12章「時系列」
Rによるデータサイエンス:12章「時系列」Rによるデータサイエンス:12章「時系列」
Rによるデータサイエンス:12章「時系列」
 
Graph convolutional matrix completion
Graph convolutional  matrix completionGraph convolutional  matrix completion
Graph convolutional matrix completion
 
Deep Learning: Recurrent Neural Network (Chapter 10)
Deep Learning: Recurrent Neural Network (Chapter 10) Deep Learning: Recurrent Neural Network (Chapter 10)
Deep Learning: Recurrent Neural Network (Chapter 10)
 
Random Forestsとその応用
Random Forestsとその応用Random Forestsとその応用
Random Forestsとその応用
 

Similaire à 딥러닝 논문읽기 모임 - 송헌 Deep sets 슬라이드

Unit III_Ch 17_Probablistic Methods.pptx
Unit III_Ch 17_Probablistic Methods.pptxUnit III_Ch 17_Probablistic Methods.pptx
Unit III_Ch 17_Probablistic Methods.pptxsmithashetty24
 
Learn from Example and Learn Probabilistic Model
Learn from Example and Learn Probabilistic ModelLearn from Example and Learn Probabilistic Model
Learn from Example and Learn Probabilistic ModelJunya Tanaka
 
08 neural networks
08 neural networks08 neural networks
08 neural networksankit_ppt
 
To bag, or to boost? A question of balance
To bag, or to boost? A question of balanceTo bag, or to boost? A question of balance
To bag, or to boost? A question of balanceAlex Henderson
 
Random forest sgv_ai_talk_oct_2_2018
Random forest sgv_ai_talk_oct_2_2018Random forest sgv_ai_talk_oct_2_2018
Random forest sgv_ai_talk_oct_2_2018digitalzombie
 
Machine Learning, Deep Learning and Data Analysis Introduction
Machine Learning, Deep Learning and Data Analysis IntroductionMachine Learning, Deep Learning and Data Analysis Introduction
Machine Learning, Deep Learning and Data Analysis IntroductionTe-Yen Liu
 
Kaggle Otto Challenge: How we achieved 85th out of 3,514 and what we learnt
Kaggle Otto Challenge: How we achieved 85th out of 3,514 and what we learntKaggle Otto Challenge: How we achieved 85th out of 3,514 and what we learnt
Kaggle Otto Challenge: How we achieved 85th out of 3,514 and what we learntEugene Yan Ziyou
 
Machine Learning - Dataset Preparation
Machine Learning - Dataset PreparationMachine Learning - Dataset Preparation
Machine Learning - Dataset PreparationAndrew Ferlitsch
 
Supervised and unsupervised learning
Supervised and unsupervised learningSupervised and unsupervised learning
Supervised and unsupervised learningAmAn Singh
 
Predicting rainfall using ensemble of ensembles
Predicting rainfall using ensemble of ensemblesPredicting rainfall using ensemble of ensembles
Predicting rainfall using ensemble of ensemblesVarad Meru
 
PR-330: How To Train Your ViT? Data, Augmentation, and Regularization in Visi...
PR-330: How To Train Your ViT? Data, Augmentation, and Regularization in Visi...PR-330: How To Train Your ViT? Data, Augmentation, and Regularization in Visi...
PR-330: How To Train Your ViT? Data, Augmentation, and Regularization in Visi...Jinwon Lee
 
17- Kernels and Clustering.pptx
17- Kernels and Clustering.pptx17- Kernels and Clustering.pptx
17- Kernels and Clustering.pptxssuser2023c6
 

Similaire à 딥러닝 논문읽기 모임 - 송헌 Deep sets 슬라이드 (20)

5954987.ppt
5954987.ppt5954987.ppt
5954987.ppt
 
Unit III_Ch 17_Probablistic Methods.pptx
Unit III_Ch 17_Probablistic Methods.pptxUnit III_Ch 17_Probablistic Methods.pptx
Unit III_Ch 17_Probablistic Methods.pptx
 
SMS Module-4(theory) ppt.pptx
SMS Module-4(theory) ppt.pptxSMS Module-4(theory) ppt.pptx
SMS Module-4(theory) ppt.pptx
 
Learn from Example and Learn Probabilistic Model
Learn from Example and Learn Probabilistic ModelLearn from Example and Learn Probabilistic Model
Learn from Example and Learn Probabilistic Model
 
08 neural networks
08 neural networks08 neural networks
08 neural networks
 
Neural networks
Neural networksNeural networks
Neural networks
 
To bag, or to boost? A question of balance
To bag, or to boost? A question of balanceTo bag, or to boost? A question of balance
To bag, or to boost? A question of balance
 
Random forest sgv_ai_talk_oct_2_2018
Random forest sgv_ai_talk_oct_2_2018Random forest sgv_ai_talk_oct_2_2018
Random forest sgv_ai_talk_oct_2_2018
 
MyStataLab Assignment Help
MyStataLab Assignment HelpMyStataLab Assignment Help
MyStataLab Assignment Help
 
Machine Learning, Deep Learning and Data Analysis Introduction
Machine Learning, Deep Learning and Data Analysis IntroductionMachine Learning, Deep Learning and Data Analysis Introduction
Machine Learning, Deep Learning and Data Analysis Introduction
 
Kaggle Otto Challenge: How we achieved 85th out of 3,514 and what we learnt
Kaggle Otto Challenge: How we achieved 85th out of 3,514 and what we learntKaggle Otto Challenge: How we achieved 85th out of 3,514 and what we learnt
Kaggle Otto Challenge: How we achieved 85th out of 3,514 and what we learnt
 
RNN.pdf
RNN.pdfRNN.pdf
RNN.pdf
 
Mnist soln
Mnist solnMnist soln
Mnist soln
 
Machine Learning - Dataset Preparation
Machine Learning - Dataset PreparationMachine Learning - Dataset Preparation
Machine Learning - Dataset Preparation
 
Supervised and unsupervised learning
Supervised and unsupervised learningSupervised and unsupervised learning
Supervised and unsupervised learning
 
Machine learning
Machine learningMachine learning
Machine learning
 
Predicting rainfall using ensemble of ensembles
Predicting rainfall using ensemble of ensemblesPredicting rainfall using ensemble of ensembles
Predicting rainfall using ensemble of ensembles
 
KNN
KNNKNN
KNN
 
PR-330: How To Train Your ViT? Data, Augmentation, and Regularization in Visi...
PR-330: How To Train Your ViT? Data, Augmentation, and Regularization in Visi...PR-330: How To Train Your ViT? Data, Augmentation, and Regularization in Visi...
PR-330: How To Train Your ViT? Data, Augmentation, and Regularization in Visi...
 
17- Kernels and Clustering.pptx
17- Kernels and Clustering.pptx17- Kernels and Clustering.pptx
17- Kernels and Clustering.pptx
 

Plus de taeseon ryu

OpineSum Entailment-based self-training for abstractive opinion summarization...
OpineSum Entailment-based self-training for abstractive opinion summarization...OpineSum Entailment-based self-training for abstractive opinion summarization...
OpineSum Entailment-based self-training for abstractive opinion summarization...taeseon ryu
 
3D Gaussian Splatting
3D Gaussian Splatting3D Gaussian Splatting
3D Gaussian Splattingtaeseon ryu
 
Hyperbolic Image Embedding.pptx
Hyperbolic  Image Embedding.pptxHyperbolic  Image Embedding.pptx
Hyperbolic Image Embedding.pptxtaeseon ryu
 
MCSE_Multimodal Contrastive Learning of Sentence Embeddings_변현정
MCSE_Multimodal Contrastive Learning of Sentence Embeddings_변현정MCSE_Multimodal Contrastive Learning of Sentence Embeddings_변현정
MCSE_Multimodal Contrastive Learning of Sentence Embeddings_변현정taeseon ryu
 
LLaMA Open and Efficient Foundation Language Models - 230528.pdf
LLaMA Open and Efficient Foundation Language Models - 230528.pdfLLaMA Open and Efficient Foundation Language Models - 230528.pdf
LLaMA Open and Efficient Foundation Language Models - 230528.pdftaeseon ryu
 
Dataset Distillation by Matching Training Trajectories
Dataset Distillation by Matching Training Trajectories Dataset Distillation by Matching Training Trajectories
Dataset Distillation by Matching Training Trajectories taeseon ryu
 
Packed Levitated Marker for Entity and Relation Extraction
Packed Levitated Marker for Entity and Relation ExtractionPacked Levitated Marker for Entity and Relation Extraction
Packed Levitated Marker for Entity and Relation Extractiontaeseon ryu
 
MOReL: Model-Based Offline Reinforcement Learning
MOReL: Model-Based Offline Reinforcement LearningMOReL: Model-Based Offline Reinforcement Learning
MOReL: Model-Based Offline Reinforcement Learningtaeseon ryu
 
Scaling Instruction-Finetuned Language Models
Scaling Instruction-Finetuned Language ModelsScaling Instruction-Finetuned Language Models
Scaling Instruction-Finetuned Language Modelstaeseon ryu
 
Visual prompt tuning
Visual prompt tuningVisual prompt tuning
Visual prompt tuningtaeseon ryu
 
variBAD, A Very Good Method for Bayes-Adaptive Deep RL via Meta-Learning.pdf
variBAD, A Very Good Method for Bayes-Adaptive Deep RL via Meta-Learning.pdfvariBAD, A Very Good Method for Bayes-Adaptive Deep RL via Meta-Learning.pdf
variBAD, A Very Good Method for Bayes-Adaptive Deep RL via Meta-Learning.pdftaeseon ryu
 
Reinforced Genetic Algorithm Learning For Optimizing Computation Graphs.pdf
Reinforced Genetic Algorithm Learning For Optimizing Computation Graphs.pdfReinforced Genetic Algorithm Learning For Optimizing Computation Graphs.pdf
Reinforced Genetic Algorithm Learning For Optimizing Computation Graphs.pdftaeseon ryu
 
The Forward-Forward Algorithm
The Forward-Forward AlgorithmThe Forward-Forward Algorithm
The Forward-Forward Algorithmtaeseon ryu
 
Towards Robust and Reproducible Active Learning using Neural Networks
Towards Robust and Reproducible Active Learning using Neural NetworksTowards Robust and Reproducible Active Learning using Neural Networks
Towards Robust and Reproducible Active Learning using Neural Networkstaeseon ryu
 
BRIO: Bringing Order to Abstractive Summarization
BRIO: Bringing Order to Abstractive SummarizationBRIO: Bringing Order to Abstractive Summarization
BRIO: Bringing Order to Abstractive Summarizationtaeseon ryu
 

Plus de taeseon ryu (20)

VoxelNet
VoxelNetVoxelNet
VoxelNet
 
OpineSum Entailment-based self-training for abstractive opinion summarization...
OpineSum Entailment-based self-training for abstractive opinion summarization...OpineSum Entailment-based self-training for abstractive opinion summarization...
OpineSum Entailment-based self-training for abstractive opinion summarization...
 
3D Gaussian Splatting
3D Gaussian Splatting3D Gaussian Splatting
3D Gaussian Splatting
 
JetsonTX2 Python
 JetsonTX2 Python  JetsonTX2 Python
JetsonTX2 Python
 
Hyperbolic Image Embedding.pptx
Hyperbolic  Image Embedding.pptxHyperbolic  Image Embedding.pptx
Hyperbolic Image Embedding.pptx
 
MCSE_Multimodal Contrastive Learning of Sentence Embeddings_변현정
MCSE_Multimodal Contrastive Learning of Sentence Embeddings_변현정MCSE_Multimodal Contrastive Learning of Sentence Embeddings_변현정
MCSE_Multimodal Contrastive Learning of Sentence Embeddings_변현정
 
LLaMA Open and Efficient Foundation Language Models - 230528.pdf
LLaMA Open and Efficient Foundation Language Models - 230528.pdfLLaMA Open and Efficient Foundation Language Models - 230528.pdf
LLaMA Open and Efficient Foundation Language Models - 230528.pdf
 
YOLO V6
YOLO V6YOLO V6
YOLO V6
 
Dataset Distillation by Matching Training Trajectories
Dataset Distillation by Matching Training Trajectories Dataset Distillation by Matching Training Trajectories
Dataset Distillation by Matching Training Trajectories
 
RL_UpsideDown
RL_UpsideDownRL_UpsideDown
RL_UpsideDown
 
Packed Levitated Marker for Entity and Relation Extraction
Packed Levitated Marker for Entity and Relation ExtractionPacked Levitated Marker for Entity and Relation Extraction
Packed Levitated Marker for Entity and Relation Extraction
 
MOReL: Model-Based Offline Reinforcement Learning
MOReL: Model-Based Offline Reinforcement LearningMOReL: Model-Based Offline Reinforcement Learning
MOReL: Model-Based Offline Reinforcement Learning
 
Scaling Instruction-Finetuned Language Models
Scaling Instruction-Finetuned Language ModelsScaling Instruction-Finetuned Language Models
Scaling Instruction-Finetuned Language Models
 
Visual prompt tuning
Visual prompt tuningVisual prompt tuning
Visual prompt tuning
 
mPLUG
mPLUGmPLUG
mPLUG
 
variBAD, A Very Good Method for Bayes-Adaptive Deep RL via Meta-Learning.pdf
variBAD, A Very Good Method for Bayes-Adaptive Deep RL via Meta-Learning.pdfvariBAD, A Very Good Method for Bayes-Adaptive Deep RL via Meta-Learning.pdf
variBAD, A Very Good Method for Bayes-Adaptive Deep RL via Meta-Learning.pdf
 
Reinforced Genetic Algorithm Learning For Optimizing Computation Graphs.pdf
Reinforced Genetic Algorithm Learning For Optimizing Computation Graphs.pdfReinforced Genetic Algorithm Learning For Optimizing Computation Graphs.pdf
Reinforced Genetic Algorithm Learning For Optimizing Computation Graphs.pdf
 
The Forward-Forward Algorithm
The Forward-Forward AlgorithmThe Forward-Forward Algorithm
The Forward-Forward Algorithm
 
Towards Robust and Reproducible Active Learning using Neural Networks
Towards Robust and Reproducible Active Learning using Neural NetworksTowards Robust and Reproducible Active Learning using Neural Networks
Towards Robust and Reproducible Active Learning using Neural Networks
 
BRIO: Bringing Order to Abstractive Summarization
BRIO: Bringing Order to Abstractive SummarizationBRIO: Bringing Order to Abstractive Summarization
BRIO: Bringing Order to Abstractive Summarization
 

Dernier

Asymmetry in the atmosphere of the ultra-hot Jupiter WASP-76 b
Asymmetry in the atmosphere of the ultra-hot Jupiter WASP-76 bAsymmetry in the atmosphere of the ultra-hot Jupiter WASP-76 b
Asymmetry in the atmosphere of the ultra-hot Jupiter WASP-76 bSérgio Sacani
 
Biological Classification BioHack (3).pdf
Biological Classification BioHack (3).pdfBiological Classification BioHack (3).pdf
Biological Classification BioHack (3).pdfmuntazimhurra
 
Pulmonary drug delivery system M.pharm -2nd sem P'ceutics
Pulmonary drug delivery system M.pharm -2nd sem P'ceuticsPulmonary drug delivery system M.pharm -2nd sem P'ceutics
Pulmonary drug delivery system M.pharm -2nd sem P'ceuticssakshisoni2385
 
Physiochemical properties of nanomaterials and its nanotoxicity.pptx
Physiochemical properties of nanomaterials and its nanotoxicity.pptxPhysiochemical properties of nanomaterials and its nanotoxicity.pptx
Physiochemical properties of nanomaterials and its nanotoxicity.pptxAArockiyaNisha
 
GBSN - Biochemistry (Unit 1)
GBSN - Biochemistry (Unit 1)GBSN - Biochemistry (Unit 1)
GBSN - Biochemistry (Unit 1)Areesha Ahmad
 
PossibleEoarcheanRecordsoftheGeomagneticFieldPreservedintheIsuaSupracrustalBe...
PossibleEoarcheanRecordsoftheGeomagneticFieldPreservedintheIsuaSupracrustalBe...PossibleEoarcheanRecordsoftheGeomagneticFieldPreservedintheIsuaSupracrustalBe...
PossibleEoarcheanRecordsoftheGeomagneticFieldPreservedintheIsuaSupracrustalBe...Sérgio Sacani
 
Unlocking the Potential: Deep dive into ocean of Ceramic Magnets.pptx
Unlocking  the Potential: Deep dive into ocean of Ceramic Magnets.pptxUnlocking  the Potential: Deep dive into ocean of Ceramic Magnets.pptx
Unlocking the Potential: Deep dive into ocean of Ceramic Magnets.pptxanandsmhk
 
DIFFERENCE IN BACK CROSS AND TEST CROSS
DIFFERENCE IN  BACK CROSS AND TEST CROSSDIFFERENCE IN  BACK CROSS AND TEST CROSS
DIFFERENCE IN BACK CROSS AND TEST CROSSLeenakshiTyagi
 
Nanoparticles synthesis and characterization​ ​
Nanoparticles synthesis and characterization​  ​Nanoparticles synthesis and characterization​  ​
Nanoparticles synthesis and characterization​ ​kaibalyasahoo82800
 
Pests of cotton_Sucking_Pests_Dr.UPR.pdf
Pests of cotton_Sucking_Pests_Dr.UPR.pdfPests of cotton_Sucking_Pests_Dr.UPR.pdf
Pests of cotton_Sucking_Pests_Dr.UPR.pdfPirithiRaju
 
Chemistry 4th semester series (krishna).pdf
Chemistry 4th semester series (krishna).pdfChemistry 4th semester series (krishna).pdf
Chemistry 4th semester series (krishna).pdfSumit Kumar yadav
 
Botany krishna series 2nd semester Only Mcq type questions
Botany krishna series 2nd semester Only Mcq type questionsBotany krishna series 2nd semester Only Mcq type questions
Botany krishna series 2nd semester Only Mcq type questionsSumit Kumar yadav
 
Green chemistry and Sustainable development.pptx
Green chemistry  and Sustainable development.pptxGreen chemistry  and Sustainable development.pptx
Green chemistry and Sustainable development.pptxRajatChauhan518211
 
Nightside clouds and disequilibrium chemistry on the hot Jupiter WASP-43b
Nightside clouds and disequilibrium chemistry on the hot Jupiter WASP-43bNightside clouds and disequilibrium chemistry on the hot Jupiter WASP-43b
Nightside clouds and disequilibrium chemistry on the hot Jupiter WASP-43bSérgio Sacani
 
Recombination DNA Technology (Nucleic Acid Hybridization )
Recombination DNA Technology (Nucleic Acid Hybridization )Recombination DNA Technology (Nucleic Acid Hybridization )
Recombination DNA Technology (Nucleic Acid Hybridization )aarthirajkumar25
 
fundamental of entomology all in one topics of entomology
fundamental of entomology all in one topics of entomologyfundamental of entomology all in one topics of entomology
fundamental of entomology all in one topics of entomologyDrAnita Sharma
 
TEST BANK For Radiologic Science for Technologists, 12th Edition by Stewart C...
TEST BANK For Radiologic Science for Technologists, 12th Edition by Stewart C...TEST BANK For Radiologic Science for Technologists, 12th Edition by Stewart C...
TEST BANK For Radiologic Science for Technologists, 12th Edition by Stewart C...ssifa0344
 
GBSN - Microbiology (Unit 2)
GBSN - Microbiology (Unit 2)GBSN - Microbiology (Unit 2)
GBSN - Microbiology (Unit 2)Areesha Ahmad
 
Forensic Biology & Its biological significance.pdf
Forensic Biology & Its biological significance.pdfForensic Biology & Its biological significance.pdf
Forensic Biology & Its biological significance.pdfrohankumarsinghrore1
 

Dernier (20)

Asymmetry in the atmosphere of the ultra-hot Jupiter WASP-76 b
Asymmetry in the atmosphere of the ultra-hot Jupiter WASP-76 bAsymmetry in the atmosphere of the ultra-hot Jupiter WASP-76 b
Asymmetry in the atmosphere of the ultra-hot Jupiter WASP-76 b
 
Biological Classification BioHack (3).pdf
Biological Classification BioHack (3).pdfBiological Classification BioHack (3).pdf
Biological Classification BioHack (3).pdf
 
The Philosophy of Science
The Philosophy of ScienceThe Philosophy of Science
The Philosophy of Science
 
Pulmonary drug delivery system M.pharm -2nd sem P'ceutics
Pulmonary drug delivery system M.pharm -2nd sem P'ceuticsPulmonary drug delivery system M.pharm -2nd sem P'ceutics
Pulmonary drug delivery system M.pharm -2nd sem P'ceutics
 
Physiochemical properties of nanomaterials and its nanotoxicity.pptx
Physiochemical properties of nanomaterials and its nanotoxicity.pptxPhysiochemical properties of nanomaterials and its nanotoxicity.pptx
Physiochemical properties of nanomaterials and its nanotoxicity.pptx
 
GBSN - Biochemistry (Unit 1)
GBSN - Biochemistry (Unit 1)GBSN - Biochemistry (Unit 1)
GBSN - Biochemistry (Unit 1)
 
PossibleEoarcheanRecordsoftheGeomagneticFieldPreservedintheIsuaSupracrustalBe...
PossibleEoarcheanRecordsoftheGeomagneticFieldPreservedintheIsuaSupracrustalBe...PossibleEoarcheanRecordsoftheGeomagneticFieldPreservedintheIsuaSupracrustalBe...
PossibleEoarcheanRecordsoftheGeomagneticFieldPreservedintheIsuaSupracrustalBe...
 
Unlocking the Potential: Deep dive into ocean of Ceramic Magnets.pptx
Unlocking  the Potential: Deep dive into ocean of Ceramic Magnets.pptxUnlocking  the Potential: Deep dive into ocean of Ceramic Magnets.pptx
Unlocking the Potential: Deep dive into ocean of Ceramic Magnets.pptx
 
DIFFERENCE IN BACK CROSS AND TEST CROSS
DIFFERENCE IN  BACK CROSS AND TEST CROSSDIFFERENCE IN  BACK CROSS AND TEST CROSS
DIFFERENCE IN BACK CROSS AND TEST CROSS
 
Nanoparticles synthesis and characterization​ ​
Nanoparticles synthesis and characterization​  ​Nanoparticles synthesis and characterization​  ​
Nanoparticles synthesis and characterization​ ​
 
Pests of cotton_Sucking_Pests_Dr.UPR.pdf
Pests of cotton_Sucking_Pests_Dr.UPR.pdfPests of cotton_Sucking_Pests_Dr.UPR.pdf
Pests of cotton_Sucking_Pests_Dr.UPR.pdf
 
Chemistry 4th semester series (krishna).pdf
Chemistry 4th semester series (krishna).pdfChemistry 4th semester series (krishna).pdf
Chemistry 4th semester series (krishna).pdf
 
Botany krishna series 2nd semester Only Mcq type questions
Botany krishna series 2nd semester Only Mcq type questionsBotany krishna series 2nd semester Only Mcq type questions
Botany krishna series 2nd semester Only Mcq type questions
 
Green chemistry and Sustainable development.pptx
Green chemistry  and Sustainable development.pptxGreen chemistry  and Sustainable development.pptx
Green chemistry and Sustainable development.pptx
 
Nightside clouds and disequilibrium chemistry on the hot Jupiter WASP-43b
Nightside clouds and disequilibrium chemistry on the hot Jupiter WASP-43bNightside clouds and disequilibrium chemistry on the hot Jupiter WASP-43b
Nightside clouds and disequilibrium chemistry on the hot Jupiter WASP-43b
 
Recombination DNA Technology (Nucleic Acid Hybridization )
Recombination DNA Technology (Nucleic Acid Hybridization )Recombination DNA Technology (Nucleic Acid Hybridization )
Recombination DNA Technology (Nucleic Acid Hybridization )
 
fundamental of entomology all in one topics of entomology
fundamental of entomology all in one topics of entomologyfundamental of entomology all in one topics of entomology
fundamental of entomology all in one topics of entomology
 
TEST BANK For Radiologic Science for Technologists, 12th Edition by Stewart C...
TEST BANK For Radiologic Science for Technologists, 12th Edition by Stewart C...TEST BANK For Radiologic Science for Technologists, 12th Edition by Stewart C...
TEST BANK For Radiologic Science for Technologists, 12th Edition by Stewart C...
 
GBSN - Microbiology (Unit 2)
GBSN - Microbiology (Unit 2)GBSN - Microbiology (Unit 2)
GBSN - Microbiology (Unit 2)
 
Forensic Biology & Its biological significance.pdf
Forensic Biology & Its biological significance.pdfForensic Biology & Its biological significance.pdf
Forensic Biology & Its biological significance.pdf
 

딥러닝 논문읽기 모임 - 송헌 Deep sets 슬라이드

  • 1. Deep Sets Zaheer et al., in Proc. NIPS, 2017 펀더멘털 팀: 고형권, 김동희, 김창연, 이민경, 이재윤 발표자: 송헌 (songheony@gmail.com)
  • 2. 요약 00 • 뉴럴 네트워크에서 입력데이터와 출력데이터로 집합을 다룰 수 있는 모델을 제시. • 다양한 응용방법을 제시하며, 실험적으로 좋은 성능을 얻었음 을 보임.
  • 3. 문제점 01 • 기존 뉴럴넷은 고정된 차원의 데이터만을 다루며, 특히 입력 데이터의 순서가 바뀔 경우 출력 데이터가 굉장히 많이 달라짐. • 이러한 이유로 Point Cloud등의 집합 데이터를 다룰 때 많은 문제점이 있음. • 논문에서는 특히 집합 데이터의 특성 중에서도 데이터의 순서에 주목하 여, 입력 데이터의 순서가 바뀌어도 같은 결과를 출력하거나 (permutation invariant) 입력 데이터의 순서에 따라 출력 데이터의 순 서도 바뀌는 (permutation equivariant)에 초점을 맞춤.
  • 4. 간단한 예 01 • Permutation invariant : 덧셈 문제 • Permutation equivariant : 이상치 검출 뉴럴 네트워크 1 3 4 뉴럴 네트워크 1 A 3 O X O
  • 5. 문제 정의 01 • 데이터 𝑋 = 𝑥!, … , 𝑥" 가 주어졌을 때, 어떠한 permutation 𝜋에 대해 서 함수 𝑓는 다음을 성립해야 한다. • Permutation invariant : 𝑓 𝑥!, … , 𝑥" = 𝑓 𝑥# ! , … , 𝑥# " • Permutation equivariant : 𝒇 𝑥# ! , … , 𝑥# " = 𝑓# ! 𝒙 , … , 𝑓# " 𝒙
  • 7. Invariant 02 • 집합의 크기가 유한할 때, 함수 𝑓는 반드시 다음과 같은 형태를 가져야만 하며, 다음의 형태를 가지면 permutation invariant하다. 𝑓 𝑋 = 𝜌 + $∈& 𝜙 𝑥 • 이때 𝜌와 𝜙는 적절한 변형함수이다. • 논문에서는 무한한 크기의 집합에서도 비슷한 증명이 가능할지도 모른 다는 여지를 남겨두었음.
  • 8. Invariant 02 • 즉, 다음과 같은 모델을 생각할 수 있음. + ϕ ρ X x1 x2 z Optional conditioning based on meta- information S(X) 𝜙를 이용하여 프로젝트 𝜌를 이용하여 프로젝트 합
  • 9. Equivariant 02 • 뉴럴넷중 한 layer를 𝒇' 𝒙 = 𝜎 𝜃𝒙 라고 나타낼 때, 파라미터 𝜃는 반드 시 다음과 같은 형태를 가져야만 하며, 다음의 형태를 가지면 permutation equivariant하다. 𝜃 = Λ𝐈 + 𝟏𝟏( Γ 단 𝒙 ∈ ℝ"×* 일 때, Λ, Γ ∈ ℝ*×*! 이며 𝟏 = 𝟏, … , 𝟏 𝐓 ∈ ℝ" 이다. • 즉 각각의 입력 𝒙와 그것의 합 𝟏𝟏( 𝒙의 가중치(Λ, Γ) 합을 나타낸다.
  • 10. Equivariant 02 • 즉, 다음과 같은 모델을 생각할 수 있음. + ϕ X x1 x2 z Optional conditioning based on meta- information Y y1 y2 Λ Γ 𝜙를 이용하여 프로젝트 입력과 그 합의 가중치 합
  • 11. Set-expansion 02 • 집합 𝑋가 주어져 있을 때, 새로운 데이터 𝑥가 해당 집합의 데이터들과 유사함을 다음과 같이 나타낼 수 있음. 𝑠 𝑥 𝑋 = log 𝑝 𝑋 ∪ 𝑥 − log 𝑝 𝑋 𝑝 𝑥 • 이를 이용하여 다음과 같은 손실 함수를 설정하고 학습할 수 있다. 𝑙 𝑥, 𝑥, 𝑋 = max 0, 𝑠 𝑥, 𝑋 − 𝑠 𝑥 𝑋 + ∆ 𝑥, 𝑥,
  • 12. Q & A
  • 13. 실험 03 • 논문에서는 permutation invariant, equivariant와 더불어, set- expansion에 관한 실험도 진행하였음. • 제안방법의 permutation invariant에 대한 유효성을 증명하기 위해 인구통계, 덧셈 문제, point cloud의 분류 문제, 적색편이 실험을 진행. • 제안방법의 permutation equivariant에 대한 유효성을 증명하기 위해 이상치 검출 실험을 진행 제안방법의 set-expansion에 대한 유효성을 증명하기 위해 text retrieval, 이미지 태깅 실험을 진행
  • 14. 덧셈 문제 03 • 10개의 숫자 집합의 합을 학습시킨 모델을 숫자의 수가 5개부터 100개인 집합에 대해서 성능을 확인하였다. • RNN계열은 10개보다 많은 데이터에 대해 굉장히 성능이 떨어짐
  • 15. 덧셈 문제 03 • 10개의 MNIST 이미지 집합의 합을 학습시킨 모델을 이미지의 수가 5개부터 50개인 집합에 대해서 성능을 확인하였다. • RNN계열은 10개보다 많은 데이터에 대해 굉장히 성능이 떨어짐
  • 16. Point cloud 03 • Point cloud 데이터를 다루는 많은 방법론들이, 데이터를 voxel 이나 메쉬 형태로 표현후에 학습을 한다. • 하지만 제안방법을 이용함으로써, 센서에서 얻어진 정보를 직접적으로 사용 가능하며, 회전등 다양한 변환이 3D이미지보다 손쉽게 가능하다.
  • 17. Point cloud 03 • 포인트를 100개와 5000개를 샘플링하여 모델을 학습시켰다. • 비교적 낮은 차원의 데이터 (instance size)로도 다른 방법 들보다도 높은 정확도를 얻을 수 있었다.
  • 18. 이상치 검출 03 • 여러개의 이미지가 주어지면, 그중 이상치를 분류하는 문제를 구성 • 훈련 이미지와 테스트 이미지는 완전히 다름
  • 19. 이상치 검출 03 • CNN에 대해서 마지막 분류층이 다음과 같은 두개의 모델을 비교 • FC layer를 3개 사용한 모델 • Permutation equivariant layer를 3개 사용한 모델 • FC layer를 사용한 경우 테스트 정확도가 6.3%로 거의 랜덤한 선택과 같은 정확도를 얻었다. • Permutation equivariant layer를 사용한 경우 75%의 매우 높은 테스트 정확도를 얻었다.
  • 20. 이미지 태킹 03 • 이미지의 태그중 일부분만이 주어졌을때, 그와 연관있는 다른 태그들을 예측하는 실험을 진행.
  • 21. 이미지 태깅 03 • Precision을 제외하고, 대부분의 지표에서 가장 좋은 성능을 보인 방법 론과 비슷한 성능을 보였음. • Precision이 낮은 이유는, 비슷한 태그를 예측은 하지만 정답 라벨에는 있지 않는 경우가 많았기 때문이라고 설명
  • 22. 이미지 태깅 03 • 노란색 태그가 주어졌을 때, 제대로 예측한 태그는 초록색으로 표시
  • 23. 이미지 태깅 03 • 틀린 태그를 보면, 굉장히 이미지와 유사하거나 주어진 태그와 유사한 태그들이 예측된 것을 알 수 있음.
  • 24. Q & A