SlideShare a Scribd company logo
1 of 12
https://dacon.i
o
K-Fashion AI 경진대회
1위
irelim
목
차
1
2
3
https://dacon.i
o
2
데이터 전처리 & EDA
데이터셋 전처리
학습 및 검증
앙상블 평가
https://dacon.i
o
3
- 이미지 아이디를 기준으로 전체 학습 데이터셋의 20%를 validation
데이터셋으로 분리
- 기존 학습 및 테스트 이미지가 2depth구조로 저장되어 있어서
1depth구조로 변경
- Augmentation
○ Random Flip: 0.5%
1. 데이터셋 전처리
https://dacon.i
o
4
2. model / 학습 및 검증
DetectoRS + Resnet50
https://arxiv.org/pdf/2006.02334.pdf
이미지 출처: https://medium.com/visionwizard/detectors-state-of-the-art-object-detector-from-google-research-e0b89abdd1fc
https://dacon.i
o
5
2. 학습 절차 / 학습 및 검증
총 4번의 Transfer Learning 과 Fine Tuning
1. Transfer Learning (backbone model, resnet50)
a. image scale: 1333, 800
i. 기존 pretrained된 모델 해상도에 맞게 Transfer learning
b. trained with splited traininig data
c. optimizer = dict(type='SGD', lr=0.02, momentum=0.9, weight_decay=0.0001)
d. training epoch: from 1epoch to 12epoch
e. transfer learning from pretrained torchvision://resnet50 with imagenet
2. Fine-Tuning 1
a. image scale: 800, 800
i. 대회 데이터셋 해상도에 맞게 해상도 변경
b. trained with all training data
i. 전체 학습 데이터로 학습
c. finetuning from work_dirs/fashion_detectors/epoch_12.pth
d. optimizer = dict(type='SGD', lr=0.02, momentum=0.9, weight_decay=0.0001)
e. training epoch: from 12epoch to 24epoch
https://dacon.i
o
6
2. 학습 절차 / 학습 및 검증
총 4번의 Transfer Learning 과 Fine Tuning
3. Fine-Tuning 2
a. image scale: 800, 800
b. trained with all traininig data
c. finetuning from work_dirs/fashion_detectors/epoch_24.pth
d. optimizer = dict(type='SGD', lr=0.004, momentum=0.9, weight_decay=0.0001)
i. loss가 튀어 learning rate를 급격하게 낮춤
e. training epoch: from 24epcoh to 36epoch
4. Fine-Tuning 3
a. image scale: 800, 800
b. trained with all traininig data
c. finetuning from work_dirs/fashion_detectors/epoch_34.pth
i. 36epoch보다 34epoch의 리더보드 AP점수가 높아서 34epoch 모델 사용
d. optimizer = dict(type='SGD', lr=0.002, momentum=0.9, weight_decay=0.0001)
i. loss가 튀어 learning rate를 약간 낮춤.
e. training epoch: from 34epoch to 50epoch
https://dacon.i
o
7
2. Validation / 학습 및 검증
- Segmentation의 Average Precision 활용
- 학습데이터의 20%인 validation 데이터셋으로 검증
- Leader Board 활용
- Validation 의 AP 가 높은 단일 모델들을 Leader Board 점수로
다시 한번 검증
- Validation의 AP와 Leader Board의 점수가 서로 다른 경우가
있어서 Validation의 AP를 완전하게 믿을 수 없었던 상황
- Leader Board AP로 TOP2모델로 epoch34와 epoch50 두 모델
을 선택
https://dacon.i
o
8
3. 앙상블 평가
- 싱글 모델로 Leader Board AP가 가장 높았던 두 모델 선택
- epoch34와 epoch50
- 각 모델을 개별적으로 테스트
- 테스트 파이프 라인
test_pipeline = [
dict(type='LoadImageFromFile'),
dict(
type='MultiScaleFlipAug',
img_scale=(800, 800),
flip=False,
transforms=[
dict(type='Resize', keep_ratio=True),
dict(type='RandomFlip'),
dict(type='Normalize', **img_norm_cfg),
dict(type='Pad', size_divisor=32),
dict(type='ImageToTensor', keys=['img']),
dict(type='Collect', keys=['img']),
])
]
https://dacon.i
o
9
3. 앙상블 평가
테스트 파라미터
test_cfg = dict(
rpn=dict(
nms_across_levels=False,
nms_pre=1000,
nms_post=1000,
max_num=1000,
nms_thr=0.7,
min_bbox_size=0),
rcnn=dict(
score_thr=0.81,
nms=dict(type='soft_nms', iou_threshold=0.5),
max_per_img=100,
mask_thr_binary=0.5)
)
soft_nms사용, score_thr 0.81로 튜닝하여 단일 모델 리더보드 AP score 약 7.8% 향상
10
각 모델의 마스크들을 비교해서 merge 시도
- Rule1
- 이미지에 마스크가 하나만 탐지되면 무조건 결과에 추가한다.
- Rule2
- 이미지에 마스크가 여러개일때 두 마스크의 iou가 threshold 이상(best: 70%)이
면 두 mask를 머지하고(더하고) 더 좋은 모델의 category값으로 결과에 추가한
다.
- Rule3
- merge되지 않은 나머지 마스크들은 그대로 결과에 포함시킨다.
- 이 단순한 로직으로 리더보드 기준 약 1% 향상
3. 앙상블 평가
model1 model2
발견못함
결과에 포함
model1 model2
iou threshold
이상이면
두 mask 영역
더해서 포함
image
id
mask mask
id
결과 파일
iou threshold
이하이거나 겹
치지 않으면 그
대로 포함
1 2
3
https://dacon.i
o
11
3. 시도한 기법들(실패)
- Augmentations
- https://github.com/albumentations-team/albumentations
- Albumentations의 거의 모든 기법들을 활용
- baseline과 비교했을때 loss값이 두배가량 더 높음.
- Validation AP와 LeaderBoard AP모두 더 낮음.
- Mask Filtering
- 이미지의 1%정도 되는 크기의 mask를 결과에서 삭제함.
- LeaderBoard AP 더 낮아짐.
- Ensemble
- 동일한 마스크를 merge할때 교집합(mask1 * mask2) 영역만
merge하면 LeaderBoard AP가 더 낮아짐.
THANK YOU
THANK YOU
https://dacon.i
o
12

More Related Content

What's hot

Credit Card Fraud Detection Using Unsupervised Machine Learning Algorithms
Credit Card Fraud Detection Using Unsupervised Machine Learning AlgorithmsCredit Card Fraud Detection Using Unsupervised Machine Learning Algorithms
Credit Card Fraud Detection Using Unsupervised Machine Learning AlgorithmsHariteja Bodepudi
 
Introduction to data analysis using python
Introduction to data analysis using pythonIntroduction to data analysis using python
Introduction to data analysis using pythonGuido Luz Percú
 
Decentralized Key Management (DKMS): An Essential Missing Piece of the SSI Pu...
Decentralized Key Management (DKMS): An Essential Missing Piece of the SSI Pu...Decentralized Key Management (DKMS): An Essential Missing Piece of the SSI Pu...
Decentralized Key Management (DKMS): An Essential Missing Piece of the SSI Pu...SSIMeetup
 
Machine Learning Project
Machine Learning ProjectMachine Learning Project
Machine Learning ProjectAbhishek Singh
 
How to Apply Blockchain to Supply-Chain Management
How to Apply Blockchain to Supply-Chain ManagementHow to Apply Blockchain to Supply-Chain Management
How to Apply Blockchain to Supply-Chain ManagementFluence.sh
 
Blockchain 101 | Blockchain Tutorial | Blockchain Smart Contracts | Blockchai...
Blockchain 101 | Blockchain Tutorial | Blockchain Smart Contracts | Blockchai...Blockchain 101 | Blockchain Tutorial | Blockchain Smart Contracts | Blockchai...
Blockchain 101 | Blockchain Tutorial | Blockchain Smart Contracts | Blockchai...Edureka!
 
Missing data
Missing dataMissing data
Missing datamandava57
 
Blockchain Training | Blockchain Tutorial for Beginners | Blockchain Technolo...
Blockchain Training | Blockchain Tutorial for Beginners | Blockchain Technolo...Blockchain Training | Blockchain Tutorial for Beginners | Blockchain Technolo...
Blockchain Training | Blockchain Tutorial for Beginners | Blockchain Technolo...Edureka!
 
Covering (Rules-based) Algorithm
Covering (Rules-based) AlgorithmCovering (Rules-based) Algorithm
Covering (Rules-based) AlgorithmZHAO Sam
 
Privacy-Preserving Authentication, Another Reason to Care about Zero-Knowledg...
Privacy-Preserving Authentication, Another Reason to Care about Zero-Knowledg...Privacy-Preserving Authentication, Another Reason to Care about Zero-Knowledg...
Privacy-Preserving Authentication, Another Reason to Care about Zero-Knowledg...Clare Nelson, CISSP, CIPP-E
 
Ensemble methods in machine learning
Ensemble methods in machine learningEnsemble methods in machine learning
Ensemble methods in machine learningSANTHOSH RAJA M G
 
Credit Card Fraud Detection
Credit Card Fraud DetectionCredit Card Fraud Detection
Credit Card Fraud DetectionBinayakreddy
 
Blockchain and Bitcoin
Blockchain and BitcoinBlockchain and Bitcoin
Blockchain and BitcoinHugo Rodrigues
 
Artificial Intelligence: Evolution and its Impact on Marketing
Artificial Intelligence: Evolution and its Impact on MarketingArtificial Intelligence: Evolution and its Impact on Marketing
Artificial Intelligence: Evolution and its Impact on MarketingZenith
 
Cns 13f-lec03- Classical Encryption Techniques
Cns 13f-lec03- Classical Encryption TechniquesCns 13f-lec03- Classical Encryption Techniques
Cns 13f-lec03- Classical Encryption Techniquesbabak danyal
 

What's hot (20)

Credit Card Fraud Detection Using Unsupervised Machine Learning Algorithms
Credit Card Fraud Detection Using Unsupervised Machine Learning AlgorithmsCredit Card Fraud Detection Using Unsupervised Machine Learning Algorithms
Credit Card Fraud Detection Using Unsupervised Machine Learning Algorithms
 
Introduction to data analysis using python
Introduction to data analysis using pythonIntroduction to data analysis using python
Introduction to data analysis using python
 
Decentralized Key Management (DKMS): An Essential Missing Piece of the SSI Pu...
Decentralized Key Management (DKMS): An Essential Missing Piece of the SSI Pu...Decentralized Key Management (DKMS): An Essential Missing Piece of the SSI Pu...
Decentralized Key Management (DKMS): An Essential Missing Piece of the SSI Pu...
 
Machine Learning Project
Machine Learning ProjectMachine Learning Project
Machine Learning Project
 
How to Apply Blockchain to Supply-Chain Management
How to Apply Blockchain to Supply-Chain ManagementHow to Apply Blockchain to Supply-Chain Management
How to Apply Blockchain to Supply-Chain Management
 
Blockchain Technology
Blockchain TechnologyBlockchain Technology
Blockchain Technology
 
Blockchain 101 | Blockchain Tutorial | Blockchain Smart Contracts | Blockchai...
Blockchain 101 | Blockchain Tutorial | Blockchain Smart Contracts | Blockchai...Blockchain 101 | Blockchain Tutorial | Blockchain Smart Contracts | Blockchai...
Blockchain 101 | Blockchain Tutorial | Blockchain Smart Contracts | Blockchai...
 
Missing data
Missing dataMissing data
Missing data
 
Predictive Modelling
Predictive ModellingPredictive Modelling
Predictive Modelling
 
Blockchain Training | Blockchain Tutorial for Beginners | Blockchain Technolo...
Blockchain Training | Blockchain Tutorial for Beginners | Blockchain Technolo...Blockchain Training | Blockchain Tutorial for Beginners | Blockchain Technolo...
Blockchain Training | Blockchain Tutorial for Beginners | Blockchain Technolo...
 
PPT steganography
PPT steganographyPPT steganography
PPT steganography
 
Elgamal digital signature
Elgamal digital signatureElgamal digital signature
Elgamal digital signature
 
Covering (Rules-based) Algorithm
Covering (Rules-based) AlgorithmCovering (Rules-based) Algorithm
Covering (Rules-based) Algorithm
 
Privacy-Preserving Authentication, Another Reason to Care about Zero-Knowledg...
Privacy-Preserving Authentication, Another Reason to Care about Zero-Knowledg...Privacy-Preserving Authentication, Another Reason to Care about Zero-Knowledg...
Privacy-Preserving Authentication, Another Reason to Care about Zero-Knowledg...
 
Cryptography
Cryptography Cryptography
Cryptography
 
Ensemble methods in machine learning
Ensemble methods in machine learningEnsemble methods in machine learning
Ensemble methods in machine learning
 
Credit Card Fraud Detection
Credit Card Fraud DetectionCredit Card Fraud Detection
Credit Card Fraud Detection
 
Blockchain and Bitcoin
Blockchain and BitcoinBlockchain and Bitcoin
Blockchain and Bitcoin
 
Artificial Intelligence: Evolution and its Impact on Marketing
Artificial Intelligence: Evolution and its Impact on MarketingArtificial Intelligence: Evolution and its Impact on Marketing
Artificial Intelligence: Evolution and its Impact on Marketing
 
Cns 13f-lec03- Classical Encryption Techniques
Cns 13f-lec03- Classical Encryption TechniquesCns 13f-lec03- Classical Encryption Techniques
Cns 13f-lec03- Classical Encryption Techniques
 

Similar to K-Fashion 경진대회 1등 수상자 솔루션

위성관측 데이터 활용 강수량 산출 AI 경진대회 1위 수상작
위성관측 데이터 활용 강수량 산출 AI 경진대회 1위 수상작위성관측 데이터 활용 강수량 산출 AI 경진대회 1위 수상작
위성관측 데이터 활용 강수량 산출 AI 경진대회 1위 수상작DACON AI 데이콘
 
생체 광학 데이터 분석 AI 경진대회 1위 수상작
생체 광학 데이터 분석 AI 경진대회 1위 수상작생체 광학 데이터 분석 AI 경진대회 1위 수상작
생체 광학 데이터 분석 AI 경진대회 1위 수상작DACON AI 데이콘
 
딥러닝(Deep Learing) using DeepDetect
딥러닝(Deep Learing) using DeepDetect딥러닝(Deep Learing) using DeepDetect
딥러닝(Deep Learing) using DeepDetectJunyi Song
 
위성관측 데이터 활용 강수량 산출 AI 경진대회 3위 수상작
위성관측 데이터 활용 강수량 산출 AI 경진대회 3위 수상작위성관측 데이터 활용 강수량 산출 AI 경진대회 3위 수상작
위성관측 데이터 활용 강수량 산출 AI 경진대회 3위 수상작DACON AI 데이콘
 
우리 제품의 검증 프로세스 소개 자료
우리 제품의 검증 프로세스 소개 자료 우리 제품의 검증 프로세스 소개 자료
우리 제품의 검증 프로세스 소개 자료 SangIn Choung
 
VLFeat SIFT MATLAB application 테크니컬 리포트
VLFeat SIFT MATLAB application 테크니컬 리포트VLFeat SIFT MATLAB application 테크니컬 리포트
VLFeat SIFT MATLAB application 테크니컬 리포트Hyunwoong_Jang
 
Polyp detection with_tensorflow_object_detection_api
Polyp detection with_tensorflow_object_detection_apiPolyp detection with_tensorflow_object_detection_api
Polyp detection with_tensorflow_object_detection_apifermat39
 
UiPath와 Python ML(Machine Learning) 모델 연동
UiPath와 Python ML(Machine Learning) 모델 연동UiPath와 Python ML(Machine Learning) 모델 연동
UiPath와 Python ML(Machine Learning) 모델 연동TIMEGATE
 
Azure ml studio_fraud_detection
Azure ml studio_fraud_detectionAzure ml studio_fraud_detection
Azure ml studio_fraud_detectionTIMEGATE
 
Azure ml studio_fraud_detection
Azure ml studio_fraud_detectionAzure ml studio_fraud_detection
Azure ml studio_fraud_detectionSeung-Woo Kang
 
권기훈_포트폴리오
권기훈_포트폴리오권기훈_포트폴리오
권기훈_포트폴리오Kihoon4
 
진동데이터 활용 충돌체 탐지 AI 경진대회 2등
진동데이터 활용 충돌체 탐지 AI 경진대회 2등진동데이터 활용 충돌체 탐지 AI 경진대회 2등
진동데이터 활용 충돌체 탐지 AI 경진대회 2등DACON AI 데이콘
 
생체 광학 데이터 분석 AI 경진대회 3위 수상작
생체 광학 데이터 분석 AI 경진대회 3위 수상작생체 광학 데이터 분석 AI 경진대회 3위 수상작
생체 광학 데이터 분석 AI 경진대회 3위 수상작DACON AI 데이콘
 
HeadFisrt Servlet&JSP Chapter 3
HeadFisrt Servlet&JSP Chapter 3HeadFisrt Servlet&JSP Chapter 3
HeadFisrt Servlet&JSP Chapter 3J B
 
DHS S&T MDTF Biometric Technology Rally
DHS S&T MDTF Biometric Technology RallyDHS S&T MDTF Biometric Technology Rally
DHS S&T MDTF Biometric Technology RallyIMQA
 
3차프로젝트 스페인 santander 은행 고객 데이터를 활용한 금융상품 추천
3차프로젝트 스페인 santander 은행 고객 데이터를 활용한 금융상품 추천3차프로젝트 스페인 santander 은행 고객 데이터를 활용한 금융상품 추천
3차프로젝트 스페인 santander 은행 고객 데이터를 활용한 금융상품 추천Hyun-Jin Jung
 
제주 퇴근시간 버스 승차 인원 예측 2등 수상작
제주 퇴근시간 버스 승차 인원 예측 2등 수상작제주 퇴근시간 버스 승차 인원 예측 2등 수상작
제주 퇴근시간 버스 승차 인원 예측 2등 수상작DACON AI 데이콘
 
Html5 앱과 웹사이트를 보다 빠르게 하는 50가지
Html5 앱과 웹사이트를 보다 빠르게 하는 50가지Html5 앱과 웹사이트를 보다 빠르게 하는 50가지
Html5 앱과 웹사이트를 보다 빠르게 하는 50가지yongwoo Jeon
 

Similar to K-Fashion 경진대회 1등 수상자 솔루션 (20)

위성관측 데이터 활용 강수량 산출 AI 경진대회 1위 수상작
위성관측 데이터 활용 강수량 산출 AI 경진대회 1위 수상작위성관측 데이터 활용 강수량 산출 AI 경진대회 1위 수상작
위성관측 데이터 활용 강수량 산출 AI 경진대회 1위 수상작
 
생체 광학 데이터 분석 AI 경진대회 1위 수상작
생체 광학 데이터 분석 AI 경진대회 1위 수상작생체 광학 데이터 분석 AI 경진대회 1위 수상작
생체 광학 데이터 분석 AI 경진대회 1위 수상작
 
Openface
OpenfaceOpenface
Openface
 
딥러닝(Deep Learing) using DeepDetect
딥러닝(Deep Learing) using DeepDetect딥러닝(Deep Learing) using DeepDetect
딥러닝(Deep Learing) using DeepDetect
 
위성관측 데이터 활용 강수량 산출 AI 경진대회 3위 수상작
위성관측 데이터 활용 강수량 산출 AI 경진대회 3위 수상작위성관측 데이터 활용 강수량 산출 AI 경진대회 3위 수상작
위성관측 데이터 활용 강수량 산출 AI 경진대회 3위 수상작
 
우리 제품의 검증 프로세스 소개 자료
우리 제품의 검증 프로세스 소개 자료 우리 제품의 검증 프로세스 소개 자료
우리 제품의 검증 프로세스 소개 자료
 
VLFeat SIFT MATLAB application 테크니컬 리포트
VLFeat SIFT MATLAB application 테크니컬 리포트VLFeat SIFT MATLAB application 테크니컬 리포트
VLFeat SIFT MATLAB application 테크니컬 리포트
 
Polyp detection with_tensorflow_object_detection_api
Polyp detection with_tensorflow_object_detection_apiPolyp detection with_tensorflow_object_detection_api
Polyp detection with_tensorflow_object_detection_api
 
UiPath와 Python ML(Machine Learning) 모델 연동
UiPath와 Python ML(Machine Learning) 모델 연동UiPath와 Python ML(Machine Learning) 모델 연동
UiPath와 Python ML(Machine Learning) 모델 연동
 
Azure ml studio_fraud_detection
Azure ml studio_fraud_detectionAzure ml studio_fraud_detection
Azure ml studio_fraud_detection
 
Azure ml studio_fraud_detection
Azure ml studio_fraud_detectionAzure ml studio_fraud_detection
Azure ml studio_fraud_detection
 
권기훈_포트폴리오
권기훈_포트폴리오권기훈_포트폴리오
권기훈_포트폴리오
 
진동데이터 활용 충돌체 탐지 AI 경진대회 2등
진동데이터 활용 충돌체 탐지 AI 경진대회 2등진동데이터 활용 충돌체 탐지 AI 경진대회 2등
진동데이터 활용 충돌체 탐지 AI 경진대회 2등
 
생체 광학 데이터 분석 AI 경진대회 3위 수상작
생체 광학 데이터 분석 AI 경진대회 3위 수상작생체 광학 데이터 분석 AI 경진대회 3위 수상작
생체 광학 데이터 분석 AI 경진대회 3위 수상작
 
HeadFisrt Servlet&JSP Chapter 3
HeadFisrt Servlet&JSP Chapter 3HeadFisrt Servlet&JSP Chapter 3
HeadFisrt Servlet&JSP Chapter 3
 
DHS S&T MDTF Biometric Technology Rally
DHS S&T MDTF Biometric Technology RallyDHS S&T MDTF Biometric Technology Rally
DHS S&T MDTF Biometric Technology Rally
 
Openface
OpenfaceOpenface
Openface
 
3차프로젝트 스페인 santander 은행 고객 데이터를 활용한 금융상품 추천
3차프로젝트 스페인 santander 은행 고객 데이터를 활용한 금융상품 추천3차프로젝트 스페인 santander 은행 고객 데이터를 활용한 금융상품 추천
3차프로젝트 스페인 santander 은행 고객 데이터를 활용한 금융상품 추천
 
제주 퇴근시간 버스 승차 인원 예측 2등 수상작
제주 퇴근시간 버스 승차 인원 예측 2등 수상작제주 퇴근시간 버스 승차 인원 예측 2등 수상작
제주 퇴근시간 버스 승차 인원 예측 2등 수상작
 
Html5 앱과 웹사이트를 보다 빠르게 하는 50가지
Html5 앱과 웹사이트를 보다 빠르게 하는 50가지Html5 앱과 웹사이트를 보다 빠르게 하는 50가지
Html5 앱과 웹사이트를 보다 빠르게 하는 50가지
 

More from DACON AI 데이콘

Introduction to e tapr for hai con -eng
Introduction to e tapr for hai con -engIntroduction to e tapr for hai con -eng
Introduction to e tapr for hai con -engDACON AI 데이콘
 
Introduction to e tapr for hai con -kor
Introduction to e tapr for hai con -korIntroduction to e tapr for hai con -kor
Introduction to e tapr for hai con -korDACON AI 데이콘
 
20210728 대회주최 문의
20210728 대회주최 문의20210728 대회주최 문의
20210728 대회주최 문의DACON AI 데이콘
 
K-Fashion 경진대회 2등 수상자 솔루션
K-Fashion 경진대회 2등 수상자 솔루션K-Fashion 경진대회 2등 수상자 솔루션
K-Fashion 경진대회 2등 수상자 솔루션DACON AI 데이콘
 
K-Fashion 경진대회 3등 수상자 솔루션
K-Fashion 경진대회 3등 수상자 솔루션K-Fashion 경진대회 3등 수상자 솔루션
K-Fashion 경진대회 3등 수상자 솔루션DACON AI 데이콘
 
아리랑 위성영상 AI 객체 검출 경진대회 2등 수상자 솔루션
아리랑 위성영상 AI 객체 검출 경진대회 2등 수상자 솔루션아리랑 위성영상 AI 객체 검출 경진대회 2등 수상자 솔루션
아리랑 위성영상 AI 객체 검출 경진대회 2등 수상자 솔루션DACON AI 데이콘
 
아리랑 위성영상 AI 객체 검출 경진대회 1등 수상자 솔루션
아리랑 위성영상 AI 객체 검출 경진대회 1등 수상자 솔루션아리랑 위성영상 AI 객체 검출 경진대회 1등 수상자 솔루션
아리랑 위성영상 AI 객체 검출 경진대회 1등 수상자 솔루션DACON AI 데이콘
 
진동데이터 활용 충돌체 탐지 AI 경진대회 1등
진동데이터 활용 충돌체 탐지 AI 경진대회 1등진동데이터 활용 충돌체 탐지 AI 경진대회 1등
진동데이터 활용 충돌체 탐지 AI 경진대회 1등DACON AI 데이콘
 
포스트 코로나 데이터 시각화 경진대회 - 대상
포스트 코로나 데이터 시각화 경진대회 - 대상포스트 코로나 데이터 시각화 경진대회 - 대상
포스트 코로나 데이터 시각화 경진대회 - 대상DACON AI 데이콘
 
포스트 코로나 데이터 시각화 경진대회 - 최우수상
포스트 코로나 데이터 시각화 경진대회 - 최우수상포스트 코로나 데이터 시각화 경진대회 - 최우수상
포스트 코로나 데이터 시각화 경진대회 - 최우수상DACON AI 데이콘
 
포스트 코로나 데이터 시각화 경진대회 - 우수상
포스트 코로나 데이터 시각화 경진대회 - 우수상포스트 코로나 데이터 시각화 경진대회 - 우수상
포스트 코로나 데이터 시각화 경진대회 - 우수상DACON AI 데이콘
 
포스트 코로나 데이터 시각화 경진대회 - 장려상2
포스트 코로나 데이터 시각화 경진대회 - 장려상2포스트 코로나 데이터 시각화 경진대회 - 장려상2
포스트 코로나 데이터 시각화 경진대회 - 장려상2DACON AI 데이콘
 
포스트 코로나 데이터 시각화 경진대회 - 장려상
포스트 코로나 데이터 시각화 경진대회 - 장려상포스트 코로나 데이터 시각화 경진대회 - 장려상
포스트 코로나 데이터 시각화 경진대회 - 장려상DACON AI 데이콘
 
생체 광학 데이터 분석 AI 경진대회 10위 수상작
생체 광학 데이터 분석 AI 경진대회 10위 수상작생체 광학 데이터 분석 AI 경진대회 10위 수상작
생체 광학 데이터 분석 AI 경진대회 10위 수상작DACON AI 데이콘
 
생체 광학 데이터 분석 AI 경진대회 9위 수상작
생체 광학 데이터 분석 AI 경진대회 9위 수상작생체 광학 데이터 분석 AI 경진대회 9위 수상작
생체 광학 데이터 분석 AI 경진대회 9위 수상작DACON AI 데이콘
 

More from DACON AI 데이콘 (20)

Introduction to e tapr for hai con -eng
Introduction to e tapr for hai con -engIntroduction to e tapr for hai con -eng
Introduction to e tapr for hai con -eng
 
Introduction to e tapr for hai con -kor
Introduction to e tapr for hai con -korIntroduction to e tapr for hai con -kor
Introduction to e tapr for hai con -kor
 
20210728 대회주최 문의
20210728 대회주최 문의20210728 대회주최 문의
20210728 대회주최 문의
 
데이콘 뽀개기
데이콘 뽀개기데이콘 뽀개기
데이콘 뽀개기
 
Bittrader competition (1)
Bittrader competition (1)Bittrader competition (1)
Bittrader competition (1)
 
Bittrader competition
Bittrader competitionBittrader competition
Bittrader competition
 
Superbai
SuperbaiSuperbai
Superbai
 
K-Fashion 경진대회 2등 수상자 솔루션
K-Fashion 경진대회 2등 수상자 솔루션K-Fashion 경진대회 2등 수상자 솔루션
K-Fashion 경진대회 2등 수상자 솔루션
 
K-Fashion 경진대회 3등 수상자 솔루션
K-Fashion 경진대회 3등 수상자 솔루션K-Fashion 경진대회 3등 수상자 솔루션
K-Fashion 경진대회 3등 수상자 솔루션
 
아리랑 위성영상 AI 객체 검출 경진대회 2등 수상자 솔루션
아리랑 위성영상 AI 객체 검출 경진대회 2등 수상자 솔루션아리랑 위성영상 AI 객체 검출 경진대회 2등 수상자 솔루션
아리랑 위성영상 AI 객체 검출 경진대회 2등 수상자 솔루션
 
아리랑 위성영상 AI 객체 검출 경진대회 1등 수상자 솔루션
아리랑 위성영상 AI 객체 검출 경진대회 1등 수상자 솔루션아리랑 위성영상 AI 객체 검출 경진대회 1등 수상자 솔루션
아리랑 위성영상 AI 객체 검출 경진대회 1등 수상자 솔루션
 
진동데이터 활용 충돌체 탐지 AI 경진대회 1등
진동데이터 활용 충돌체 탐지 AI 경진대회 1등진동데이터 활용 충돌체 탐지 AI 경진대회 1등
진동데이터 활용 충돌체 탐지 AI 경진대회 1등
 
20200923
2020092320200923
20200923
 
포스트 코로나 데이터 시각화 경진대회 - 대상
포스트 코로나 데이터 시각화 경진대회 - 대상포스트 코로나 데이터 시각화 경진대회 - 대상
포스트 코로나 데이터 시각화 경진대회 - 대상
 
포스트 코로나 데이터 시각화 경진대회 - 최우수상
포스트 코로나 데이터 시각화 경진대회 - 최우수상포스트 코로나 데이터 시각화 경진대회 - 최우수상
포스트 코로나 데이터 시각화 경진대회 - 최우수상
 
포스트 코로나 데이터 시각화 경진대회 - 우수상
포스트 코로나 데이터 시각화 경진대회 - 우수상포스트 코로나 데이터 시각화 경진대회 - 우수상
포스트 코로나 데이터 시각화 경진대회 - 우수상
 
포스트 코로나 데이터 시각화 경진대회 - 장려상2
포스트 코로나 데이터 시각화 경진대회 - 장려상2포스트 코로나 데이터 시각화 경진대회 - 장려상2
포스트 코로나 데이터 시각화 경진대회 - 장려상2
 
포스트 코로나 데이터 시각화 경진대회 - 장려상
포스트 코로나 데이터 시각화 경진대회 - 장려상포스트 코로나 데이터 시각화 경진대회 - 장려상
포스트 코로나 데이터 시각화 경진대회 - 장려상
 
생체 광학 데이터 분석 AI 경진대회 10위 수상작
생체 광학 데이터 분석 AI 경진대회 10위 수상작생체 광학 데이터 분석 AI 경진대회 10위 수상작
생체 광학 데이터 분석 AI 경진대회 10위 수상작
 
생체 광학 데이터 분석 AI 경진대회 9위 수상작
생체 광학 데이터 분석 AI 경진대회 9위 수상작생체 광학 데이터 분석 AI 경진대회 9위 수상작
생체 광학 데이터 분석 AI 경진대회 9위 수상작
 

Recently uploaded

Continual Active Learning for Efficient Adaptation of Machine LearningModels ...
Continual Active Learning for Efficient Adaptation of Machine LearningModels ...Continual Active Learning for Efficient Adaptation of Machine LearningModels ...
Continual Active Learning for Efficient Adaptation of Machine LearningModels ...Kim Daeun
 
MOODv2 : Masked Image Modeling for Out-of-Distribution Detection
MOODv2 : Masked Image Modeling for Out-of-Distribution DetectionMOODv2 : Masked Image Modeling for Out-of-Distribution Detection
MOODv2 : Masked Image Modeling for Out-of-Distribution DetectionKim Daeun
 
A future that integrates LLMs and LAMs (Symposium)
A future that integrates LLMs and LAMs (Symposium)A future that integrates LLMs and LAMs (Symposium)
A future that integrates LLMs and LAMs (Symposium)Tae Young Lee
 
Merge (Kitworks Team Study 이성수 발표자료 240426)
Merge (Kitworks Team Study 이성수 발표자료 240426)Merge (Kitworks Team Study 이성수 발표자료 240426)
Merge (Kitworks Team Study 이성수 발표자료 240426)Wonjun Hwang
 
캐드앤그래픽스 2024년 5월호 목차
캐드앤그래픽스 2024년 5월호 목차캐드앤그래픽스 2024년 5월호 목차
캐드앤그래픽스 2024년 5월호 목차캐드앤그래픽스
 
Console API (Kitworks Team Study 백혜인 발표자료)
Console API (Kitworks Team Study 백혜인 발표자료)Console API (Kitworks Team Study 백혜인 발표자료)
Console API (Kitworks Team Study 백혜인 발표자료)Wonjun Hwang
 

Recently uploaded (6)

Continual Active Learning for Efficient Adaptation of Machine LearningModels ...
Continual Active Learning for Efficient Adaptation of Machine LearningModels ...Continual Active Learning for Efficient Adaptation of Machine LearningModels ...
Continual Active Learning for Efficient Adaptation of Machine LearningModels ...
 
MOODv2 : Masked Image Modeling for Out-of-Distribution Detection
MOODv2 : Masked Image Modeling for Out-of-Distribution DetectionMOODv2 : Masked Image Modeling for Out-of-Distribution Detection
MOODv2 : Masked Image Modeling for Out-of-Distribution Detection
 
A future that integrates LLMs and LAMs (Symposium)
A future that integrates LLMs and LAMs (Symposium)A future that integrates LLMs and LAMs (Symposium)
A future that integrates LLMs and LAMs (Symposium)
 
Merge (Kitworks Team Study 이성수 발표자료 240426)
Merge (Kitworks Team Study 이성수 발표자료 240426)Merge (Kitworks Team Study 이성수 발표자료 240426)
Merge (Kitworks Team Study 이성수 발표자료 240426)
 
캐드앤그래픽스 2024년 5월호 목차
캐드앤그래픽스 2024년 5월호 목차캐드앤그래픽스 2024년 5월호 목차
캐드앤그래픽스 2024년 5월호 목차
 
Console API (Kitworks Team Study 백혜인 발표자료)
Console API (Kitworks Team Study 백혜인 발표자료)Console API (Kitworks Team Study 백혜인 발표자료)
Console API (Kitworks Team Study 백혜인 발표자료)
 

K-Fashion 경진대회 1등 수상자 솔루션

  • 2. 목 차 1 2 3 https://dacon.i o 2 데이터 전처리 & EDA 데이터셋 전처리 학습 및 검증 앙상블 평가
  • 3. https://dacon.i o 3 - 이미지 아이디를 기준으로 전체 학습 데이터셋의 20%를 validation 데이터셋으로 분리 - 기존 학습 및 테스트 이미지가 2depth구조로 저장되어 있어서 1depth구조로 변경 - Augmentation ○ Random Flip: 0.5% 1. 데이터셋 전처리
  • 4. https://dacon.i o 4 2. model / 학습 및 검증 DetectoRS + Resnet50 https://arxiv.org/pdf/2006.02334.pdf 이미지 출처: https://medium.com/visionwizard/detectors-state-of-the-art-object-detector-from-google-research-e0b89abdd1fc
  • 5. https://dacon.i o 5 2. 학습 절차 / 학습 및 검증 총 4번의 Transfer Learning 과 Fine Tuning 1. Transfer Learning (backbone model, resnet50) a. image scale: 1333, 800 i. 기존 pretrained된 모델 해상도에 맞게 Transfer learning b. trained with splited traininig data c. optimizer = dict(type='SGD', lr=0.02, momentum=0.9, weight_decay=0.0001) d. training epoch: from 1epoch to 12epoch e. transfer learning from pretrained torchvision://resnet50 with imagenet 2. Fine-Tuning 1 a. image scale: 800, 800 i. 대회 데이터셋 해상도에 맞게 해상도 변경 b. trained with all training data i. 전체 학습 데이터로 학습 c. finetuning from work_dirs/fashion_detectors/epoch_12.pth d. optimizer = dict(type='SGD', lr=0.02, momentum=0.9, weight_decay=0.0001) e. training epoch: from 12epoch to 24epoch
  • 6. https://dacon.i o 6 2. 학습 절차 / 학습 및 검증 총 4번의 Transfer Learning 과 Fine Tuning 3. Fine-Tuning 2 a. image scale: 800, 800 b. trained with all traininig data c. finetuning from work_dirs/fashion_detectors/epoch_24.pth d. optimizer = dict(type='SGD', lr=0.004, momentum=0.9, weight_decay=0.0001) i. loss가 튀어 learning rate를 급격하게 낮춤 e. training epoch: from 24epcoh to 36epoch 4. Fine-Tuning 3 a. image scale: 800, 800 b. trained with all traininig data c. finetuning from work_dirs/fashion_detectors/epoch_34.pth i. 36epoch보다 34epoch의 리더보드 AP점수가 높아서 34epoch 모델 사용 d. optimizer = dict(type='SGD', lr=0.002, momentum=0.9, weight_decay=0.0001) i. loss가 튀어 learning rate를 약간 낮춤. e. training epoch: from 34epoch to 50epoch
  • 7. https://dacon.i o 7 2. Validation / 학습 및 검증 - Segmentation의 Average Precision 활용 - 학습데이터의 20%인 validation 데이터셋으로 검증 - Leader Board 활용 - Validation 의 AP 가 높은 단일 모델들을 Leader Board 점수로 다시 한번 검증 - Validation의 AP와 Leader Board의 점수가 서로 다른 경우가 있어서 Validation의 AP를 완전하게 믿을 수 없었던 상황 - Leader Board AP로 TOP2모델로 epoch34와 epoch50 두 모델 을 선택
  • 8. https://dacon.i o 8 3. 앙상블 평가 - 싱글 모델로 Leader Board AP가 가장 높았던 두 모델 선택 - epoch34와 epoch50 - 각 모델을 개별적으로 테스트 - 테스트 파이프 라인 test_pipeline = [ dict(type='LoadImageFromFile'), dict( type='MultiScaleFlipAug', img_scale=(800, 800), flip=False, transforms=[ dict(type='Resize', keep_ratio=True), dict(type='RandomFlip'), dict(type='Normalize', **img_norm_cfg), dict(type='Pad', size_divisor=32), dict(type='ImageToTensor', keys=['img']), dict(type='Collect', keys=['img']), ]) ]
  • 9. https://dacon.i o 9 3. 앙상블 평가 테스트 파라미터 test_cfg = dict( rpn=dict( nms_across_levels=False, nms_pre=1000, nms_post=1000, max_num=1000, nms_thr=0.7, min_bbox_size=0), rcnn=dict( score_thr=0.81, nms=dict(type='soft_nms', iou_threshold=0.5), max_per_img=100, mask_thr_binary=0.5) ) soft_nms사용, score_thr 0.81로 튜닝하여 단일 모델 리더보드 AP score 약 7.8% 향상
  • 10. 10 각 모델의 마스크들을 비교해서 merge 시도 - Rule1 - 이미지에 마스크가 하나만 탐지되면 무조건 결과에 추가한다. - Rule2 - 이미지에 마스크가 여러개일때 두 마스크의 iou가 threshold 이상(best: 70%)이 면 두 mask를 머지하고(더하고) 더 좋은 모델의 category값으로 결과에 추가한 다. - Rule3 - merge되지 않은 나머지 마스크들은 그대로 결과에 포함시킨다. - 이 단순한 로직으로 리더보드 기준 약 1% 향상 3. 앙상블 평가 model1 model2 발견못함 결과에 포함 model1 model2 iou threshold 이상이면 두 mask 영역 더해서 포함 image id mask mask id 결과 파일 iou threshold 이하이거나 겹 치지 않으면 그 대로 포함 1 2 3
  • 11. https://dacon.i o 11 3. 시도한 기법들(실패) - Augmentations - https://github.com/albumentations-team/albumentations - Albumentations의 거의 모든 기법들을 활용 - baseline과 비교했을때 loss값이 두배가량 더 높음. - Validation AP와 LeaderBoard AP모두 더 낮음. - Mask Filtering - 이미지의 1%정도 되는 크기의 mask를 결과에서 삭제함. - LeaderBoard AP 더 낮아짐. - Ensemble - 동일한 마스크를 merge할때 교집합(mask1 * mask2) 영역만 merge하면 LeaderBoard AP가 더 낮아짐.