SlideShare a Scribd company logo
1 of 24
Download to read offline
HAI Lecture
HAI 2021
HAI 2021
: Overview
Histopathologic Cancer Detection
: 림프구의 사진을 보고 암 전이 여부를 파악하는 문제
Input
Model
Yes
or
No
HAI 2021
: Data
• test directory
: test dataset에 해당하는 이미지가 담긴 directory
• train directory
: training dataset에 해당하는 이미지가 담긴 directory
• sample_submission.csv
: kaggle에 제출해야 할 파일의 예시
• train_labels.csv
: training dataset의 각 이미지별 label이 표기된 파일
HAI 2021
: Metric
Area Under Receiver Operating Characteristic Curve
https://scikit-learn.org/stable/modules/generated/sklearn.metrics.roc_auc_score.html
HAI 2021
: Residual Neural Network
• 기존 방식에선 layer를 매우 많이 쌓으면 성능이 떨어지는 현상이 발생함.
→ Degradation Problem
• 위 문제를 해결하기 위해 residual learning 기법을 도입.
Source: He, Zhang, Ren, Sun 2015
HAI 2021
: Residual Neural Network
Source: He, Zhang, Ren, Sun 2015
HAI 2021
: Residual Neural Network
• Paper
https://arxiv.org/abs/1512.03385
• PyTorch Implementation
https://github.com/kuangliu/pytorch-cifar/blob/master/models/resnet.py
HAI 2021
: Squeeze and Excitation Network
• Channel-wise feature response를 적절하게 조절함.
Source: Hu, Shen, Albanie, Sun, Wu 2017
HAI 2021
: Squeeze and Excitation Network
• Network 구조에 관계 없이 적용할 수 있음.
Source: Hu, Shen, Albanie, Sun, Wu 2017
HAI 2021
: Squeeze and Excitation Network
• Paper
https://arxiv.org/abs/1709.01507
• PyTorch Implementation
https://github.com/moskomule/senet.pytorch
HAI 2021
: Convolutional Block Attention Module
• Self-attention을 이용해 image classification / detection의 성능을 향상함.
Source: Woo, Park, Lee, Kweon 2018
HAI 2021
: Convolutional Block Attention Module
• Self-attention을 이용해 image classification / detection의 성능을 향상함.
Source: Woo, Park, Lee, Kweon 2018
HAI 2021
: Convolutional Block Attention Module
• Paper
https://arxiv.org/abs/1807.06521
• Paper Review (Korean)
https://blog.lunit.io/2018/08/30/bam-and-cbam-self-attention-modules-for-cnn/
• PyTorch Implementation
https://github.com/Jongchan/attention-module
HAI 2021
: CNN Tricks
→ https://arxiv.org/abs/1812.01187
• CNN을 training하는 여러 방법(흑마법)을 소개하는 논문.
• 3개의 파트로 구성 돼있음.
• Efficient Training : training을 효율적으로 하기 위한 방법론 소개.
• Model Tweaks : 모델의 구조를 수정하여 성능을 높이기 위한 방법론 소개.
• Training Refinement : 정확도를 높이기 위한 방법론 소개.
HAI 2021
: CNN Tricks
• Linear Scaling Learning Rate
→ batch size를 키우면 learning rate를 Τ
𝑏
256배로 키움.
• Learning Rate Warmup
→ 초기 learning rate를 작은 값부터 선형적으로 증가시킴.
• Zero γ
→ ResNet같은 구조에선 Batch Normalization의 gamma를 0으로 초기화.
• No Bias Decay
→ Weight decay를 bias를 제외하고 weight에 대해서만 적용.
HAI 2021
: CNN Tricks
• Cosine Learning Rate Decay
→ learning rate를 𝜂𝑡 =
1
2
1 + cos
𝑡𝜋
𝑇
𝜂로 scheduling.
• Label Smoothing
→ label을 smooth하게 만듦.
• Mixup Training
→ 두 데이터의 input과 output을 linear interpolation.
𝑞𝑖 = ቊ
1 − 𝜖 𝑖𝑓 𝑖 = 𝑦
Τ
𝜖 (𝐾 − 1) 𝑜𝑡ℎ𝑒𝑟𝑤𝑖𝑠𝑒
ො
𝑥 = 𝜆𝑥𝑖 + 1 − 𝜆 𝑥𝑗
ො
𝑦 = 𝜆𝑦𝑖 + 1 − 𝜆 𝑦𝑗
HAI 2021
: Knowledge Distillation
• 미리 잘 학습된 Teacher Network의 지식을 Student Network에게 전달하는 기법.
Data
Teacher
Student
prediction
prediction
Knowledge
Distillation
HAI 2021
: Transfer Learning
• 이미 학습된 (pre-trained) network를 원하는 task에 맞춰 다시 학습하는 기법.
• 비교적 짧은 시간에 높은 정확도를 달성할 수 있음.
• 데이터가 적은 환경에서도 효율적임.
HAI 2021
: Transfer Learning
HAI 2021
: Transfer Learning
Feature Extractor
Input
Classifier
Output
Classifier
HAI 2021
: Ensemble
• 여러 모델을 결합하여 학습하는 방법론.
Dataset
Model
A
Model
B
Model
C
Model
E
…
Combiner
Output
HAI 2021
: Ensemble
• Pros
• overfitting 감소 효과가 있음.
• 단일 모델보다 성능이 향상될 수 있음.
• Cons
• cost가 비쌈.
HAI 2021

More Related Content

Similar to [2021 HAI Kaggle Study] Week2 project1 cv

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
 
FixMatch:simplifying semi supervised learning with consistency and confidence
FixMatch:simplifying semi supervised learning with consistency and confidenceFixMatch:simplifying semi supervised learning with consistency and confidence
FixMatch:simplifying semi supervised learning with consistency and confidenceLEE HOSEONG
 
3_Transfer_Learning.pdf
3_Transfer_Learning.pdf3_Transfer_Learning.pdf
3_Transfer_Learning.pdfFEG
 
Huong dan cu the svm
Huong dan cu the svmHuong dan cu the svm
Huong dan cu the svmtaikhoan262
 
Naïve Bayes Classifier Algorithm.pptx
Naïve Bayes Classifier Algorithm.pptxNaïve Bayes Classifier Algorithm.pptx
Naïve Bayes Classifier Algorithm.pptxPriyadharshiniG41
 
consistency regularization for generative adversarial networks_review
consistency regularization for generative adversarial networks_reviewconsistency regularization for generative adversarial networks_review
consistency regularization for generative adversarial networks_reviewYoonho Na
 
High performance large-scale image recognition without normalization
High performance large-scale image recognition without normalizationHigh performance large-scale image recognition without normalization
High performance large-scale image recognition without normalizationtaeseon ryu
 
Training Deep Networks with Backprop (D1L4 Insight@DCU Machine Learning Works...
Training Deep Networks with Backprop (D1L4 Insight@DCU Machine Learning Works...Training Deep Networks with Backprop (D1L4 Insight@DCU Machine Learning Works...
Training Deep Networks with Backprop (D1L4 Insight@DCU Machine Learning Works...Universitat Politècnica de Catalunya
 
Transfer Learning: Breve introducción a modelos pre-entrenados.
Transfer Learning: Breve introducción a modelos pre-entrenados.Transfer Learning: Breve introducción a modelos pre-entrenados.
Transfer Learning: Breve introducción a modelos pre-entrenados.Fernando Constantino
 
Presentation - Predicting Online Purchases Using Conversion Prediction Modeli...
Presentation - Predicting Online Purchases Using Conversion Prediction Modeli...Presentation - Predicting Online Purchases Using Conversion Prediction Modeli...
Presentation - Predicting Online Purchases Using Conversion Prediction Modeli...Christopher Sneed, MSDS, PMP, CSPO
 
4 high performance large-scale image recognition without normalization
4 high performance large-scale image recognition without normalization4 high performance large-scale image recognition without normalization
4 high performance large-scale image recognition without normalizationDonghoon Park
 
StackNet Meta-Modelling framework
StackNet Meta-Modelling frameworkStackNet Meta-Modelling framework
StackNet Meta-Modelling frameworkSri Ambati
 
PR-411: Model soups: averaging weights of multiple fine-tuned models improves...
PR-411: Model soups: averaging weights of multiple fine-tuned models improves...PR-411: Model soups: averaging weights of multiple fine-tuned models improves...
PR-411: Model soups: averaging weights of multiple fine-tuned models improves...Sunghoon Joo
 
Presentation of master thesis
Presentation of master thesisPresentation of master thesis
Presentation of master thesisSeoung-Ho Choi
 
Lecture 7: Troubleshooting Deep Neural Networks (Full Stack Deep Learning - S...
Lecture 7: Troubleshooting Deep Neural Networks (Full Stack Deep Learning - S...Lecture 7: Troubleshooting Deep Neural Networks (Full Stack Deep Learning - S...
Lecture 7: Troubleshooting Deep Neural Networks (Full Stack Deep Learning - S...Sergey Karayev
 
activelearning.ppt
activelearning.pptactivelearning.ppt
activelearning.pptbutest
 
Barga Data Science lecture 10
Barga Data Science lecture 10Barga Data Science lecture 10
Barga Data Science lecture 10Roger Barga
 
in5490-classification (1).pptx
in5490-classification (1).pptxin5490-classification (1).pptx
in5490-classification (1).pptxMonicaTimber
 
Fast AutoAugment
Fast AutoAugmentFast AutoAugment
Fast AutoAugmentYongsu Baek
 

Similar to [2021 HAI Kaggle Study] Week2 project1 cv (20)

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...
 
FixMatch:simplifying semi supervised learning with consistency and confidence
FixMatch:simplifying semi supervised learning with consistency and confidenceFixMatch:simplifying semi supervised learning with consistency and confidence
FixMatch:simplifying semi supervised learning with consistency and confidence
 
3_Transfer_Learning.pdf
3_Transfer_Learning.pdf3_Transfer_Learning.pdf
3_Transfer_Learning.pdf
 
Guide
GuideGuide
Guide
 
Huong dan cu the svm
Huong dan cu the svmHuong dan cu the svm
Huong dan cu the svm
 
Naïve Bayes Classifier Algorithm.pptx
Naïve Bayes Classifier Algorithm.pptxNaïve Bayes Classifier Algorithm.pptx
Naïve Bayes Classifier Algorithm.pptx
 
consistency regularization for generative adversarial networks_review
consistency regularization for generative adversarial networks_reviewconsistency regularization for generative adversarial networks_review
consistency regularization for generative adversarial networks_review
 
High performance large-scale image recognition without normalization
High performance large-scale image recognition without normalizationHigh performance large-scale image recognition without normalization
High performance large-scale image recognition without normalization
 
Training Deep Networks with Backprop (D1L4 Insight@DCU Machine Learning Works...
Training Deep Networks with Backprop (D1L4 Insight@DCU Machine Learning Works...Training Deep Networks with Backprop (D1L4 Insight@DCU Machine Learning Works...
Training Deep Networks with Backprop (D1L4 Insight@DCU Machine Learning Works...
 
Transfer Learning: Breve introducción a modelos pre-entrenados.
Transfer Learning: Breve introducción a modelos pre-entrenados.Transfer Learning: Breve introducción a modelos pre-entrenados.
Transfer Learning: Breve introducción a modelos pre-entrenados.
 
Presentation - Predicting Online Purchases Using Conversion Prediction Modeli...
Presentation - Predicting Online Purchases Using Conversion Prediction Modeli...Presentation - Predicting Online Purchases Using Conversion Prediction Modeli...
Presentation - Predicting Online Purchases Using Conversion Prediction Modeli...
 
4 high performance large-scale image recognition without normalization
4 high performance large-scale image recognition without normalization4 high performance large-scale image recognition without normalization
4 high performance large-scale image recognition without normalization
 
StackNet Meta-Modelling framework
StackNet Meta-Modelling frameworkStackNet Meta-Modelling framework
StackNet Meta-Modelling framework
 
PR-411: Model soups: averaging weights of multiple fine-tuned models improves...
PR-411: Model soups: averaging weights of multiple fine-tuned models improves...PR-411: Model soups: averaging weights of multiple fine-tuned models improves...
PR-411: Model soups: averaging weights of multiple fine-tuned models improves...
 
Presentation of master thesis
Presentation of master thesisPresentation of master thesis
Presentation of master thesis
 
Lecture 7: Troubleshooting Deep Neural Networks (Full Stack Deep Learning - S...
Lecture 7: Troubleshooting Deep Neural Networks (Full Stack Deep Learning - S...Lecture 7: Troubleshooting Deep Neural Networks (Full Stack Deep Learning - S...
Lecture 7: Troubleshooting Deep Neural Networks (Full Stack Deep Learning - S...
 
activelearning.ppt
activelearning.pptactivelearning.ppt
activelearning.ppt
 
Barga Data Science lecture 10
Barga Data Science lecture 10Barga Data Science lecture 10
Barga Data Science lecture 10
 
in5490-classification (1).pptx
in5490-classification (1).pptxin5490-classification (1).pptx
in5490-classification (1).pptx
 
Fast AutoAugment
Fast AutoAugmentFast AutoAugment
Fast AutoAugment
 

More from 준영 박

[2021 HAI Kaggle Study] Week5 project2 nlp
[2021 HAI Kaggle Study] Week5 project2 nlp[2021 HAI Kaggle Study] Week5 project2 nlp
[2021 HAI Kaggle Study] Week5 project2 nlp준영 박
 
[2021 HAI Kaggle Study] Week1 kaggle basic
[2021 HAI Kaggle Study] Week1 kaggle basic[2021 HAI Kaggle Study] Week1 kaggle basic
[2021 HAI Kaggle Study] Week1 kaggle basic준영 박
 
Nationality recognition
Nationality recognitionNationality recognition
Nationality recognition준영 박
 
Squeeze and excitation networks
Squeeze and excitation networksSqueeze and excitation networks
Squeeze and excitation networks준영 박
 
C# 고급 문법 part 2
C# 고급 문법 part 2C# 고급 문법 part 2
C# 고급 문법 part 2준영 박
 
C# 고급 문법 part 1
C# 고급 문법 part 1C# 고급 문법 part 1
C# 고급 문법 part 1준영 박
 
C# 기초 문법 part 2
C# 기초 문법 part 2C# 기초 문법 part 2
C# 기초 문법 part 2준영 박
 
C# 기초 문법 part 1
C# 기초 문법 part 1C# 기초 문법 part 1
C# 기초 문법 part 1준영 박
 

More from 준영 박 (8)

[2021 HAI Kaggle Study] Week5 project2 nlp
[2021 HAI Kaggle Study] Week5 project2 nlp[2021 HAI Kaggle Study] Week5 project2 nlp
[2021 HAI Kaggle Study] Week5 project2 nlp
 
[2021 HAI Kaggle Study] Week1 kaggle basic
[2021 HAI Kaggle Study] Week1 kaggle basic[2021 HAI Kaggle Study] Week1 kaggle basic
[2021 HAI Kaggle Study] Week1 kaggle basic
 
Nationality recognition
Nationality recognitionNationality recognition
Nationality recognition
 
Squeeze and excitation networks
Squeeze and excitation networksSqueeze and excitation networks
Squeeze and excitation networks
 
C# 고급 문법 part 2
C# 고급 문법 part 2C# 고급 문법 part 2
C# 고급 문법 part 2
 
C# 고급 문법 part 1
C# 고급 문법 part 1C# 고급 문법 part 1
C# 고급 문법 part 1
 
C# 기초 문법 part 2
C# 기초 문법 part 2C# 기초 문법 part 2
C# 기초 문법 part 2
 
C# 기초 문법 part 1
C# 기초 문법 part 1C# 기초 문법 part 1
C# 기초 문법 part 1
 

Recently uploaded

科罗拉多大学波尔得分校毕业证学位证成绩单-可办理
科罗拉多大学波尔得分校毕业证学位证成绩单-可办理科罗拉多大学波尔得分校毕业证学位证成绩单-可办理
科罗拉多大学波尔得分校毕业证学位证成绩单-可办理e4aez8ss
 
Predicting Salary Using Data Science: A Comprehensive Analysis.pdf
Predicting Salary Using Data Science: A Comprehensive Analysis.pdfPredicting Salary Using Data Science: A Comprehensive Analysis.pdf
Predicting Salary Using Data Science: A Comprehensive Analysis.pdfBoston Institute of Analytics
 
办理(Vancouver毕业证书)加拿大温哥华岛大学毕业证成绩单原版一比一
办理(Vancouver毕业证书)加拿大温哥华岛大学毕业证成绩单原版一比一办理(Vancouver毕业证书)加拿大温哥华岛大学毕业证成绩单原版一比一
办理(Vancouver毕业证书)加拿大温哥华岛大学毕业证成绩单原版一比一F La
 
B2 Creative Industry Response Evaluation.docx
B2 Creative Industry Response Evaluation.docxB2 Creative Industry Response Evaluation.docx
B2 Creative Industry Response Evaluation.docxStephen266013
 
9711147426✨Call In girls Gurgaon Sector 31. SCO 25 escort service
9711147426✨Call In girls Gurgaon Sector 31. SCO 25 escort service9711147426✨Call In girls Gurgaon Sector 31. SCO 25 escort service
9711147426✨Call In girls Gurgaon Sector 31. SCO 25 escort servicejennyeacort
 
Consent & Privacy Signals on Google *Pixels* - MeasureCamp Amsterdam 2024
Consent & Privacy Signals on Google *Pixels* - MeasureCamp Amsterdam 2024Consent & Privacy Signals on Google *Pixels* - MeasureCamp Amsterdam 2024
Consent & Privacy Signals on Google *Pixels* - MeasureCamp Amsterdam 2024thyngster
 
High Class Call Girls Noida Sector 39 Aarushi 🔝8264348440🔝 Independent Escort...
High Class Call Girls Noida Sector 39 Aarushi 🔝8264348440🔝 Independent Escort...High Class Call Girls Noida Sector 39 Aarushi 🔝8264348440🔝 Independent Escort...
High Class Call Girls Noida Sector 39 Aarushi 🔝8264348440🔝 Independent Escort...soniya singh
 
From idea to production in a day – Leveraging Azure ML and Streamlit to build...
From idea to production in a day – Leveraging Azure ML and Streamlit to build...From idea to production in a day – Leveraging Azure ML and Streamlit to build...
From idea to production in a day – Leveraging Azure ML and Streamlit to build...Florian Roscheck
 
RABBIT: A CLI tool for identifying bots based on their GitHub events.
RABBIT: A CLI tool for identifying bots based on their GitHub events.RABBIT: A CLI tool for identifying bots based on their GitHub events.
RABBIT: A CLI tool for identifying bots based on their GitHub events.natarajan8993
 
NLP Data Science Project Presentation:Predicting Heart Disease with NLP Data ...
NLP Data Science Project Presentation:Predicting Heart Disease with NLP Data ...NLP Data Science Project Presentation:Predicting Heart Disease with NLP Data ...
NLP Data Science Project Presentation:Predicting Heart Disease with NLP Data ...Boston Institute of Analytics
 
Dubai Call Girls Wifey O52&786472 Call Girls Dubai
Dubai Call Girls Wifey O52&786472 Call Girls DubaiDubai Call Girls Wifey O52&786472 Call Girls Dubai
Dubai Call Girls Wifey O52&786472 Call Girls Dubaihf8803863
 
Building on a FAIRly Strong Foundation to Connect Academic Research to Transl...
Building on a FAIRly Strong Foundation to Connect Academic Research to Transl...Building on a FAIRly Strong Foundation to Connect Academic Research to Transl...
Building on a FAIRly Strong Foundation to Connect Academic Research to Transl...Jack DiGiovanna
 
RS 9000 Call In girls Dwarka Mor (DELHI)⇛9711147426🔝Delhi
RS 9000 Call In girls Dwarka Mor (DELHI)⇛9711147426🔝DelhiRS 9000 Call In girls Dwarka Mor (DELHI)⇛9711147426🔝Delhi
RS 9000 Call In girls Dwarka Mor (DELHI)⇛9711147426🔝Delhijennyeacort
 
NLP Project PPT: Flipkart Product Reviews through NLP Data Science.pptx
NLP Project PPT: Flipkart Product Reviews through NLP Data Science.pptxNLP Project PPT: Flipkart Product Reviews through NLP Data Science.pptx
NLP Project PPT: Flipkart Product Reviews through NLP Data Science.pptxBoston Institute of Analytics
 
INTERNSHIP ON PURBASHA COMPOSITE TEX LTD
INTERNSHIP ON PURBASHA COMPOSITE TEX LTDINTERNSHIP ON PURBASHA COMPOSITE TEX LTD
INTERNSHIP ON PURBASHA COMPOSITE TEX LTDRafezzaman
 
DBA Basics: Getting Started with Performance Tuning.pdf
DBA Basics: Getting Started with Performance Tuning.pdfDBA Basics: Getting Started with Performance Tuning.pdf
DBA Basics: Getting Started with Performance Tuning.pdfJohn Sterrett
 
办理学位证中佛罗里达大学毕业证,UCF成绩单原版一比一
办理学位证中佛罗里达大学毕业证,UCF成绩单原版一比一办理学位证中佛罗里达大学毕业证,UCF成绩单原版一比一
办理学位证中佛罗里达大学毕业证,UCF成绩单原版一比一F sss
 
20240419 - Measurecamp Amsterdam - SAM.pdf
20240419 - Measurecamp Amsterdam - SAM.pdf20240419 - Measurecamp Amsterdam - SAM.pdf
20240419 - Measurecamp Amsterdam - SAM.pdfHuman37
 
GA4 Without Cookies [Measure Camp AMS]
GA4 Without Cookies [Measure Camp AMS]GA4 Without Cookies [Measure Camp AMS]
GA4 Without Cookies [Measure Camp AMS]📊 Markus Baersch
 

Recently uploaded (20)

科罗拉多大学波尔得分校毕业证学位证成绩单-可办理
科罗拉多大学波尔得分校毕业证学位证成绩单-可办理科罗拉多大学波尔得分校毕业证学位证成绩单-可办理
科罗拉多大学波尔得分校毕业证学位证成绩单-可办理
 
Predicting Salary Using Data Science: A Comprehensive Analysis.pdf
Predicting Salary Using Data Science: A Comprehensive Analysis.pdfPredicting Salary Using Data Science: A Comprehensive Analysis.pdf
Predicting Salary Using Data Science: A Comprehensive Analysis.pdf
 
办理(Vancouver毕业证书)加拿大温哥华岛大学毕业证成绩单原版一比一
办理(Vancouver毕业证书)加拿大温哥华岛大学毕业证成绩单原版一比一办理(Vancouver毕业证书)加拿大温哥华岛大学毕业证成绩单原版一比一
办理(Vancouver毕业证书)加拿大温哥华岛大学毕业证成绩单原版一比一
 
B2 Creative Industry Response Evaluation.docx
B2 Creative Industry Response Evaluation.docxB2 Creative Industry Response Evaluation.docx
B2 Creative Industry Response Evaluation.docx
 
9711147426✨Call In girls Gurgaon Sector 31. SCO 25 escort service
9711147426✨Call In girls Gurgaon Sector 31. SCO 25 escort service9711147426✨Call In girls Gurgaon Sector 31. SCO 25 escort service
9711147426✨Call In girls Gurgaon Sector 31. SCO 25 escort service
 
Consent & Privacy Signals on Google *Pixels* - MeasureCamp Amsterdam 2024
Consent & Privacy Signals on Google *Pixels* - MeasureCamp Amsterdam 2024Consent & Privacy Signals on Google *Pixels* - MeasureCamp Amsterdam 2024
Consent & Privacy Signals on Google *Pixels* - MeasureCamp Amsterdam 2024
 
High Class Call Girls Noida Sector 39 Aarushi 🔝8264348440🔝 Independent Escort...
High Class Call Girls Noida Sector 39 Aarushi 🔝8264348440🔝 Independent Escort...High Class Call Girls Noida Sector 39 Aarushi 🔝8264348440🔝 Independent Escort...
High Class Call Girls Noida Sector 39 Aarushi 🔝8264348440🔝 Independent Escort...
 
From idea to production in a day – Leveraging Azure ML and Streamlit to build...
From idea to production in a day – Leveraging Azure ML and Streamlit to build...From idea to production in a day – Leveraging Azure ML and Streamlit to build...
From idea to production in a day – Leveraging Azure ML and Streamlit to build...
 
RABBIT: A CLI tool for identifying bots based on their GitHub events.
RABBIT: A CLI tool for identifying bots based on their GitHub events.RABBIT: A CLI tool for identifying bots based on their GitHub events.
RABBIT: A CLI tool for identifying bots based on their GitHub events.
 
NLP Data Science Project Presentation:Predicting Heart Disease with NLP Data ...
NLP Data Science Project Presentation:Predicting Heart Disease with NLP Data ...NLP Data Science Project Presentation:Predicting Heart Disease with NLP Data ...
NLP Data Science Project Presentation:Predicting Heart Disease with NLP Data ...
 
Dubai Call Girls Wifey O52&786472 Call Girls Dubai
Dubai Call Girls Wifey O52&786472 Call Girls DubaiDubai Call Girls Wifey O52&786472 Call Girls Dubai
Dubai Call Girls Wifey O52&786472 Call Girls Dubai
 
Deep Generative Learning for All - The Gen AI Hype (Spring 2024)
Deep Generative Learning for All - The Gen AI Hype (Spring 2024)Deep Generative Learning for All - The Gen AI Hype (Spring 2024)
Deep Generative Learning for All - The Gen AI Hype (Spring 2024)
 
Building on a FAIRly Strong Foundation to Connect Academic Research to Transl...
Building on a FAIRly Strong Foundation to Connect Academic Research to Transl...Building on a FAIRly Strong Foundation to Connect Academic Research to Transl...
Building on a FAIRly Strong Foundation to Connect Academic Research to Transl...
 
RS 9000 Call In girls Dwarka Mor (DELHI)⇛9711147426🔝Delhi
RS 9000 Call In girls Dwarka Mor (DELHI)⇛9711147426🔝DelhiRS 9000 Call In girls Dwarka Mor (DELHI)⇛9711147426🔝Delhi
RS 9000 Call In girls Dwarka Mor (DELHI)⇛9711147426🔝Delhi
 
NLP Project PPT: Flipkart Product Reviews through NLP Data Science.pptx
NLP Project PPT: Flipkart Product Reviews through NLP Data Science.pptxNLP Project PPT: Flipkart Product Reviews through NLP Data Science.pptx
NLP Project PPT: Flipkart Product Reviews through NLP Data Science.pptx
 
INTERNSHIP ON PURBASHA COMPOSITE TEX LTD
INTERNSHIP ON PURBASHA COMPOSITE TEX LTDINTERNSHIP ON PURBASHA COMPOSITE TEX LTD
INTERNSHIP ON PURBASHA COMPOSITE TEX LTD
 
DBA Basics: Getting Started with Performance Tuning.pdf
DBA Basics: Getting Started with Performance Tuning.pdfDBA Basics: Getting Started with Performance Tuning.pdf
DBA Basics: Getting Started with Performance Tuning.pdf
 
办理学位证中佛罗里达大学毕业证,UCF成绩单原版一比一
办理学位证中佛罗里达大学毕业证,UCF成绩单原版一比一办理学位证中佛罗里达大学毕业证,UCF成绩单原版一比一
办理学位证中佛罗里达大学毕业证,UCF成绩单原版一比一
 
20240419 - Measurecamp Amsterdam - SAM.pdf
20240419 - Measurecamp Amsterdam - SAM.pdf20240419 - Measurecamp Amsterdam - SAM.pdf
20240419 - Measurecamp Amsterdam - SAM.pdf
 
GA4 Without Cookies [Measure Camp AMS]
GA4 Without Cookies [Measure Camp AMS]GA4 Without Cookies [Measure Camp AMS]
GA4 Without Cookies [Measure Camp AMS]
 

[2021 HAI Kaggle Study] Week2 project1 cv

  • 3. HAI 2021 : Overview Histopathologic Cancer Detection : 림프구의 사진을 보고 암 전이 여부를 파악하는 문제 Input Model Yes or No
  • 4. HAI 2021 : Data • test directory : test dataset에 해당하는 이미지가 담긴 directory • train directory : training dataset에 해당하는 이미지가 담긴 directory • sample_submission.csv : kaggle에 제출해야 할 파일의 예시 • train_labels.csv : training dataset의 각 이미지별 label이 표기된 파일
  • 5. HAI 2021 : Metric Area Under Receiver Operating Characteristic Curve https://scikit-learn.org/stable/modules/generated/sklearn.metrics.roc_auc_score.html
  • 6. HAI 2021 : Residual Neural Network • 기존 방식에선 layer를 매우 많이 쌓으면 성능이 떨어지는 현상이 발생함. → Degradation Problem • 위 문제를 해결하기 위해 residual learning 기법을 도입. Source: He, Zhang, Ren, Sun 2015
  • 7. HAI 2021 : Residual Neural Network Source: He, Zhang, Ren, Sun 2015
  • 8. HAI 2021 : Residual Neural Network • Paper https://arxiv.org/abs/1512.03385 • PyTorch Implementation https://github.com/kuangliu/pytorch-cifar/blob/master/models/resnet.py
  • 9. HAI 2021 : Squeeze and Excitation Network • Channel-wise feature response를 적절하게 조절함. Source: Hu, Shen, Albanie, Sun, Wu 2017
  • 10. HAI 2021 : Squeeze and Excitation Network • Network 구조에 관계 없이 적용할 수 있음. Source: Hu, Shen, Albanie, Sun, Wu 2017
  • 11. HAI 2021 : Squeeze and Excitation Network • Paper https://arxiv.org/abs/1709.01507 • PyTorch Implementation https://github.com/moskomule/senet.pytorch
  • 12. HAI 2021 : Convolutional Block Attention Module • Self-attention을 이용해 image classification / detection의 성능을 향상함. Source: Woo, Park, Lee, Kweon 2018
  • 13. HAI 2021 : Convolutional Block Attention Module • Self-attention을 이용해 image classification / detection의 성능을 향상함. Source: Woo, Park, Lee, Kweon 2018
  • 14. HAI 2021 : Convolutional Block Attention Module • Paper https://arxiv.org/abs/1807.06521 • Paper Review (Korean) https://blog.lunit.io/2018/08/30/bam-and-cbam-self-attention-modules-for-cnn/ • PyTorch Implementation https://github.com/Jongchan/attention-module
  • 15. HAI 2021 : CNN Tricks → https://arxiv.org/abs/1812.01187 • CNN을 training하는 여러 방법(흑마법)을 소개하는 논문. • 3개의 파트로 구성 돼있음. • Efficient Training : training을 효율적으로 하기 위한 방법론 소개. • Model Tweaks : 모델의 구조를 수정하여 성능을 높이기 위한 방법론 소개. • Training Refinement : 정확도를 높이기 위한 방법론 소개.
  • 16. HAI 2021 : CNN Tricks • Linear Scaling Learning Rate → batch size를 키우면 learning rate를 Τ 𝑏 256배로 키움. • Learning Rate Warmup → 초기 learning rate를 작은 값부터 선형적으로 증가시킴. • Zero γ → ResNet같은 구조에선 Batch Normalization의 gamma를 0으로 초기화. • No Bias Decay → Weight decay를 bias를 제외하고 weight에 대해서만 적용.
  • 17. HAI 2021 : CNN Tricks • Cosine Learning Rate Decay → learning rate를 𝜂𝑡 = 1 2 1 + cos 𝑡𝜋 𝑇 𝜂로 scheduling. • Label Smoothing → label을 smooth하게 만듦. • Mixup Training → 두 데이터의 input과 output을 linear interpolation. 𝑞𝑖 = ቊ 1 − 𝜖 𝑖𝑓 𝑖 = 𝑦 Τ 𝜖 (𝐾 − 1) 𝑜𝑡ℎ𝑒𝑟𝑤𝑖𝑠𝑒 ො 𝑥 = 𝜆𝑥𝑖 + 1 − 𝜆 𝑥𝑗 ො 𝑦 = 𝜆𝑦𝑖 + 1 − 𝜆 𝑦𝑗
  • 18. HAI 2021 : Knowledge Distillation • 미리 잘 학습된 Teacher Network의 지식을 Student Network에게 전달하는 기법. Data Teacher Student prediction prediction Knowledge Distillation
  • 19. HAI 2021 : Transfer Learning • 이미 학습된 (pre-trained) network를 원하는 task에 맞춰 다시 학습하는 기법. • 비교적 짧은 시간에 높은 정확도를 달성할 수 있음. • 데이터가 적은 환경에서도 효율적임.
  • 21. HAI 2021 : Transfer Learning Feature Extractor Input Classifier Output Classifier
  • 22. HAI 2021 : Ensemble • 여러 모델을 결합하여 학습하는 방법론. Dataset Model A Model B Model C Model E … Combiner Output
  • 23. HAI 2021 : Ensemble • Pros • overfitting 감소 효과가 있음. • 단일 모델보다 성능이 향상될 수 있음. • Cons • cost가 비쌈.