SlideShare a Scribd company logo
1 of 48
Download to read offline
SeedNet : Automatic Seed Generation with Deep
Reinforcement Learning for Robust Interactive
Segmentation
Gwangmo Song
Dept. of ECE, Seoul National University
Goal : Interactive Segmentation
 Segmentation
 Cutting out a desired object from the image
Goal : Interactive Segmentation
 Interactive Segmentation
 Cutting out a desired object from the image using user input
Camel!
Why Interactive?
 Ambiguity of human intention
Why Interactive?
 User intention
Why Interactive?
 Error correction
Previous Approach
 Early approaches : Graph Cut, GrabCut, Random Walk, Random
Walk with Restart, Geodesic [1,2,3,4,5]
 Using MRF optimization to extract region of interest
 Determine the region by comparing the correspondence between labeled and
unlabeled pixels
[1] Y. Y. Boykov et al. Interactive graph cuts for optimal boundary & region segmentation of objects in nd images. In ICCV, 2001.
[2] C. Rother et al. Grabcut: Interactive foreground extraction using iterated graph cuts. In ToG. 2004.
[3] L. Grady. Random walks for image segmentation. In PAMI. 2006.
[4] T. H. Kim et al. Generative image segmentation using random walks with restart. In ECCV. 2008.
[5] V. Gulshan et al. Geodesic star convexity for interactive image segmentation. In CVPR. IEEE, 2010.
Previous Approach
 Recent approaches : Deep Learning [1,2] …
 Fine-tuning semantic segmentation network (FCN [3]) for interactive
segmentation task
 End-to-end training by concatenating seed point and image
 Significant performance improvements compared to classical
techniques
[1] N. Xu et al. Deep interactive object selection. In CVPR. 2016.
[2] J. Hao Liew et al. Regional interactive image segmentation networks. In ICCV. 2017.
[3] J. Long et al. Fully convolutional networks for semantic segmentation. In CVPR. 2015
Challenges
 Minimizing user interaction
 Main metric of segmentation : Accuracy %, Click #
 Reducing the input burden of the user
 Deep learning frameworks still require a large number of clicks
Segmentation Pascal Grabcut Berkeley
MSCOCO
(seen)
MSCOCO
(unseen)
Graph Cut [1] 15.06 11.10 14.33 18.67 17.80
Random Walk [2] 11.37 12.30 14.02 13.91 11.53
Geodesic [3] 11.73 8.38 12.57 14.37 12.45
iFCN [4] 6.88 6.04 8.65 8.31 7.82
RIS-Net [5] 5.12 5.00 6.03 5.98 6.44
[1] Y. Y. Boykov et al. Interactive graph cuts for optimal boundary & region segmentation of objects in nd images. In ICCV, 2001.
[2] L. Grady. Random walks for image segmentation. In PAMI. 2006.
[3] V. Gulshan et al. Geodesic star convexity for interactive image segmentation. In CVPR. IEEE, 2010.
[4] N. Xu et al. Deep interactive object selection. In CVPR. 2016.
[5] J. Hao Liew et al. Regional interactive image segmentation networks. In ICCV. 2017.
Motivation
 Expansion of seed information
 Assuming a minimal user input (ex. Single seed point)
 Automatically expand seed information and perform segmentation
Initial Seed RWR result Expanded Seed RWR result
Motivation
 Problems of previous works
 Existing works are only interested in segmentation accuracy with static
user input
 Even SOTA gives unsatisfactory result with fewer user input
 Any model can give good result with sufficient user input
Segmentation
Module
Motivation
 Automatic seed control
 Generate enough seed information from sparse input
 Additional automatic seed control module
 Combine with segmentation to configure the entire system
 How to design seed control module?
Seed Control
Module
Segmentation
Module
Our Previous Work
 Interactive Segmentation with Seed Expansion
Our Previous Work
 Interactive Segmentation with Seed Expansion
 Input
• Image (RGB)
• Scribble (1 Fore, 3 Back)
• Superpixel
• Saliency map
Our Previous Work
 Interactive Segmentation with Seed Expansion
 Seed Expansion (Two stages)
• Superpixel-based
• Pixel-level to SP-level
• RWR & threshold
• Add pixels with distinct properties
to the seed
• Removes ambiguous pixels
through seed erase step
Our Previous Work
 Interactive Segmentation with Seed Expansion
 Image Pyramid
• Speed up
• Matrix inversion
(Coarsest level)
• Power iteration
(Refinement)
Our Previous Work
 Interactive Segmentation with Seed Expansion
 Refinement
• Saliency-based
Our Previous Work
 Results
 Limitation
 Heuristic approach
 Insufficient accuracy
Method F-score (%)
RWR [1] 74.48
Ours 80.32
[1] T. H. Kim et al. Generative image segmentation using random walks with restart. In ECCV. 2008.
Image &
Scribble
RWR
Results
Expanded
Seed
Our
Results
Our Approach
 Automatic seed generation system with deep reinforcement
learning
 Create additional seed using reinforcement learning
 Simulate the human process
Goal
 Automatically generates the sequence of artificial user input
Initial Seed Step 1 Step 2 Step 3 Step 4 Step 5
Step 6 Step 7 Step 9Step 8 Step 10GT Mask
Why RL?
 Learning framework
 Supervised : label
 Unsupervised : no label
 Reinforcement : reward
 RL
 Decision making
 In a state, agent does an action, get a reward
Supervised
Unsupervised Reinforcement
Learning
Why RL?
 Optimal seed point
 Differs by person
 Depends on the current and future state
Person 1 Person 2 Person 3 Person 4
Why RL?
 RL properties
 Use reward instead of label that is hard to define
 Instant reward + future reward
 Optimized for sequential decision making problems (Atari games)
 Interpret seed generation problem as seed locating game
RL Framework
 Markov Decision Process
 State
 Action
 Reward
Agent
Environment
ActionState Reward
RL Framework
 Markov Decision Process
 State : Input image, segmentation mask
 Action : New seed point location
 Reward : IoU(Intersection over Union)-based function
Seed
Generator
Segmentation
Module
New seed
location
Image
/ Mask
IoU
Score
Proposed Model
 Propose seed generation network
 Combine with existing segmentation module to configure the entire system
DQN
SEED
GENERATION
SEED
UPDATE
IMAGESEEDGTMASK
SEGMENTATION
SEGMENTATION
REWARD
OBSERVATION UPDATE
REWARD COMPUTATION
IMAGESEED
SEGMENTATION
OBSERVATION UPDATE
State
 Contain enough information to allow the agent to make the best choice
SEED
GENERATION
SEED
UPDATE
GTMASK
SEGMENTATION
REWARD
REWARD COMPUTATION
DQN
IMAGESEED
SEGMENTATION
SEED
GENERATION
SEED
UPDATE
SEED
GENERATION
Action
 Positioning new seed point on 2D grid
 20×20 grid with 2 label (fore, back) = 800 action space
DQN
SEED
GENERATION
SEED
UPDATE
IMAGESEEDGTMASK
SEGMENTATION
SEGMENTATION
REWARD
OBSERVATION UPDATE
REWARD COMPUTATION
SEED
 Criteria for updating the network for the action and state
 Based on IoU score
REWARD COMPUTATION
GTMASK
SEGMENTATION
REWARD
REWARD COMPUTATION
Reward
DQN
SEED
GENERATION
SEED
UPDATE
IMAGESEEDGTMASK
SEGMENTATION
SEGMENTATION
REWARD
OBSERVATION UPDATE
REWARD COMPUTATION
SEGMENTATION
IMAGESEED
SEGMENTATION
OBSERVATION UPDATE
State
 Update observation for the next step
 Repeat process
SEED
GENERATION
SEED
UPDATE
GTMASK
SEGMENTATION
REWARD
REWARD COMPUTATION
DQN
IMAGE
OBSERVATION UPDATE
RL Framework
 Markov Decision Process
 State : Input image, segmentation mask
 Action : New seed point location
 Reward : IoU(Intersection over Union)-based function
Seed
Generator
Segmentation
Module
New seed
location
Image
/ Mask
IoU
Score
Reward
 Basic IoU reward
 Mask 𝑀, Ground Truth 𝐺
𝑅𝐼𝑜𝑈 = 𝑰𝒐𝑼(𝑀, 𝐺)
 Change trend of IoU
 Compare with previous step result
𝑅 𝑑𝑖𝑓𝑓 = 𝑰𝒐𝑼 𝑀, 𝐺 − 𝑰𝒐𝑼(𝑀 𝑝𝑟𝑒𝑣, 𝐺)
 Weighted IoU
 Weights on high values
𝑅 𝑒𝑥𝑝 =
𝑒𝑥𝑝 𝑘∗𝑰𝒐𝑼(𝑀,𝐺)−1
𝑒𝑥𝑝 𝑘−1
IoU
𝑅 𝑒𝑥𝑝
1
1
Reward
 Additional seed information
 Determine if seed is located correctly
DQN
SEED
GENERATION
SEED
UPDATE
IMAGESEEDGTMASK
SEGMENTATION
SEGMENTATION
REWARD
OBSERVATION UPDATE
REWARD COMPUTATION
Reward
 Additional seed information
 Determine if seed is located correctly
DQN
SEED
GENERATION
SEED
UPDATE
IMAGESEEDGTMASK
SEGMENTATION
SEGMENTATION
REWARD
OBSERVATION UPDATE
REWARD COMPUTATION
Reward
 Proposed reward
 Divide GT mask into 4 regions (SF, WF, WB, SB)
𝑅 𝑠𝑖 = ቐ
𝑅 𝑒𝑥𝑝
𝑅 𝑒𝑥𝑝 − 1
−1
𝑖𝑓 𝐹𝑠𝑒𝑒𝑑 ∈ 𝑆𝐹 𝑜𝑟 𝐵𝑠𝑒𝑒𝑑 ∈ 𝑆𝐵
𝑖𝑓 𝐹𝑠𝑒𝑒𝑑 ∈ 𝑊𝐹 𝑜𝑟 𝐵𝑠𝑒𝑒𝑑 ∈ 𝑊𝐵
𝑜𝑡ℎ𝑒𝑟𝑤𝑖𝑠𝑒
GT Strong
Foreground
Weak
Foreground
Weak
Background
Strong
Background
IoU
𝑅 𝑒𝑥𝑝
1
1
IoU
𝑅 𝑒𝑥𝑝
1
-1
IoU
𝑅 𝑒𝑥𝑝
1
-1
DQN
 Train seed generation agent with RL
 Deep Q-Network
 Policy Gradient
 Actor-Critic
 Deep Q-Network
 Train action-value function 𝑄(𝑎, 𝑠), the expected reward
 Approximates 𝑄(𝑎, 𝑠) with a deep neural network
 Loss function
𝐿𝑜𝑠𝑠 𝜃 = 𝔼 𝑟 + 𝛾 max
𝑎′
𝑄 𝑠′, 𝑎′; 𝜃 − 𝑄 𝑠, 𝑎; 𝜃
2
DQN
 DQN architecture
 Basic architecture from [1]
 Double DQN [2]
 Dueling DQN [3]
[1] V. Mnih et al. Human-level control through deep reinforcement learning. In Nature. 2015.
[2] H. Van Hasselt et al. Deep reinforcement learning with double q-learning. In AAAI, 2016.
[3] Z. Wang et al. Dueling network architectures for deep reinforcement learning. In ICML, 2016.
Experiments
 MSRA10K dataset
 Saliency task
 10,000 images (9,000 train, 1,000 test)
 Initial seed generated from GT mask
 1 foreground, 1 background seed point
 Our model
 Segmentation module : Random Walk [1]
 Stop after 10 seed generation
[1] L. Grady. Random walks for image segmentation. In PAMI. 2006.
MSRA10K
 Quantitative Results
 5 random seed sets
 Intersection-over-Union score comparison
Method Set 1 Set 2 Set 3 Set 4 Set 5 Mean
RW [1] 39.59 39.65 39.71 39.77 39.89 39.72
Ours 60.70 60.12 61.28 61.87 60.90 60.97
[1] L. Grady. Random walks for image segmentation. In PAMI. 2006.
MSRA10K
Image GT RW results [1]
(Initial Seed)
Step 1 Step 2 Step 3 Step 10
Our results
[1] L. Grady. Random walks for image segmentation. In PAMI. 2006.
MSRA10K
 Comparison with supervised methods
 Same condition (Network configuration, Scratch)
 Directly output segmentation mask
 Input type : image only (FCN), with seed (iFCN)
Method FCN [1] iFCN [2] Ours
IoU 37.20 44.60 60.97
[1] J. Long et al. Fully convolutional networks for semantic segmentation. In CVPR. 2015
[2] N. Xu et al. Deep interactive object selection. In CVPR. 2016.
Ablation Study
 Reward function
Method RW [1] 𝑹 𝑰𝒐𝑼 𝑹 𝒅𝒊𝒇𝒇 𝑹 𝒔𝒊
IoU 39.72 42.55 44.45 60.97
𝑅𝐼𝑜𝑈 𝑅 𝑑𝑖𝑓𝑓 𝑅 𝑠𝑖
[1] L. Grady. Random walks for image segmentation. In PAMI. 2006.
Ablation Study
 Other segmentation module
Method GC [1] Ours (GC) GSC [2] Ours (GSC)
IoU 38.44 52.10 58.34 63.48
RWR [3] Ours (RWR)
35.71 53.04
Image GT Initial Ours
GCGSCRWR
[1] C. Rother et al. Grabcut: Interactive foreground extraction using iterated graph cuts. In ToG. 2004.
[2] V. Gulshan et al. Geodesic star convexity for interactive image segmentation. In CVPR. IEEE, 2010.
[3] T. H. Kim et al. Generative image segmentation using random walks with restart. In ECCV. 2008.
Unseen Dataset
 Train on MSRA10K
 Test on
 GSCSEQ, Weizmann Single Object, Weizmann Horse, iCoseg, IG02
Dataset GSCSEQ
Weizmann
Single
Weizmann
Horse
iCoseg IG02
Method RW Ours RW Ours RW Ours RW Ours RW Ours
IoU 27.40 38.93 38.29 55.08 25.63 48.33 36.02 43.87 23.87 28.48
Unseen Dataset
Image GT RW results
(Initial Seed)
Step 1 Step 2 Step 3 Step 10
Our results
Unseen Dataset
Image GT RW results
(Initial Seed)
Step 1 Step 2 Step 3 Step 10
Our results
Summary
 Suggest novel seed generation module with deep reinforcement
learning
 Improved segmentation accuracy using automatic seed
generation system
 Validation on various segmentation modules and datasets
Seed net automatic seed generation with deep reinforcement learning for robust interactive segmentation

More Related Content

Similar to Seed net automatic seed generation with deep reinforcement learning for robust interactive segmentation

Neural Architectures for Still Images - Xavier Giro- UPC Barcelona 2019
Neural Architectures for Still Images - Xavier Giro- UPC Barcelona 2019Neural Architectures for Still Images - Xavier Giro- UPC Barcelona 2019
Neural Architectures for Still Images - Xavier Giro- UPC Barcelona 2019Universitat Politècnica de Catalunya
 
imageclassification-160206090009.pdf
imageclassification-160206090009.pdfimageclassification-160206090009.pdf
imageclassification-160206090009.pdfKammetaJoshna
 
Decomposing image generation into layout priction and conditional synthesis
Decomposing image generation into layout priction and conditional synthesisDecomposing image generation into layout priction and conditional synthesis
Decomposing image generation into layout priction and conditional synthesisNaeem Shehzad
 
WEAKLY SUPERVISED FINE-GRAINED CATEGORIZATION WITH PART-BASED IMAGE REPRESENT...
WEAKLY SUPERVISED FINE-GRAINED CATEGORIZATION WITH PART-BASED IMAGE REPRESENT...WEAKLY SUPERVISED FINE-GRAINED CATEGORIZATION WITH PART-BASED IMAGE REPRESENT...
WEAKLY SUPERVISED FINE-GRAINED CATEGORIZATION WITH PART-BASED IMAGE REPRESENT...Nexgen Technology
 
K-Means Clustering in Moving Objects Extraction with Selective Background
K-Means Clustering in Moving Objects Extraction with Selective BackgroundK-Means Clustering in Moving Objects Extraction with Selective Background
K-Means Clustering in Moving Objects Extraction with Selective BackgroundIJCSIS Research Publications
 
Image classification with Deep Neural Networks
Image classification with Deep Neural NetworksImage classification with Deep Neural Networks
Image classification with Deep Neural NetworksYogendra Tamang
 
Deep Learning in Computer Vision
Deep Learning in Computer VisionDeep Learning in Computer Vision
Deep Learning in Computer VisionSungjoon Choi
 
AlexNet(ImageNet Classification with Deep Convolutional Neural Networks)
AlexNet(ImageNet Classification with Deep Convolutional Neural Networks)AlexNet(ImageNet Classification with Deep Convolutional Neural Networks)
AlexNet(ImageNet Classification with Deep Convolutional Neural Networks)Fellowship at Vodafone FutureLab
 
Image Co-segmentation via Saliency Co-fusion
Image Co-segmentation via Saliency Co-fusionImage Co-segmentation via Saliency Co-fusion
Image Co-segmentation via Saliency Co-fusionKoteswar Rao Jerripothula
 
AlexNet(ImageNet Classification with Deep Convolutional Neural Networks)
AlexNet(ImageNet Classification with Deep Convolutional Neural Networks)AlexNet(ImageNet Classification with Deep Convolutional Neural Networks)
AlexNet(ImageNet Classification with Deep Convolutional Neural Networks)Fellowship at Vodafone FutureLab
 
FastV2C-HandNet - ICICC 2020
FastV2C-HandNet - ICICC 2020FastV2C-HandNet - ICICC 2020
FastV2C-HandNet - ICICC 2020RohanLekhwani
 
An Analysis and Comparison of Quality Index Using Clustering Techniques for S...
An Analysis and Comparison of Quality Index Using Clustering Techniques for S...An Analysis and Comparison of Quality Index Using Clustering Techniques for S...
An Analysis and Comparison of Quality Index Using Clustering Techniques for S...CSCJournals
 
IRJET - Hand Gesture Recognition to Perform System Operations
IRJET -  	  Hand Gesture Recognition to Perform System OperationsIRJET -  	  Hand Gesture Recognition to Perform System Operations
IRJET - Hand Gesture Recognition to Perform System OperationsIRJET Journal
 
IRJET- A Review on Data Dependent Label Distribution Learning for Age Estimat...
IRJET- A Review on Data Dependent Label Distribution Learning for Age Estimat...IRJET- A Review on Data Dependent Label Distribution Learning for Age Estimat...
IRJET- A Review on Data Dependent Label Distribution Learning for Age Estimat...IRJET Journal
 
Semantic Segmentation on Satellite Imagery
Semantic Segmentation on Satellite ImagerySemantic Segmentation on Satellite Imagery
Semantic Segmentation on Satellite ImageryRAHUL BHOJWANI
 
Satellite Image Classification with Deep Learning Survey
Satellite Image Classification with Deep Learning SurveySatellite Image Classification with Deep Learning Survey
Satellite Image Classification with Deep Learning Surveyijtsrd
 
Lecture 29 Convolutional Neural Networks - Computer Vision Spring2015
Lecture 29 Convolutional Neural Networks -  Computer Vision Spring2015Lecture 29 Convolutional Neural Networks -  Computer Vision Spring2015
Lecture 29 Convolutional Neural Networks - Computer Vision Spring2015Jia-Bin Huang
 
IRJET- Face Recognition using Machine Learning
IRJET- Face Recognition using Machine LearningIRJET- Face Recognition using Machine Learning
IRJET- Face Recognition using Machine LearningIRJET Journal
 

Similar to Seed net automatic seed generation with deep reinforcement learning for robust interactive segmentation (20)

Neural Architectures for Still Images - Xavier Giro- UPC Barcelona 2019
Neural Architectures for Still Images - Xavier Giro- UPC Barcelona 2019Neural Architectures for Still Images - Xavier Giro- UPC Barcelona 2019
Neural Architectures for Still Images - Xavier Giro- UPC Barcelona 2019
 
imageclassification-160206090009.pdf
imageclassification-160206090009.pdfimageclassification-160206090009.pdf
imageclassification-160206090009.pdf
 
Decomposing image generation into layout priction and conditional synthesis
Decomposing image generation into layout priction and conditional synthesisDecomposing image generation into layout priction and conditional synthesis
Decomposing image generation into layout priction and conditional synthesis
 
WEAKLY SUPERVISED FINE-GRAINED CATEGORIZATION WITH PART-BASED IMAGE REPRESENT...
WEAKLY SUPERVISED FINE-GRAINED CATEGORIZATION WITH PART-BASED IMAGE REPRESENT...WEAKLY SUPERVISED FINE-GRAINED CATEGORIZATION WITH PART-BASED IMAGE REPRESENT...
WEAKLY SUPERVISED FINE-GRAINED CATEGORIZATION WITH PART-BASED IMAGE REPRESENT...
 
K-Means Clustering in Moving Objects Extraction with Selective Background
K-Means Clustering in Moving Objects Extraction with Selective BackgroundK-Means Clustering in Moving Objects Extraction with Selective Background
K-Means Clustering in Moving Objects Extraction with Selective Background
 
Image classification with Deep Neural Networks
Image classification with Deep Neural NetworksImage classification with Deep Neural Networks
Image classification with Deep Neural Networks
 
Deep Learning in Computer Vision
Deep Learning in Computer VisionDeep Learning in Computer Vision
Deep Learning in Computer Vision
 
AlexNet(ImageNet Classification with Deep Convolutional Neural Networks)
AlexNet(ImageNet Classification with Deep Convolutional Neural Networks)AlexNet(ImageNet Classification with Deep Convolutional Neural Networks)
AlexNet(ImageNet Classification with Deep Convolutional Neural Networks)
 
Image Co-segmentation via Saliency Co-fusion
Image Co-segmentation via Saliency Co-fusionImage Co-segmentation via Saliency Co-fusion
Image Co-segmentation via Saliency Co-fusion
 
AlexNet(ImageNet Classification with Deep Convolutional Neural Networks)
AlexNet(ImageNet Classification with Deep Convolutional Neural Networks)AlexNet(ImageNet Classification with Deep Convolutional Neural Networks)
AlexNet(ImageNet Classification with Deep Convolutional Neural Networks)
 
paper
paperpaper
paper
 
FastV2C-HandNet - ICICC 2020
FastV2C-HandNet - ICICC 2020FastV2C-HandNet - ICICC 2020
FastV2C-HandNet - ICICC 2020
 
An Analysis and Comparison of Quality Index Using Clustering Techniques for S...
An Analysis and Comparison of Quality Index Using Clustering Techniques for S...An Analysis and Comparison of Quality Index Using Clustering Techniques for S...
An Analysis and Comparison of Quality Index Using Clustering Techniques for S...
 
IRJET - Hand Gesture Recognition to Perform System Operations
IRJET -  	  Hand Gesture Recognition to Perform System OperationsIRJET -  	  Hand Gesture Recognition to Perform System Operations
IRJET - Hand Gesture Recognition to Perform System Operations
 
IRJET- A Review on Data Dependent Label Distribution Learning for Age Estimat...
IRJET- A Review on Data Dependent Label Distribution Learning for Age Estimat...IRJET- A Review on Data Dependent Label Distribution Learning for Age Estimat...
IRJET- A Review on Data Dependent Label Distribution Learning for Age Estimat...
 
Semantic Segmentation on Satellite Imagery
Semantic Segmentation on Satellite ImagerySemantic Segmentation on Satellite Imagery
Semantic Segmentation on Satellite Imagery
 
100519 ver final
100519 ver final100519 ver final
100519 ver final
 
Satellite Image Classification with Deep Learning Survey
Satellite Image Classification with Deep Learning SurveySatellite Image Classification with Deep Learning Survey
Satellite Image Classification with Deep Learning Survey
 
Lecture 29 Convolutional Neural Networks - Computer Vision Spring2015
Lecture 29 Convolutional Neural Networks -  Computer Vision Spring2015Lecture 29 Convolutional Neural Networks -  Computer Vision Spring2015
Lecture 29 Convolutional Neural Networks - Computer Vision Spring2015
 
IRJET- Face Recognition using Machine Learning
IRJET- Face Recognition using Machine LearningIRJET- Face Recognition using Machine Learning
IRJET- Face Recognition using Machine Learning
 

More from NAVER Engineering

디자인 시스템에 직방 ZUIX
디자인 시스템에 직방 ZUIX디자인 시스템에 직방 ZUIX
디자인 시스템에 직방 ZUIXNAVER Engineering
 
진화하는 디자인 시스템(걸음마 편)
진화하는 디자인 시스템(걸음마 편)진화하는 디자인 시스템(걸음마 편)
진화하는 디자인 시스템(걸음마 편)NAVER Engineering
 
서비스 운영을 위한 디자인시스템 프로젝트
서비스 운영을 위한 디자인시스템 프로젝트서비스 운영을 위한 디자인시스템 프로젝트
서비스 운영을 위한 디자인시스템 프로젝트NAVER Engineering
 
BPL(Banksalad Product Language) 무야호
BPL(Banksalad Product Language) 무야호BPL(Banksalad Product Language) 무야호
BPL(Banksalad Product Language) 무야호NAVER Engineering
 
이번 생에 디자인 시스템은 처음이라
이번 생에 디자인 시스템은 처음이라이번 생에 디자인 시스템은 처음이라
이번 생에 디자인 시스템은 처음이라NAVER Engineering
 
날고 있는 여러 비행기 넘나 들며 정비하기
날고 있는 여러 비행기 넘나 들며 정비하기날고 있는 여러 비행기 넘나 들며 정비하기
날고 있는 여러 비행기 넘나 들며 정비하기NAVER Engineering
 
쏘카프레임 구축 배경과 과정
 쏘카프레임 구축 배경과 과정 쏘카프레임 구축 배경과 과정
쏘카프레임 구축 배경과 과정NAVER Engineering
 
플랫폼 디자이너 없이 디자인 시스템을 구축하는 프로덕트 디자이너의 우당탕탕 고통 연대기
플랫폼 디자이너 없이 디자인 시스템을 구축하는 프로덕트 디자이너의 우당탕탕 고통 연대기플랫폼 디자이너 없이 디자인 시스템을 구축하는 프로덕트 디자이너의 우당탕탕 고통 연대기
플랫폼 디자이너 없이 디자인 시스템을 구축하는 프로덕트 디자이너의 우당탕탕 고통 연대기NAVER Engineering
 
200820 NAVER TECH CONCERT 15_Code Review is Horse(코드리뷰는 말이야)(feat.Latte)
200820 NAVER TECH CONCERT 15_Code Review is Horse(코드리뷰는 말이야)(feat.Latte)200820 NAVER TECH CONCERT 15_Code Review is Horse(코드리뷰는 말이야)(feat.Latte)
200820 NAVER TECH CONCERT 15_Code Review is Horse(코드리뷰는 말이야)(feat.Latte)NAVER Engineering
 
200819 NAVER TECH CONCERT 03_화려한 코루틴이 내 앱을 감싸네! 코루틴으로 작성해보는 깔끔한 비동기 코드
200819 NAVER TECH CONCERT 03_화려한 코루틴이 내 앱을 감싸네! 코루틴으로 작성해보는 깔끔한 비동기 코드200819 NAVER TECH CONCERT 03_화려한 코루틴이 내 앱을 감싸네! 코루틴으로 작성해보는 깔끔한 비동기 코드
200819 NAVER TECH CONCERT 03_화려한 코루틴이 내 앱을 감싸네! 코루틴으로 작성해보는 깔끔한 비동기 코드NAVER Engineering
 
200819 NAVER TECH CONCERT 10_맥북에서도 아이맥프로에서 빌드하는 것처럼 빌드 속도 빠르게 하기
200819 NAVER TECH CONCERT 10_맥북에서도 아이맥프로에서 빌드하는 것처럼 빌드 속도 빠르게 하기200819 NAVER TECH CONCERT 10_맥북에서도 아이맥프로에서 빌드하는 것처럼 빌드 속도 빠르게 하기
200819 NAVER TECH CONCERT 10_맥북에서도 아이맥프로에서 빌드하는 것처럼 빌드 속도 빠르게 하기NAVER Engineering
 
200819 NAVER TECH CONCERT 08_성능을 고민하는 슬기로운 개발자 생활
200819 NAVER TECH CONCERT 08_성능을 고민하는 슬기로운 개발자 생활200819 NAVER TECH CONCERT 08_성능을 고민하는 슬기로운 개발자 생활
200819 NAVER TECH CONCERT 08_성능을 고민하는 슬기로운 개발자 생활NAVER Engineering
 
200819 NAVER TECH CONCERT 05_모르면 손해보는 Android 디버깅/분석 꿀팁 대방출
200819 NAVER TECH CONCERT 05_모르면 손해보는 Android 디버깅/분석 꿀팁 대방출200819 NAVER TECH CONCERT 05_모르면 손해보는 Android 디버깅/분석 꿀팁 대방출
200819 NAVER TECH CONCERT 05_모르면 손해보는 Android 디버깅/분석 꿀팁 대방출NAVER Engineering
 
200819 NAVER TECH CONCERT 09_Case.xcodeproj - 좋은 동료로 거듭나기 위한 노하우
200819 NAVER TECH CONCERT 09_Case.xcodeproj - 좋은 동료로 거듭나기 위한 노하우200819 NAVER TECH CONCERT 09_Case.xcodeproj - 좋은 동료로 거듭나기 위한 노하우
200819 NAVER TECH CONCERT 09_Case.xcodeproj - 좋은 동료로 거듭나기 위한 노하우NAVER Engineering
 
200820 NAVER TECH CONCERT 14_야 너두 할 수 있어. 비전공자, COBOL 개발자를 거쳐 네이버에서 FE 개발하게 된...
200820 NAVER TECH CONCERT 14_야 너두 할 수 있어. 비전공자, COBOL 개발자를 거쳐 네이버에서 FE 개발하게 된...200820 NAVER TECH CONCERT 14_야 너두 할 수 있어. 비전공자, COBOL 개발자를 거쳐 네이버에서 FE 개발하게 된...
200820 NAVER TECH CONCERT 14_야 너두 할 수 있어. 비전공자, COBOL 개발자를 거쳐 네이버에서 FE 개발하게 된...NAVER Engineering
 
200820 NAVER TECH CONCERT 13_네이버에서 오픈 소스 개발을 통해 성장하는 방법
200820 NAVER TECH CONCERT 13_네이버에서 오픈 소스 개발을 통해 성장하는 방법200820 NAVER TECH CONCERT 13_네이버에서 오픈 소스 개발을 통해 성장하는 방법
200820 NAVER TECH CONCERT 13_네이버에서 오픈 소스 개발을 통해 성장하는 방법NAVER Engineering
 
200820 NAVER TECH CONCERT 12_상반기 네이버 인턴을 돌아보며
200820 NAVER TECH CONCERT 12_상반기 네이버 인턴을 돌아보며200820 NAVER TECH CONCERT 12_상반기 네이버 인턴을 돌아보며
200820 NAVER TECH CONCERT 12_상반기 네이버 인턴을 돌아보며NAVER Engineering
 
200820 NAVER TECH CONCERT 11_빠르게 성장하는 슈퍼루키로 거듭나기
200820 NAVER TECH CONCERT 11_빠르게 성장하는 슈퍼루키로 거듭나기200820 NAVER TECH CONCERT 11_빠르게 성장하는 슈퍼루키로 거듭나기
200820 NAVER TECH CONCERT 11_빠르게 성장하는 슈퍼루키로 거듭나기NAVER Engineering
 
200819 NAVER TECH CONCERT 07_신입 iOS 개발자 개발업무 적응기
200819 NAVER TECH CONCERT 07_신입 iOS 개발자 개발업무 적응기200819 NAVER TECH CONCERT 07_신입 iOS 개발자 개발업무 적응기
200819 NAVER TECH CONCERT 07_신입 iOS 개발자 개발업무 적응기NAVER Engineering
 

More from NAVER Engineering (20)

React vac pattern
React vac patternReact vac pattern
React vac pattern
 
디자인 시스템에 직방 ZUIX
디자인 시스템에 직방 ZUIX디자인 시스템에 직방 ZUIX
디자인 시스템에 직방 ZUIX
 
진화하는 디자인 시스템(걸음마 편)
진화하는 디자인 시스템(걸음마 편)진화하는 디자인 시스템(걸음마 편)
진화하는 디자인 시스템(걸음마 편)
 
서비스 운영을 위한 디자인시스템 프로젝트
서비스 운영을 위한 디자인시스템 프로젝트서비스 운영을 위한 디자인시스템 프로젝트
서비스 운영을 위한 디자인시스템 프로젝트
 
BPL(Banksalad Product Language) 무야호
BPL(Banksalad Product Language) 무야호BPL(Banksalad Product Language) 무야호
BPL(Banksalad Product Language) 무야호
 
이번 생에 디자인 시스템은 처음이라
이번 생에 디자인 시스템은 처음이라이번 생에 디자인 시스템은 처음이라
이번 생에 디자인 시스템은 처음이라
 
날고 있는 여러 비행기 넘나 들며 정비하기
날고 있는 여러 비행기 넘나 들며 정비하기날고 있는 여러 비행기 넘나 들며 정비하기
날고 있는 여러 비행기 넘나 들며 정비하기
 
쏘카프레임 구축 배경과 과정
 쏘카프레임 구축 배경과 과정 쏘카프레임 구축 배경과 과정
쏘카프레임 구축 배경과 과정
 
플랫폼 디자이너 없이 디자인 시스템을 구축하는 프로덕트 디자이너의 우당탕탕 고통 연대기
플랫폼 디자이너 없이 디자인 시스템을 구축하는 프로덕트 디자이너의 우당탕탕 고통 연대기플랫폼 디자이너 없이 디자인 시스템을 구축하는 프로덕트 디자이너의 우당탕탕 고통 연대기
플랫폼 디자이너 없이 디자인 시스템을 구축하는 프로덕트 디자이너의 우당탕탕 고통 연대기
 
200820 NAVER TECH CONCERT 15_Code Review is Horse(코드리뷰는 말이야)(feat.Latte)
200820 NAVER TECH CONCERT 15_Code Review is Horse(코드리뷰는 말이야)(feat.Latte)200820 NAVER TECH CONCERT 15_Code Review is Horse(코드리뷰는 말이야)(feat.Latte)
200820 NAVER TECH CONCERT 15_Code Review is Horse(코드리뷰는 말이야)(feat.Latte)
 
200819 NAVER TECH CONCERT 03_화려한 코루틴이 내 앱을 감싸네! 코루틴으로 작성해보는 깔끔한 비동기 코드
200819 NAVER TECH CONCERT 03_화려한 코루틴이 내 앱을 감싸네! 코루틴으로 작성해보는 깔끔한 비동기 코드200819 NAVER TECH CONCERT 03_화려한 코루틴이 내 앱을 감싸네! 코루틴으로 작성해보는 깔끔한 비동기 코드
200819 NAVER TECH CONCERT 03_화려한 코루틴이 내 앱을 감싸네! 코루틴으로 작성해보는 깔끔한 비동기 코드
 
200819 NAVER TECH CONCERT 10_맥북에서도 아이맥프로에서 빌드하는 것처럼 빌드 속도 빠르게 하기
200819 NAVER TECH CONCERT 10_맥북에서도 아이맥프로에서 빌드하는 것처럼 빌드 속도 빠르게 하기200819 NAVER TECH CONCERT 10_맥북에서도 아이맥프로에서 빌드하는 것처럼 빌드 속도 빠르게 하기
200819 NAVER TECH CONCERT 10_맥북에서도 아이맥프로에서 빌드하는 것처럼 빌드 속도 빠르게 하기
 
200819 NAVER TECH CONCERT 08_성능을 고민하는 슬기로운 개발자 생활
200819 NAVER TECH CONCERT 08_성능을 고민하는 슬기로운 개발자 생활200819 NAVER TECH CONCERT 08_성능을 고민하는 슬기로운 개발자 생활
200819 NAVER TECH CONCERT 08_성능을 고민하는 슬기로운 개발자 생활
 
200819 NAVER TECH CONCERT 05_모르면 손해보는 Android 디버깅/분석 꿀팁 대방출
200819 NAVER TECH CONCERT 05_모르면 손해보는 Android 디버깅/분석 꿀팁 대방출200819 NAVER TECH CONCERT 05_모르면 손해보는 Android 디버깅/분석 꿀팁 대방출
200819 NAVER TECH CONCERT 05_모르면 손해보는 Android 디버깅/분석 꿀팁 대방출
 
200819 NAVER TECH CONCERT 09_Case.xcodeproj - 좋은 동료로 거듭나기 위한 노하우
200819 NAVER TECH CONCERT 09_Case.xcodeproj - 좋은 동료로 거듭나기 위한 노하우200819 NAVER TECH CONCERT 09_Case.xcodeproj - 좋은 동료로 거듭나기 위한 노하우
200819 NAVER TECH CONCERT 09_Case.xcodeproj - 좋은 동료로 거듭나기 위한 노하우
 
200820 NAVER TECH CONCERT 14_야 너두 할 수 있어. 비전공자, COBOL 개발자를 거쳐 네이버에서 FE 개발하게 된...
200820 NAVER TECH CONCERT 14_야 너두 할 수 있어. 비전공자, COBOL 개발자를 거쳐 네이버에서 FE 개발하게 된...200820 NAVER TECH CONCERT 14_야 너두 할 수 있어. 비전공자, COBOL 개발자를 거쳐 네이버에서 FE 개발하게 된...
200820 NAVER TECH CONCERT 14_야 너두 할 수 있어. 비전공자, COBOL 개발자를 거쳐 네이버에서 FE 개발하게 된...
 
200820 NAVER TECH CONCERT 13_네이버에서 오픈 소스 개발을 통해 성장하는 방법
200820 NAVER TECH CONCERT 13_네이버에서 오픈 소스 개발을 통해 성장하는 방법200820 NAVER TECH CONCERT 13_네이버에서 오픈 소스 개발을 통해 성장하는 방법
200820 NAVER TECH CONCERT 13_네이버에서 오픈 소스 개발을 통해 성장하는 방법
 
200820 NAVER TECH CONCERT 12_상반기 네이버 인턴을 돌아보며
200820 NAVER TECH CONCERT 12_상반기 네이버 인턴을 돌아보며200820 NAVER TECH CONCERT 12_상반기 네이버 인턴을 돌아보며
200820 NAVER TECH CONCERT 12_상반기 네이버 인턴을 돌아보며
 
200820 NAVER TECH CONCERT 11_빠르게 성장하는 슈퍼루키로 거듭나기
200820 NAVER TECH CONCERT 11_빠르게 성장하는 슈퍼루키로 거듭나기200820 NAVER TECH CONCERT 11_빠르게 성장하는 슈퍼루키로 거듭나기
200820 NAVER TECH CONCERT 11_빠르게 성장하는 슈퍼루키로 거듭나기
 
200819 NAVER TECH CONCERT 07_신입 iOS 개발자 개발업무 적응기
200819 NAVER TECH CONCERT 07_신입 iOS 개발자 개발업무 적응기200819 NAVER TECH CONCERT 07_신입 iOS 개발자 개발업무 적응기
200819 NAVER TECH CONCERT 07_신입 iOS 개발자 개발업무 적응기
 

Recently uploaded

Scheme-of-Work-Science-Stage-4 cambridge science.docx
Scheme-of-Work-Science-Stage-4 cambridge science.docxScheme-of-Work-Science-Stage-4 cambridge science.docx
Scheme-of-Work-Science-Stage-4 cambridge science.docxyaramohamed343013
 
The dark energy paradox leads to a new structure of spacetime.pptx
The dark energy paradox leads to a new structure of spacetime.pptxThe dark energy paradox leads to a new structure of spacetime.pptx
The dark energy paradox leads to a new structure of spacetime.pptxEran Akiva Sinbar
 
Pests of jatropha_Bionomics_identification_Dr.UPR.pdf
Pests of jatropha_Bionomics_identification_Dr.UPR.pdfPests of jatropha_Bionomics_identification_Dr.UPR.pdf
Pests of jatropha_Bionomics_identification_Dr.UPR.pdfPirithiRaju
 
BREEDING FOR RESISTANCE TO BIOTIC STRESS.pptx
BREEDING FOR RESISTANCE TO BIOTIC STRESS.pptxBREEDING FOR RESISTANCE TO BIOTIC STRESS.pptx
BREEDING FOR RESISTANCE TO BIOTIC STRESS.pptxPABOLU TEJASREE
 
Manassas R - Parkside Middle School 🌎🏫
Manassas R - Parkside Middle School 🌎🏫Manassas R - Parkside Middle School 🌎🏫
Manassas R - Parkside Middle School 🌎🏫qfactory1
 
BIOETHICS IN RECOMBINANT DNA TECHNOLOGY.
BIOETHICS IN RECOMBINANT DNA TECHNOLOGY.BIOETHICS IN RECOMBINANT DNA TECHNOLOGY.
BIOETHICS IN RECOMBINANT DNA TECHNOLOGY.PraveenaKalaiselvan1
 
‏‏VIRUS - 123455555555555555555555555555555555555555
‏‏VIRUS -  123455555555555555555555555555555555555555‏‏VIRUS -  123455555555555555555555555555555555555555
‏‏VIRUS - 123455555555555555555555555555555555555555kikilily0909
 
Is RISC-V ready for HPC workload? Maybe?
Is RISC-V ready for HPC workload? Maybe?Is RISC-V ready for HPC workload? Maybe?
Is RISC-V ready for HPC workload? Maybe?Patrick Diehl
 
TOPIC 8 Temperature and Heat.pdf physics
TOPIC 8 Temperature and Heat.pdf physicsTOPIC 8 Temperature and Heat.pdf physics
TOPIC 8 Temperature and Heat.pdf physicsssuserddc89b
 
LIGHT-PHENOMENA-BY-CABUALDIONALDOPANOGANCADIENTE-CONDEZA (1).pptx
LIGHT-PHENOMENA-BY-CABUALDIONALDOPANOGANCADIENTE-CONDEZA (1).pptxLIGHT-PHENOMENA-BY-CABUALDIONALDOPANOGANCADIENTE-CONDEZA (1).pptx
LIGHT-PHENOMENA-BY-CABUALDIONALDOPANOGANCADIENTE-CONDEZA (1).pptxmalonesandreagweneth
 
Best Call Girls In Sector 29 Gurgaon❤️8860477959 EscorTs Service In 24/7 Delh...
Best Call Girls In Sector 29 Gurgaon❤️8860477959 EscorTs Service In 24/7 Delh...Best Call Girls In Sector 29 Gurgaon❤️8860477959 EscorTs Service In 24/7 Delh...
Best Call Girls In Sector 29 Gurgaon❤️8860477959 EscorTs Service In 24/7 Delh...lizamodels9
 
Recombinant DNA technology( Transgenic plant and animal)
Recombinant DNA technology( Transgenic plant and animal)Recombinant DNA technology( Transgenic plant and animal)
Recombinant DNA technology( Transgenic plant and animal)DHURKADEVIBASKAR
 
zoogeography of pakistan.pptx fauna of Pakistan
zoogeography of pakistan.pptx fauna of Pakistanzoogeography of pakistan.pptx fauna of Pakistan
zoogeography of pakistan.pptx fauna of Pakistanzohaibmir069
 
Pests of safflower_Binomics_Identification_Dr.UPR.pdf
Pests of safflower_Binomics_Identification_Dr.UPR.pdfPests of safflower_Binomics_Identification_Dr.UPR.pdf
Pests of safflower_Binomics_Identification_Dr.UPR.pdfPirithiRaju
 
Twin's paradox experiment is a meassurement of the extra dimensions.pptx
Twin's paradox experiment is a meassurement of the extra dimensions.pptxTwin's paradox experiment is a meassurement of the extra dimensions.pptx
Twin's paradox experiment is a meassurement of the extra dimensions.pptxEran Akiva Sinbar
 
GenBio2 - Lesson 1 - Introduction to Genetics.pptx
GenBio2 - Lesson 1 - Introduction to Genetics.pptxGenBio2 - Lesson 1 - Introduction to Genetics.pptx
GenBio2 - Lesson 1 - Introduction to Genetics.pptxBerniceCayabyab1
 
(9818099198) Call Girls In Noida Sector 14 (NOIDA ESCORTS)
(9818099198) Call Girls In Noida Sector 14 (NOIDA ESCORTS)(9818099198) Call Girls In Noida Sector 14 (NOIDA ESCORTS)
(9818099198) Call Girls In Noida Sector 14 (NOIDA ESCORTS)riyaescorts54
 
Analytical Profile of Coleus Forskohlii | Forskolin .pdf
Analytical Profile of Coleus Forskohlii | Forskolin .pdfAnalytical Profile of Coleus Forskohlii | Forskolin .pdf
Analytical Profile of Coleus Forskohlii | Forskolin .pdfSwapnil Therkar
 

Recently uploaded (20)

Scheme-of-Work-Science-Stage-4 cambridge science.docx
Scheme-of-Work-Science-Stage-4 cambridge science.docxScheme-of-Work-Science-Stage-4 cambridge science.docx
Scheme-of-Work-Science-Stage-4 cambridge science.docx
 
The dark energy paradox leads to a new structure of spacetime.pptx
The dark energy paradox leads to a new structure of spacetime.pptxThe dark energy paradox leads to a new structure of spacetime.pptx
The dark energy paradox leads to a new structure of spacetime.pptx
 
Pests of jatropha_Bionomics_identification_Dr.UPR.pdf
Pests of jatropha_Bionomics_identification_Dr.UPR.pdfPests of jatropha_Bionomics_identification_Dr.UPR.pdf
Pests of jatropha_Bionomics_identification_Dr.UPR.pdf
 
BREEDING FOR RESISTANCE TO BIOTIC STRESS.pptx
BREEDING FOR RESISTANCE TO BIOTIC STRESS.pptxBREEDING FOR RESISTANCE TO BIOTIC STRESS.pptx
BREEDING FOR RESISTANCE TO BIOTIC STRESS.pptx
 
Manassas R - Parkside Middle School 🌎🏫
Manassas R - Parkside Middle School 🌎🏫Manassas R - Parkside Middle School 🌎🏫
Manassas R - Parkside Middle School 🌎🏫
 
BIOETHICS IN RECOMBINANT DNA TECHNOLOGY.
BIOETHICS IN RECOMBINANT DNA TECHNOLOGY.BIOETHICS IN RECOMBINANT DNA TECHNOLOGY.
BIOETHICS IN RECOMBINANT DNA TECHNOLOGY.
 
‏‏VIRUS - 123455555555555555555555555555555555555555
‏‏VIRUS -  123455555555555555555555555555555555555555‏‏VIRUS -  123455555555555555555555555555555555555555
‏‏VIRUS - 123455555555555555555555555555555555555555
 
Volatile Oils Pharmacognosy And Phytochemistry -I
Volatile Oils Pharmacognosy And Phytochemistry -IVolatile Oils Pharmacognosy And Phytochemistry -I
Volatile Oils Pharmacognosy And Phytochemistry -I
 
Is RISC-V ready for HPC workload? Maybe?
Is RISC-V ready for HPC workload? Maybe?Is RISC-V ready for HPC workload? Maybe?
Is RISC-V ready for HPC workload? Maybe?
 
Hot Sexy call girls in Moti Nagar,🔝 9953056974 🔝 escort Service
Hot Sexy call girls in  Moti Nagar,🔝 9953056974 🔝 escort ServiceHot Sexy call girls in  Moti Nagar,🔝 9953056974 🔝 escort Service
Hot Sexy call girls in Moti Nagar,🔝 9953056974 🔝 escort Service
 
TOPIC 8 Temperature and Heat.pdf physics
TOPIC 8 Temperature and Heat.pdf physicsTOPIC 8 Temperature and Heat.pdf physics
TOPIC 8 Temperature and Heat.pdf physics
 
LIGHT-PHENOMENA-BY-CABUALDIONALDOPANOGANCADIENTE-CONDEZA (1).pptx
LIGHT-PHENOMENA-BY-CABUALDIONALDOPANOGANCADIENTE-CONDEZA (1).pptxLIGHT-PHENOMENA-BY-CABUALDIONALDOPANOGANCADIENTE-CONDEZA (1).pptx
LIGHT-PHENOMENA-BY-CABUALDIONALDOPANOGANCADIENTE-CONDEZA (1).pptx
 
Best Call Girls In Sector 29 Gurgaon❤️8860477959 EscorTs Service In 24/7 Delh...
Best Call Girls In Sector 29 Gurgaon❤️8860477959 EscorTs Service In 24/7 Delh...Best Call Girls In Sector 29 Gurgaon❤️8860477959 EscorTs Service In 24/7 Delh...
Best Call Girls In Sector 29 Gurgaon❤️8860477959 EscorTs Service In 24/7 Delh...
 
Recombinant DNA technology( Transgenic plant and animal)
Recombinant DNA technology( Transgenic plant and animal)Recombinant DNA technology( Transgenic plant and animal)
Recombinant DNA technology( Transgenic plant and animal)
 
zoogeography of pakistan.pptx fauna of Pakistan
zoogeography of pakistan.pptx fauna of Pakistanzoogeography of pakistan.pptx fauna of Pakistan
zoogeography of pakistan.pptx fauna of Pakistan
 
Pests of safflower_Binomics_Identification_Dr.UPR.pdf
Pests of safflower_Binomics_Identification_Dr.UPR.pdfPests of safflower_Binomics_Identification_Dr.UPR.pdf
Pests of safflower_Binomics_Identification_Dr.UPR.pdf
 
Twin's paradox experiment is a meassurement of the extra dimensions.pptx
Twin's paradox experiment is a meassurement of the extra dimensions.pptxTwin's paradox experiment is a meassurement of the extra dimensions.pptx
Twin's paradox experiment is a meassurement of the extra dimensions.pptx
 
GenBio2 - Lesson 1 - Introduction to Genetics.pptx
GenBio2 - Lesson 1 - Introduction to Genetics.pptxGenBio2 - Lesson 1 - Introduction to Genetics.pptx
GenBio2 - Lesson 1 - Introduction to Genetics.pptx
 
(9818099198) Call Girls In Noida Sector 14 (NOIDA ESCORTS)
(9818099198) Call Girls In Noida Sector 14 (NOIDA ESCORTS)(9818099198) Call Girls In Noida Sector 14 (NOIDA ESCORTS)
(9818099198) Call Girls In Noida Sector 14 (NOIDA ESCORTS)
 
Analytical Profile of Coleus Forskohlii | Forskolin .pdf
Analytical Profile of Coleus Forskohlii | Forskolin .pdfAnalytical Profile of Coleus Forskohlii | Forskolin .pdf
Analytical Profile of Coleus Forskohlii | Forskolin .pdf
 

Seed net automatic seed generation with deep reinforcement learning for robust interactive segmentation

  • 1. SeedNet : Automatic Seed Generation with Deep Reinforcement Learning for Robust Interactive Segmentation Gwangmo Song Dept. of ECE, Seoul National University
  • 2. Goal : Interactive Segmentation  Segmentation  Cutting out a desired object from the image
  • 3. Goal : Interactive Segmentation  Interactive Segmentation  Cutting out a desired object from the image using user input Camel!
  • 4. Why Interactive?  Ambiguity of human intention
  • 7. Previous Approach  Early approaches : Graph Cut, GrabCut, Random Walk, Random Walk with Restart, Geodesic [1,2,3,4,5]  Using MRF optimization to extract region of interest  Determine the region by comparing the correspondence between labeled and unlabeled pixels [1] Y. Y. Boykov et al. Interactive graph cuts for optimal boundary & region segmentation of objects in nd images. In ICCV, 2001. [2] C. Rother et al. Grabcut: Interactive foreground extraction using iterated graph cuts. In ToG. 2004. [3] L. Grady. Random walks for image segmentation. In PAMI. 2006. [4] T. H. Kim et al. Generative image segmentation using random walks with restart. In ECCV. 2008. [5] V. Gulshan et al. Geodesic star convexity for interactive image segmentation. In CVPR. IEEE, 2010.
  • 8. Previous Approach  Recent approaches : Deep Learning [1,2] …  Fine-tuning semantic segmentation network (FCN [3]) for interactive segmentation task  End-to-end training by concatenating seed point and image  Significant performance improvements compared to classical techniques [1] N. Xu et al. Deep interactive object selection. In CVPR. 2016. [2] J. Hao Liew et al. Regional interactive image segmentation networks. In ICCV. 2017. [3] J. Long et al. Fully convolutional networks for semantic segmentation. In CVPR. 2015
  • 9. Challenges  Minimizing user interaction  Main metric of segmentation : Accuracy %, Click #  Reducing the input burden of the user  Deep learning frameworks still require a large number of clicks Segmentation Pascal Grabcut Berkeley MSCOCO (seen) MSCOCO (unseen) Graph Cut [1] 15.06 11.10 14.33 18.67 17.80 Random Walk [2] 11.37 12.30 14.02 13.91 11.53 Geodesic [3] 11.73 8.38 12.57 14.37 12.45 iFCN [4] 6.88 6.04 8.65 8.31 7.82 RIS-Net [5] 5.12 5.00 6.03 5.98 6.44 [1] Y. Y. Boykov et al. Interactive graph cuts for optimal boundary & region segmentation of objects in nd images. In ICCV, 2001. [2] L. Grady. Random walks for image segmentation. In PAMI. 2006. [3] V. Gulshan et al. Geodesic star convexity for interactive image segmentation. In CVPR. IEEE, 2010. [4] N. Xu et al. Deep interactive object selection. In CVPR. 2016. [5] J. Hao Liew et al. Regional interactive image segmentation networks. In ICCV. 2017.
  • 10. Motivation  Expansion of seed information  Assuming a minimal user input (ex. Single seed point)  Automatically expand seed information and perform segmentation Initial Seed RWR result Expanded Seed RWR result
  • 11. Motivation  Problems of previous works  Existing works are only interested in segmentation accuracy with static user input  Even SOTA gives unsatisfactory result with fewer user input  Any model can give good result with sufficient user input Segmentation Module
  • 12. Motivation  Automatic seed control  Generate enough seed information from sparse input  Additional automatic seed control module  Combine with segmentation to configure the entire system  How to design seed control module? Seed Control Module Segmentation Module
  • 13. Our Previous Work  Interactive Segmentation with Seed Expansion
  • 14. Our Previous Work  Interactive Segmentation with Seed Expansion  Input • Image (RGB) • Scribble (1 Fore, 3 Back) • Superpixel • Saliency map
  • 15. Our Previous Work  Interactive Segmentation with Seed Expansion  Seed Expansion (Two stages) • Superpixel-based • Pixel-level to SP-level • RWR & threshold • Add pixels with distinct properties to the seed • Removes ambiguous pixels through seed erase step
  • 16. Our Previous Work  Interactive Segmentation with Seed Expansion  Image Pyramid • Speed up • Matrix inversion (Coarsest level) • Power iteration (Refinement)
  • 17. Our Previous Work  Interactive Segmentation with Seed Expansion  Refinement • Saliency-based
  • 18. Our Previous Work  Results  Limitation  Heuristic approach  Insufficient accuracy Method F-score (%) RWR [1] 74.48 Ours 80.32 [1] T. H. Kim et al. Generative image segmentation using random walks with restart. In ECCV. 2008. Image & Scribble RWR Results Expanded Seed Our Results
  • 19. Our Approach  Automatic seed generation system with deep reinforcement learning  Create additional seed using reinforcement learning  Simulate the human process
  • 20. Goal  Automatically generates the sequence of artificial user input Initial Seed Step 1 Step 2 Step 3 Step 4 Step 5 Step 6 Step 7 Step 9Step 8 Step 10GT Mask
  • 21. Why RL?  Learning framework  Supervised : label  Unsupervised : no label  Reinforcement : reward  RL  Decision making  In a state, agent does an action, get a reward Supervised Unsupervised Reinforcement Learning
  • 22. Why RL?  Optimal seed point  Differs by person  Depends on the current and future state Person 1 Person 2 Person 3 Person 4
  • 23. Why RL?  RL properties  Use reward instead of label that is hard to define  Instant reward + future reward  Optimized for sequential decision making problems (Atari games)  Interpret seed generation problem as seed locating game
  • 24. RL Framework  Markov Decision Process  State  Action  Reward Agent Environment ActionState Reward
  • 25. RL Framework  Markov Decision Process  State : Input image, segmentation mask  Action : New seed point location  Reward : IoU(Intersection over Union)-based function Seed Generator Segmentation Module New seed location Image / Mask IoU Score
  • 26. Proposed Model  Propose seed generation network  Combine with existing segmentation module to configure the entire system DQN SEED GENERATION SEED UPDATE IMAGESEEDGTMASK SEGMENTATION SEGMENTATION REWARD OBSERVATION UPDATE REWARD COMPUTATION
  • 27. IMAGESEED SEGMENTATION OBSERVATION UPDATE State  Contain enough information to allow the agent to make the best choice SEED GENERATION SEED UPDATE GTMASK SEGMENTATION REWARD REWARD COMPUTATION DQN IMAGESEED SEGMENTATION
  • 28. SEED GENERATION SEED UPDATE SEED GENERATION Action  Positioning new seed point on 2D grid  20×20 grid with 2 label (fore, back) = 800 action space DQN SEED GENERATION SEED UPDATE IMAGESEEDGTMASK SEGMENTATION SEGMENTATION REWARD OBSERVATION UPDATE REWARD COMPUTATION SEED
  • 29.  Criteria for updating the network for the action and state  Based on IoU score REWARD COMPUTATION GTMASK SEGMENTATION REWARD REWARD COMPUTATION Reward DQN SEED GENERATION SEED UPDATE IMAGESEEDGTMASK SEGMENTATION SEGMENTATION REWARD OBSERVATION UPDATE REWARD COMPUTATION SEGMENTATION
  • 30. IMAGESEED SEGMENTATION OBSERVATION UPDATE State  Update observation for the next step  Repeat process SEED GENERATION SEED UPDATE GTMASK SEGMENTATION REWARD REWARD COMPUTATION DQN IMAGE OBSERVATION UPDATE
  • 31. RL Framework  Markov Decision Process  State : Input image, segmentation mask  Action : New seed point location  Reward : IoU(Intersection over Union)-based function Seed Generator Segmentation Module New seed location Image / Mask IoU Score
  • 32. Reward  Basic IoU reward  Mask 𝑀, Ground Truth 𝐺 𝑅𝐼𝑜𝑈 = 𝑰𝒐𝑼(𝑀, 𝐺)  Change trend of IoU  Compare with previous step result 𝑅 𝑑𝑖𝑓𝑓 = 𝑰𝒐𝑼 𝑀, 𝐺 − 𝑰𝒐𝑼(𝑀 𝑝𝑟𝑒𝑣, 𝐺)  Weighted IoU  Weights on high values 𝑅 𝑒𝑥𝑝 = 𝑒𝑥𝑝 𝑘∗𝑰𝒐𝑼(𝑀,𝐺)−1 𝑒𝑥𝑝 𝑘−1 IoU 𝑅 𝑒𝑥𝑝 1 1
  • 33. Reward  Additional seed information  Determine if seed is located correctly DQN SEED GENERATION SEED UPDATE IMAGESEEDGTMASK SEGMENTATION SEGMENTATION REWARD OBSERVATION UPDATE REWARD COMPUTATION
  • 34. Reward  Additional seed information  Determine if seed is located correctly DQN SEED GENERATION SEED UPDATE IMAGESEEDGTMASK SEGMENTATION SEGMENTATION REWARD OBSERVATION UPDATE REWARD COMPUTATION
  • 35. Reward  Proposed reward  Divide GT mask into 4 regions (SF, WF, WB, SB) 𝑅 𝑠𝑖 = ቐ 𝑅 𝑒𝑥𝑝 𝑅 𝑒𝑥𝑝 − 1 −1 𝑖𝑓 𝐹𝑠𝑒𝑒𝑑 ∈ 𝑆𝐹 𝑜𝑟 𝐵𝑠𝑒𝑒𝑑 ∈ 𝑆𝐵 𝑖𝑓 𝐹𝑠𝑒𝑒𝑑 ∈ 𝑊𝐹 𝑜𝑟 𝐵𝑠𝑒𝑒𝑑 ∈ 𝑊𝐵 𝑜𝑡ℎ𝑒𝑟𝑤𝑖𝑠𝑒 GT Strong Foreground Weak Foreground Weak Background Strong Background IoU 𝑅 𝑒𝑥𝑝 1 1 IoU 𝑅 𝑒𝑥𝑝 1 -1 IoU 𝑅 𝑒𝑥𝑝 1 -1
  • 36. DQN  Train seed generation agent with RL  Deep Q-Network  Policy Gradient  Actor-Critic  Deep Q-Network  Train action-value function 𝑄(𝑎, 𝑠), the expected reward  Approximates 𝑄(𝑎, 𝑠) with a deep neural network  Loss function 𝐿𝑜𝑠𝑠 𝜃 = 𝔼 𝑟 + 𝛾 max 𝑎′ 𝑄 𝑠′, 𝑎′; 𝜃 − 𝑄 𝑠, 𝑎; 𝜃 2
  • 37. DQN  DQN architecture  Basic architecture from [1]  Double DQN [2]  Dueling DQN [3] [1] V. Mnih et al. Human-level control through deep reinforcement learning. In Nature. 2015. [2] H. Van Hasselt et al. Deep reinforcement learning with double q-learning. In AAAI, 2016. [3] Z. Wang et al. Dueling network architectures for deep reinforcement learning. In ICML, 2016.
  • 38. Experiments  MSRA10K dataset  Saliency task  10,000 images (9,000 train, 1,000 test)  Initial seed generated from GT mask  1 foreground, 1 background seed point  Our model  Segmentation module : Random Walk [1]  Stop after 10 seed generation [1] L. Grady. Random walks for image segmentation. In PAMI. 2006.
  • 39. MSRA10K  Quantitative Results  5 random seed sets  Intersection-over-Union score comparison Method Set 1 Set 2 Set 3 Set 4 Set 5 Mean RW [1] 39.59 39.65 39.71 39.77 39.89 39.72 Ours 60.70 60.12 61.28 61.87 60.90 60.97 [1] L. Grady. Random walks for image segmentation. In PAMI. 2006.
  • 40. MSRA10K Image GT RW results [1] (Initial Seed) Step 1 Step 2 Step 3 Step 10 Our results [1] L. Grady. Random walks for image segmentation. In PAMI. 2006.
  • 41. MSRA10K  Comparison with supervised methods  Same condition (Network configuration, Scratch)  Directly output segmentation mask  Input type : image only (FCN), with seed (iFCN) Method FCN [1] iFCN [2] Ours IoU 37.20 44.60 60.97 [1] J. Long et al. Fully convolutional networks for semantic segmentation. In CVPR. 2015 [2] N. Xu et al. Deep interactive object selection. In CVPR. 2016.
  • 42. Ablation Study  Reward function Method RW [1] 𝑹 𝑰𝒐𝑼 𝑹 𝒅𝒊𝒇𝒇 𝑹 𝒔𝒊 IoU 39.72 42.55 44.45 60.97 𝑅𝐼𝑜𝑈 𝑅 𝑑𝑖𝑓𝑓 𝑅 𝑠𝑖 [1] L. Grady. Random walks for image segmentation. In PAMI. 2006.
  • 43. Ablation Study  Other segmentation module Method GC [1] Ours (GC) GSC [2] Ours (GSC) IoU 38.44 52.10 58.34 63.48 RWR [3] Ours (RWR) 35.71 53.04 Image GT Initial Ours GCGSCRWR [1] C. Rother et al. Grabcut: Interactive foreground extraction using iterated graph cuts. In ToG. 2004. [2] V. Gulshan et al. Geodesic star convexity for interactive image segmentation. In CVPR. IEEE, 2010. [3] T. H. Kim et al. Generative image segmentation using random walks with restart. In ECCV. 2008.
  • 44. Unseen Dataset  Train on MSRA10K  Test on  GSCSEQ, Weizmann Single Object, Weizmann Horse, iCoseg, IG02 Dataset GSCSEQ Weizmann Single Weizmann Horse iCoseg IG02 Method RW Ours RW Ours RW Ours RW Ours RW Ours IoU 27.40 38.93 38.29 55.08 25.63 48.33 36.02 43.87 23.87 28.48
  • 45. Unseen Dataset Image GT RW results (Initial Seed) Step 1 Step 2 Step 3 Step 10 Our results
  • 46. Unseen Dataset Image GT RW results (Initial Seed) Step 1 Step 2 Step 3 Step 10 Our results
  • 47. Summary  Suggest novel seed generation module with deep reinforcement learning  Improved segmentation accuracy using automatic seed generation system  Validation on various segmentation modules and datasets