SlideShare ist ein Scribd-Unternehmen logo
1 von 8
Downloaden Sie, um offline zu lesen
Yamato OKAMOTO
2019/12/15
Semi-Supervised Learning
(Survey)
Papers
method title year
consistency regularization MixMatch: A Holistic Approach to Semi-
Supervised Learning
2019
entropy minimization
temporal ensembles
Temporal Ensembling
for Semi-Supervised Learning manifold
2017
student-teacher model
Mean teachers are better role models:
Weight-averaged consistency targets
improve semi-supervised deep learning
results
2017
adversarial perturbation
Virtual Adversarial Training: A
Regularization Method for Supervised and
Semi-Supervised Learning
2019
self-supervision S4L: Self-Supervised Semi-Supervised
Learning
2019
consistency regularization
data filtering Unsupervised data augmentation for
consistency training
2019
consistency regularization
MixMatch: A Holistic Approach to Semi-Supervised
Learning (2019) *by Goodfellow
consistency regularization:
• a classifier should output the same class distribution for an unlabeled
example even after it has been augmented.
entropy minimization:
• to reduce the entropy of the label distribution, using the common
approach of adjusting the “temperature”
https://arxiv.org/pdf/1905.02249.pdf
Temporal Ensembling
for Semi-Supervised Learning manifold (2017)
consistency regularization under different dropout conditions:
• encourages consistent network output between two realizations of the
same input stimulus, under two different dropout conditions.
https://arxiv.org/pdf/1610.02242.pdf
Mean teachers are better role models:
Weight-averaged consistency targets improve
semi-supervised deep learning results (2017)
consistency regularization under different dropout conditions:
• define the consistency cost J as the expected distance between
the prediction of the student model and teacher model (for the same
data but applied different noise)
• After the weights of the student model have been updated, the teacher
model weights are updated as an average of the student weights.
• A training step with an unlabeled example would be similar
https://papers.nips.cc/paper/6719-mean-teachers-are-better-role-models-weight-averaged-consistency-targets-improve-semi-supervised-deep-learning-results.pdf
Virtual Adversarial Training: A Regularization Method
for Supervised and Semi-Supervised Learning (2019)
smoothness of the conditional label distribution given input:
• The loss of adversarial training by applying random perturbation
can be considered as a negative measure of the local smoothness
of the current model at each input data point x
• its reduction would make the model smooth at each data point.
https://arxiv.org/pdf/1704.03976.pdf
S4L: Self-Supervised Semi-Supervised Learning (2019)
Supervised-Learning
• predict image labels
Self-supervised-Learning
• predict which rotation degree was applied to rotated images
https://arxiv.org/pdf/1905.03670.pdf
Unsupervised data augmentation for
consistency training (2019)
Data Filtering
• a common technique for detecting out-of-domain data
• Use rained model to infer the labels of data in a large out-of-domain
dataset and pick out examples that the model is most confident about.
Unsupervised Data Augmentation
https://arxiv.org/pdf/1904.12848.pdf

Weitere ähnliche Inhalte

Was ist angesagt?

(2018.3) 分子のグラフ表現と機械学習
(2018.3) 分子のグラフ表現と機械学習(2018.3) 分子のグラフ表現と機械学習
(2018.3) 分子のグラフ表現と機械学習Ichigaku Takigawa
 
[DLHacks]StyleGANとBigGANのStyle mixing, morphing
[DLHacks]StyleGANとBigGANのStyle mixing, morphing[DLHacks]StyleGANとBigGANのStyle mixing, morphing
[DLHacks]StyleGANとBigGANのStyle mixing, morphingDeep Learning JP
 
StyleGAN解説 CVPR2019読み会@DeNA
StyleGAN解説 CVPR2019読み会@DeNAStyleGAN解説 CVPR2019読み会@DeNA
StyleGAN解説 CVPR2019読み会@DeNAKento Doi
 
[DL輪読会]Adversarial Learning for Zero-shot Domain Adaptation
[DL輪読会]Adversarial Learning for Zero-shot Domain Adaptation[DL輪読会]Adversarial Learning for Zero-shot Domain Adaptation
[DL輪読会]Adversarial Learning for Zero-shot Domain AdaptationDeep Learning JP
 
Generating Diverse High-Fidelity Images with VQ-VAE-2
Generating Diverse High-Fidelity Images with VQ-VAE-2Generating Diverse High-Fidelity Images with VQ-VAE-2
Generating Diverse High-Fidelity Images with VQ-VAE-2harmonylab
 
boosting 기법 이해 (bagging vs boosting)
boosting 기법 이해 (bagging vs boosting)boosting 기법 이해 (bagging vs boosting)
boosting 기법 이해 (bagging vs boosting)SANG WON PARK
 
PR-302: NeRF: Representing Scenes as Neural Radiance Fields for View Synthesis
PR-302: NeRF: Representing Scenes as Neural Radiance Fields for View SynthesisPR-302: NeRF: Representing Scenes as Neural Radiance Fields for View Synthesis
PR-302: NeRF: Representing Scenes as Neural Radiance Fields for View SynthesisHyeongmin Lee
 
Noisy Labels と戦う深層学習
Noisy Labels と戦う深層学習Noisy Labels と戦う深層学習
Noisy Labels と戦う深層学習Plot Hong
 
Feature Engineering
Feature EngineeringFeature Engineering
Feature EngineeringSri Ambati
 
科学と機械学習のあいだ:変量の設計・変換・選択・交互作用・線形性
科学と機械学習のあいだ:変量の設計・変換・選択・交互作用・線形性科学と機械学習のあいだ:変量の設計・変換・選択・交互作用・線形性
科学と機械学習のあいだ:変量の設計・変換・選択・交互作用・線形性Ichigaku Takigawa
 
Learning Theory 101 ...and Towards Learning the Flat Minima
Learning Theory 101 ...and Towards Learning the Flat MinimaLearning Theory 101 ...and Towards Learning the Flat Minima
Learning Theory 101 ...and Towards Learning the Flat MinimaSangwoo Mo
 
Adversarial Examples 分野の動向 (敵対的サンプル発表資料)
Adversarial Examples 分野の動向(敵対的サンプル発表資料)Adversarial Examples 分野の動向(敵対的サンプル発表資料)
Adversarial Examples 分野の動向 (敵対的サンプル発表資料)cvpaper. challenge
 
CVPR2016 reading - 特徴量学習とクロスモーダル転移について
CVPR2016 reading - 特徴量学習とクロスモーダル転移についてCVPR2016 reading - 特徴量学習とクロスモーダル転移について
CVPR2016 reading - 特徴量学習とクロスモーダル転移についてAkisato Kimura
 
[CVPR2022, LongVersion] Online Continual Learning on a Contaminated Data Stre...
[CVPR2022, LongVersion] Online Continual Learning on a Contaminated Data Stre...[CVPR2022, LongVersion] Online Continual Learning on a Contaminated Data Stre...
[CVPR2022, LongVersion] Online Continual Learning on a Contaminated Data Stre...Jihwan Bang
 
A Survey on Cross-Modal Embedding
A Survey on Cross-Modal EmbeddingA Survey on Cross-Modal Embedding
A Survey on Cross-Modal EmbeddingYasuhide Miura
 
Curriculum Learning (関東CV勉強会)
Curriculum Learning (関東CV勉強会)Curriculum Learning (関東CV勉強会)
Curriculum Learning (関東CV勉強会)Yoshitaka Ushiku
 
NLPにおけるAttention~Seq2Seq から BERTまで~
NLPにおけるAttention~Seq2Seq から BERTまで~NLPにおけるAttention~Seq2Seq から BERTまで~
NLPにおけるAttention~Seq2Seq から BERTまで~Takuya Ono
 
SSII2019TS: Shall We GANs?​ ~GANの基礎から最近の研究まで~
SSII2019TS: Shall We GANs?​ ~GANの基礎から最近の研究まで~SSII2019TS: Shall We GANs?​ ~GANの基礎から最近の研究まで~
SSII2019TS: Shall We GANs?​ ~GANの基礎から最近の研究まで~SSII
 
Poincare embeddings for Learning Hierarchical Representations
Poincare embeddings for Learning Hierarchical RepresentationsPoincare embeddings for Learning Hierarchical Representations
Poincare embeddings for Learning Hierarchical RepresentationsTatsuya Shirakawa
 

Was ist angesagt? (20)

(2018.3) 分子のグラフ表現と機械学習
(2018.3) 分子のグラフ表現と機械学習(2018.3) 分子のグラフ表現と機械学習
(2018.3) 分子のグラフ表現と機械学習
 
[DLHacks]StyleGANとBigGANのStyle mixing, morphing
[DLHacks]StyleGANとBigGANのStyle mixing, morphing[DLHacks]StyleGANとBigGANのStyle mixing, morphing
[DLHacks]StyleGANとBigGANのStyle mixing, morphing
 
StyleGAN解説 CVPR2019読み会@DeNA
StyleGAN解説 CVPR2019読み会@DeNAStyleGAN解説 CVPR2019読み会@DeNA
StyleGAN解説 CVPR2019読み会@DeNA
 
[DL輪読会]Adversarial Learning for Zero-shot Domain Adaptation
[DL輪読会]Adversarial Learning for Zero-shot Domain Adaptation[DL輪読会]Adversarial Learning for Zero-shot Domain Adaptation
[DL輪読会]Adversarial Learning for Zero-shot Domain Adaptation
 
Generating Diverse High-Fidelity Images with VQ-VAE-2
Generating Diverse High-Fidelity Images with VQ-VAE-2Generating Diverse High-Fidelity Images with VQ-VAE-2
Generating Diverse High-Fidelity Images with VQ-VAE-2
 
boosting 기법 이해 (bagging vs boosting)
boosting 기법 이해 (bagging vs boosting)boosting 기법 이해 (bagging vs boosting)
boosting 기법 이해 (bagging vs boosting)
 
PR-302: NeRF: Representing Scenes as Neural Radiance Fields for View Synthesis
PR-302: NeRF: Representing Scenes as Neural Radiance Fields for View SynthesisPR-302: NeRF: Representing Scenes as Neural Radiance Fields for View Synthesis
PR-302: NeRF: Representing Scenes as Neural Radiance Fields for View Synthesis
 
Noisy Labels と戦う深層学習
Noisy Labels と戦う深層学習Noisy Labels と戦う深層学習
Noisy Labels と戦う深層学習
 
Feature Engineering
Feature EngineeringFeature Engineering
Feature Engineering
 
科学と機械学習のあいだ:変量の設計・変換・選択・交互作用・線形性
科学と機械学習のあいだ:変量の設計・変換・選択・交互作用・線形性科学と機械学習のあいだ:変量の設計・変換・選択・交互作用・線形性
科学と機械学習のあいだ:変量の設計・変換・選択・交互作用・線形性
 
Learning Theory 101 ...and Towards Learning the Flat Minima
Learning Theory 101 ...and Towards Learning the Flat MinimaLearning Theory 101 ...and Towards Learning the Flat Minima
Learning Theory 101 ...and Towards Learning the Flat Minima
 
Adversarial Examples 分野の動向 (敵対的サンプル発表資料)
Adversarial Examples 分野の動向(敵対的サンプル発表資料)Adversarial Examples 分野の動向(敵対的サンプル発表資料)
Adversarial Examples 分野の動向 (敵対的サンプル発表資料)
 
CVPR2016 reading - 特徴量学習とクロスモーダル転移について
CVPR2016 reading - 特徴量学習とクロスモーダル転移についてCVPR2016 reading - 特徴量学習とクロスモーダル転移について
CVPR2016 reading - 特徴量学習とクロスモーダル転移について
 
[CVPR2022, LongVersion] Online Continual Learning on a Contaminated Data Stre...
[CVPR2022, LongVersion] Online Continual Learning on a Contaminated Data Stre...[CVPR2022, LongVersion] Online Continual Learning on a Contaminated Data Stre...
[CVPR2022, LongVersion] Online Continual Learning on a Contaminated Data Stre...
 
A Survey on Cross-Modal Embedding
A Survey on Cross-Modal EmbeddingA Survey on Cross-Modal Embedding
A Survey on Cross-Modal Embedding
 
Curriculum Learning (関東CV勉強会)
Curriculum Learning (関東CV勉強会)Curriculum Learning (関東CV勉強会)
Curriculum Learning (関東CV勉強会)
 
NLPにおけるAttention~Seq2Seq から BERTまで~
NLPにおけるAttention~Seq2Seq から BERTまで~NLPにおけるAttention~Seq2Seq から BERTまで~
NLPにおけるAttention~Seq2Seq から BERTまで~
 
Meta learning tutorial
Meta learning tutorialMeta learning tutorial
Meta learning tutorial
 
SSII2019TS: Shall We GANs?​ ~GANの基礎から最近の研究まで~
SSII2019TS: Shall We GANs?​ ~GANの基礎から最近の研究まで~SSII2019TS: Shall We GANs?​ ~GANの基礎から最近の研究まで~
SSII2019TS: Shall We GANs?​ ~GANの基礎から最近の研究まで~
 
Poincare embeddings for Learning Hierarchical Representations
Poincare embeddings for Learning Hierarchical RepresentationsPoincare embeddings for Learning Hierarchical Representations
Poincare embeddings for Learning Hierarchical Representations
 

Ähnlich wie Semi-Supervised Learning Survey Papers

PR-343: Semi-Supervised Semantic Segmentation with Cross Pseudo Supervision
PR-343: Semi-Supervised Semantic Segmentation with Cross Pseudo SupervisionPR-343: Semi-Supervised Semantic Segmentation with Cross Pseudo Supervision
PR-343: Semi-Supervised Semantic Segmentation with Cross Pseudo SupervisionSungchul Kim
 
Midyear-Review.pptx
Midyear-Review.pptxMidyear-Review.pptx
Midyear-Review.pptxariesaban
 
Adaptive Multilevel Clustering Model for the Prediction of Academic Risk
Adaptive Multilevel Clustering Model for the Prediction of Academic RiskAdaptive Multilevel Clustering Model for the Prediction of Academic Risk
Adaptive Multilevel Clustering Model for the Prediction of Academic RiskXavier Ochoa
 
Break Through to Improved Results - Mastering
Break Through to Improved Results - MasteringBreak Through to Improved Results - Mastering
Break Through to Improved Results - MasteringPearson Australia
 
Chapter 11
Chapter 11Chapter 11
Chapter 11brooks43
 
Online+: A standards-based approach to hybrid learning
Online+: A standards-based approach to hybrid learningOnline+: A standards-based approach to hybrid learning
Online+: A standards-based approach to hybrid learningHeather Zink
 
Modelling and evaluation
Modelling and evaluationModelling and evaluation
Modelling and evaluationeShikshak
 
Rollover, rollover
Rollover, rolloverRollover, rollover
Rollover, rolloverAndy Turner
 
Best practices in blended professional learning
Best practices in blended professional learningBest practices in blended professional learning
Best practices in blended professional learningAndrew Miller
 
Adaptive Learning: How Publishers Can Transform the Learning Experience
Adaptive Learning: How Publishers Can Transform the Learning ExperienceAdaptive Learning: How Publishers Can Transform the Learning Experience
Adaptive Learning: How Publishers Can Transform the Learning ExperienceCognizant
 
C&i update[1]
C&i update[1]C&i update[1]
C&i update[1]dowelld
 
Semi-supervised Learning Survey - 20 years of evaluation
Semi-supervised Learning Survey - 20 years of evaluationSemi-supervised Learning Survey - 20 years of evaluation
Semi-supervised Learning Survey - 20 years of evaluationsubarna89
 
Getting Started with Blended Professional Learning - ISTE 2014
Getting Started with Blended Professional Learning - ISTE 2014Getting Started with Blended Professional Learning - ISTE 2014
Getting Started with Blended Professional Learning - ISTE 2014Andrew Miller
 
Self-training with Noisy Student improves ImageNet classification
Self-training with Noisy Student improves ImageNet classificationSelf-training with Noisy Student improves ImageNet classification
Self-training with Noisy Student improves ImageNet classificationChaehyeon Lee
 
(SURVEY) Active Learning
(SURVEY) Active Learning(SURVEY) Active Learning
(SURVEY) Active LearningYamato OKAMOTO
 
Document-Guidelines-for-the-2023-Syllabus-landsacape.pdf
Document-Guidelines-for-the-2023-Syllabus-landsacape.pdfDocument-Guidelines-for-the-2023-Syllabus-landsacape.pdf
Document-Guidelines-for-the-2023-Syllabus-landsacape.pdfMichaelAliaga3
 
Refining RTI: A systems approach to unifying scores - Concept Presentation by...
Refining RTI: A systems approach to unifying scores - Concept Presentation by...Refining RTI: A systems approach to unifying scores - Concept Presentation by...
Refining RTI: A systems approach to unifying scores - Concept Presentation by...inBloom Inc.
 

Ähnlich wie Semi-Supervised Learning Survey Papers (20)

PR-343: Semi-Supervised Semantic Segmentation with Cross Pseudo Supervision
PR-343: Semi-Supervised Semantic Segmentation with Cross Pseudo SupervisionPR-343: Semi-Supervised Semantic Segmentation with Cross Pseudo Supervision
PR-343: Semi-Supervised Semantic Segmentation with Cross Pseudo Supervision
 
Midyear-Review.pptx
Midyear-Review.pptxMidyear-Review.pptx
Midyear-Review.pptx
 
Learning global pooling operators in deep neural networks for image retrieval...
Learning global pooling operators in deep neural networks for image retrieval...Learning global pooling operators in deep neural networks for image retrieval...
Learning global pooling operators in deep neural networks for image retrieval...
 
Adaptive Multilevel Clustering Model for the Prediction of Academic Risk
Adaptive Multilevel Clustering Model for the Prediction of Academic RiskAdaptive Multilevel Clustering Model for the Prediction of Academic Risk
Adaptive Multilevel Clustering Model for the Prediction of Academic Risk
 
Break Through to Improved Results - Mastering
Break Through to Improved Results - MasteringBreak Through to Improved Results - Mastering
Break Through to Improved Results - Mastering
 
Chapter 11
Chapter 11Chapter 11
Chapter 11
 
Programmed Instruction
Programmed InstructionProgrammed Instruction
Programmed Instruction
 
Online+: A standards-based approach to hybrid learning
Online+: A standards-based approach to hybrid learningOnline+: A standards-based approach to hybrid learning
Online+: A standards-based approach to hybrid learning
 
Modelling and evaluation
Modelling and evaluationModelling and evaluation
Modelling and evaluation
 
Rollover, rollover
Rollover, rolloverRollover, rollover
Rollover, rollover
 
Best practices in blended professional learning
Best practices in blended professional learningBest practices in blended professional learning
Best practices in blended professional learning
 
Adaptive Learning: How Publishers Can Transform the Learning Experience
Adaptive Learning: How Publishers Can Transform the Learning ExperienceAdaptive Learning: How Publishers Can Transform the Learning Experience
Adaptive Learning: How Publishers Can Transform the Learning Experience
 
C&i update[1]
C&i update[1]C&i update[1]
C&i update[1]
 
Semi-supervised Learning Survey - 20 years of evaluation
Semi-supervised Learning Survey - 20 years of evaluationSemi-supervised Learning Survey - 20 years of evaluation
Semi-supervised Learning Survey - 20 years of evaluation
 
Getting Started with Blended Professional Learning - ISTE 2014
Getting Started with Blended Professional Learning - ISTE 2014Getting Started with Blended Professional Learning - ISTE 2014
Getting Started with Blended Professional Learning - ISTE 2014
 
Self-training with Noisy Student improves ImageNet classification
Self-training with Noisy Student improves ImageNet classificationSelf-training with Noisy Student improves ImageNet classification
Self-training with Noisy Student improves ImageNet classification
 
computer simulation.pptx
computer simulation.pptxcomputer simulation.pptx
computer simulation.pptx
 
(SURVEY) Active Learning
(SURVEY) Active Learning(SURVEY) Active Learning
(SURVEY) Active Learning
 
Document-Guidelines-for-the-2023-Syllabus-landsacape.pdf
Document-Guidelines-for-the-2023-Syllabus-landsacape.pdfDocument-Guidelines-for-the-2023-Syllabus-landsacape.pdf
Document-Guidelines-for-the-2023-Syllabus-landsacape.pdf
 
Refining RTI: A systems approach to unifying scores - Concept Presentation by...
Refining RTI: A systems approach to unifying scores - Concept Presentation by...Refining RTI: A systems approach to unifying scores - Concept Presentation by...
Refining RTI: A systems approach to unifying scores - Concept Presentation by...
 

Mehr von Yamato OKAMOTO

第七回全日本コンピュータビジョン勉強会 A Multiplexed Network for End-to-End, Multilingual OCR
第七回全日本コンピュータビジョン勉強会 A Multiplexed Network for End-to-End, Multilingual OCR第七回全日本コンピュータビジョン勉強会 A Multiplexed Network for End-to-End, Multilingual OCR
第七回全日本コンピュータビジョン勉強会 A Multiplexed Network for End-to-End, Multilingual OCRYamato OKAMOTO
 
部下のマネジメントはAI開発に学べ
部下のマネジメントはAI開発に学べ部下のマネジメントはAI開発に学べ
部下のマネジメントはAI開発に学べYamato OKAMOTO
 
ICLR2020 オンライン読み会 Deep Semi-Supervised Anomaly Detection
ICLR2020 オンライン読み会 Deep Semi-Supervised Anomaly DetectionICLR2020 オンライン読み会 Deep Semi-Supervised Anomaly Detection
ICLR2020 オンライン読み会 Deep Semi-Supervised Anomaly DetectionYamato OKAMOTO
 
ICLR'2020 参加速報
ICLR'2020 参加速報ICLR'2020 参加速報
ICLR'2020 参加速報Yamato OKAMOTO
 
Domain Generalization via Model-Agnostic Learning of Semantic Features
Domain Generalization via Model-Agnostic Learning of Semantic FeaturesDomain Generalization via Model-Agnostic Learning of Semantic Features
Domain Generalization via Model-Agnostic Learning of Semantic FeaturesYamato OKAMOTO
 
[ICML2019読み会in京都] (LT)Bayesian Nonparametric Federated Learning of Neural Net...
[ICML2019読み会in京都] (LT)Bayesian Nonparametric Federated Learning of Neural Net...[ICML2019読み会in京都] (LT)Bayesian Nonparametric Federated Learning of Neural Net...
[ICML2019読み会in京都] (LT)Bayesian Nonparametric Federated Learning of Neural Net...Yamato OKAMOTO
 
[ICML2019読み会in京都] Agnostic Federated Learning
[ICML2019読み会in京都] Agnostic Federated Learning[ICML2019読み会in京都] Agnostic Federated Learning
[ICML2019読み会in京都] Agnostic Federated LearningYamato OKAMOTO
 
CVPR2019@ロングビーチ参加速報(後編 ~本会議~)
CVPR2019@ロングビーチ参加速報(後編 ~本会議~)CVPR2019@ロングビーチ参加速報(後編 ~本会議~)
CVPR2019@ロングビーチ参加速報(後編 ~本会議~)Yamato OKAMOTO
 
CVPR2019@ロングビーチ参加速報(前編~Tutorial&Workshop~)
CVPR2019@ロングビーチ参加速報(前編~Tutorial&Workshop~)CVPR2019@ロングビーチ参加速報(前編~Tutorial&Workshop~)
CVPR2019@ロングビーチ参加速報(前編~Tutorial&Workshop~)Yamato OKAMOTO
 
ICML2019@Long Beach 参加速報(5~6日目 Workshop)
ICML2019@Long Beach 参加速報(5~6日目 Workshop)ICML2019@Long Beach 参加速報(5~6日目 Workshop)
ICML2019@Long Beach 参加速報(5~6日目 Workshop)Yamato OKAMOTO
 
ICML2019@Long Beach 参加速報(最終日 Workshop)
ICML2019@Long Beach 参加速報(最終日 Workshop)ICML2019@Long Beach 参加速報(最終日 Workshop)
ICML2019@Long Beach 参加速報(最終日 Workshop)Yamato OKAMOTO
 
ICML2019@Long Beach 参加速報(4日目)
ICML2019@Long Beach 参加速報(4日目)ICML2019@Long Beach 参加速報(4日目)
ICML2019@Long Beach 参加速報(4日目)Yamato OKAMOTO
 
ICML2019@Long Beach 参加速報(3日目)
ICML2019@Long Beach 参加速報(3日目)ICML2019@Long Beach 参加速報(3日目)
ICML2019@Long Beach 参加速報(3日目)Yamato OKAMOTO
 
ICML2019@Long Beach 参加速報(2日目)
ICML2019@Long Beach 参加速報(2日目) ICML2019@Long Beach 参加速報(2日目)
ICML2019@Long Beach 参加速報(2日目) Yamato OKAMOTO
 
ICML2019@Long Beach 参加速報(1日目)
ICML2019@Long Beach 参加速報(1日目)ICML2019@Long Beach 参加速報(1日目)
ICML2019@Long Beach 参加速報(1日目)Yamato OKAMOTO
 
ICLR2019 読み会in京都 ICLRから読み取るFeature Disentangleの研究動向
ICLR2019 読み会in京都 ICLRから読み取るFeature Disentangleの研究動向ICLR2019 読み会in京都 ICLRから読み取るFeature Disentangleの研究動向
ICLR2019 読み会in京都 ICLRから読み取るFeature Disentangleの研究動向Yamato OKAMOTO
 
ICLR'19 読み会 in 京都 [LT枠] Domain Adaptationの研究動向
ICLR'19 読み会 in 京都 [LT枠] Domain Adaptationの研究動向ICLR'19 読み会 in 京都 [LT枠] Domain Adaptationの研究動向
ICLR'19 読み会 in 京都 [LT枠] Domain Adaptationの研究動向Yamato OKAMOTO
 
CVPR2019 survey Domain Adaptation on Semantic Segmentation
CVPR2019 survey Domain Adaptation on Semantic SegmentationCVPR2019 survey Domain Adaptation on Semantic Segmentation
CVPR2019 survey Domain Adaptation on Semantic SegmentationYamato OKAMOTO
 
ICLR'19 研究動向まとめ 『Domain Adaptation』『Feature Disentangle』
ICLR'19 研究動向まとめ 『Domain Adaptation』『Feature Disentangle』ICLR'19 研究動向まとめ 『Domain Adaptation』『Feature Disentangle』
ICLR'19 研究動向まとめ 『Domain Adaptation』『Feature Disentangle』Yamato OKAMOTO
 
NeurIPS2018読み会@PFN a unified feature disentangler for multi domain image tran...
NeurIPS2018読み会@PFN a unified feature disentangler for multi domain image tran...NeurIPS2018読み会@PFN a unified feature disentangler for multi domain image tran...
NeurIPS2018読み会@PFN a unified feature disentangler for multi domain image tran...Yamato OKAMOTO
 

Mehr von Yamato OKAMOTO (20)

第七回全日本コンピュータビジョン勉強会 A Multiplexed Network for End-to-End, Multilingual OCR
第七回全日本コンピュータビジョン勉強会 A Multiplexed Network for End-to-End, Multilingual OCR第七回全日本コンピュータビジョン勉強会 A Multiplexed Network for End-to-End, Multilingual OCR
第七回全日本コンピュータビジョン勉強会 A Multiplexed Network for End-to-End, Multilingual OCR
 
部下のマネジメントはAI開発に学べ
部下のマネジメントはAI開発に学べ部下のマネジメントはAI開発に学べ
部下のマネジメントはAI開発に学べ
 
ICLR2020 オンライン読み会 Deep Semi-Supervised Anomaly Detection
ICLR2020 オンライン読み会 Deep Semi-Supervised Anomaly DetectionICLR2020 オンライン読み会 Deep Semi-Supervised Anomaly Detection
ICLR2020 オンライン読み会 Deep Semi-Supervised Anomaly Detection
 
ICLR'2020 参加速報
ICLR'2020 参加速報ICLR'2020 参加速報
ICLR'2020 参加速報
 
Domain Generalization via Model-Agnostic Learning of Semantic Features
Domain Generalization via Model-Agnostic Learning of Semantic FeaturesDomain Generalization via Model-Agnostic Learning of Semantic Features
Domain Generalization via Model-Agnostic Learning of Semantic Features
 
[ICML2019読み会in京都] (LT)Bayesian Nonparametric Federated Learning of Neural Net...
[ICML2019読み会in京都] (LT)Bayesian Nonparametric Federated Learning of Neural Net...[ICML2019読み会in京都] (LT)Bayesian Nonparametric Federated Learning of Neural Net...
[ICML2019読み会in京都] (LT)Bayesian Nonparametric Federated Learning of Neural Net...
 
[ICML2019読み会in京都] Agnostic Federated Learning
[ICML2019読み会in京都] Agnostic Federated Learning[ICML2019読み会in京都] Agnostic Federated Learning
[ICML2019読み会in京都] Agnostic Federated Learning
 
CVPR2019@ロングビーチ参加速報(後編 ~本会議~)
CVPR2019@ロングビーチ参加速報(後編 ~本会議~)CVPR2019@ロングビーチ参加速報(後編 ~本会議~)
CVPR2019@ロングビーチ参加速報(後編 ~本会議~)
 
CVPR2019@ロングビーチ参加速報(前編~Tutorial&Workshop~)
CVPR2019@ロングビーチ参加速報(前編~Tutorial&Workshop~)CVPR2019@ロングビーチ参加速報(前編~Tutorial&Workshop~)
CVPR2019@ロングビーチ参加速報(前編~Tutorial&Workshop~)
 
ICML2019@Long Beach 参加速報(5~6日目 Workshop)
ICML2019@Long Beach 参加速報(5~6日目 Workshop)ICML2019@Long Beach 参加速報(5~6日目 Workshop)
ICML2019@Long Beach 参加速報(5~6日目 Workshop)
 
ICML2019@Long Beach 参加速報(最終日 Workshop)
ICML2019@Long Beach 参加速報(最終日 Workshop)ICML2019@Long Beach 参加速報(最終日 Workshop)
ICML2019@Long Beach 参加速報(最終日 Workshop)
 
ICML2019@Long Beach 参加速報(4日目)
ICML2019@Long Beach 参加速報(4日目)ICML2019@Long Beach 参加速報(4日目)
ICML2019@Long Beach 参加速報(4日目)
 
ICML2019@Long Beach 参加速報(3日目)
ICML2019@Long Beach 参加速報(3日目)ICML2019@Long Beach 参加速報(3日目)
ICML2019@Long Beach 参加速報(3日目)
 
ICML2019@Long Beach 参加速報(2日目)
ICML2019@Long Beach 参加速報(2日目) ICML2019@Long Beach 参加速報(2日目)
ICML2019@Long Beach 参加速報(2日目)
 
ICML2019@Long Beach 参加速報(1日目)
ICML2019@Long Beach 参加速報(1日目)ICML2019@Long Beach 参加速報(1日目)
ICML2019@Long Beach 参加速報(1日目)
 
ICLR2019 読み会in京都 ICLRから読み取るFeature Disentangleの研究動向
ICLR2019 読み会in京都 ICLRから読み取るFeature Disentangleの研究動向ICLR2019 読み会in京都 ICLRから読み取るFeature Disentangleの研究動向
ICLR2019 読み会in京都 ICLRから読み取るFeature Disentangleの研究動向
 
ICLR'19 読み会 in 京都 [LT枠] Domain Adaptationの研究動向
ICLR'19 読み会 in 京都 [LT枠] Domain Adaptationの研究動向ICLR'19 読み会 in 京都 [LT枠] Domain Adaptationの研究動向
ICLR'19 読み会 in 京都 [LT枠] Domain Adaptationの研究動向
 
CVPR2019 survey Domain Adaptation on Semantic Segmentation
CVPR2019 survey Domain Adaptation on Semantic SegmentationCVPR2019 survey Domain Adaptation on Semantic Segmentation
CVPR2019 survey Domain Adaptation on Semantic Segmentation
 
ICLR'19 研究動向まとめ 『Domain Adaptation』『Feature Disentangle』
ICLR'19 研究動向まとめ 『Domain Adaptation』『Feature Disentangle』ICLR'19 研究動向まとめ 『Domain Adaptation』『Feature Disentangle』
ICLR'19 研究動向まとめ 『Domain Adaptation』『Feature Disentangle』
 
NeurIPS2018読み会@PFN a unified feature disentangler for multi domain image tran...
NeurIPS2018読み会@PFN a unified feature disentangler for multi domain image tran...NeurIPS2018読み会@PFN a unified feature disentangler for multi domain image tran...
NeurIPS2018読み会@PFN a unified feature disentangler for multi domain image tran...
 

Kürzlich hochgeladen

Unleash Your Potential - Namagunga Girls Coding Club
Unleash Your Potential - Namagunga Girls Coding ClubUnleash Your Potential - Namagunga Girls Coding Club
Unleash Your Potential - Namagunga Girls Coding ClubKalema Edgar
 
SIP trunking in Janus @ Kamailio World 2024
SIP trunking in Janus @ Kamailio World 2024SIP trunking in Janus @ Kamailio World 2024
SIP trunking in Janus @ Kamailio World 2024Lorenzo Miniero
 
DevoxxFR 2024 Reproducible Builds with Apache Maven
DevoxxFR 2024 Reproducible Builds with Apache MavenDevoxxFR 2024 Reproducible Builds with Apache Maven
DevoxxFR 2024 Reproducible Builds with Apache MavenHervé Boutemy
 
Developer Data Modeling Mistakes: From Postgres to NoSQL
Developer Data Modeling Mistakes: From Postgres to NoSQLDeveloper Data Modeling Mistakes: From Postgres to NoSQL
Developer Data Modeling Mistakes: From Postgres to NoSQLScyllaDB
 
Human Factors of XR: Using Human Factors to Design XR Systems
Human Factors of XR: Using Human Factors to Design XR SystemsHuman Factors of XR: Using Human Factors to Design XR Systems
Human Factors of XR: Using Human Factors to Design XR SystemsMark Billinghurst
 
Streamlining Python Development: A Guide to a Modern Project Setup
Streamlining Python Development: A Guide to a Modern Project SetupStreamlining Python Development: A Guide to a Modern Project Setup
Streamlining Python Development: A Guide to a Modern Project SetupFlorian Wilhelm
 
Story boards and shot lists for my a level piece
Story boards and shot lists for my a level pieceStory boards and shot lists for my a level piece
Story boards and shot lists for my a level piececharlottematthew16
 
"Federated learning: out of reach no matter how close",Oleksandr Lapshyn
"Federated learning: out of reach no matter how close",Oleksandr Lapshyn"Federated learning: out of reach no matter how close",Oleksandr Lapshyn
"Federated learning: out of reach no matter how close",Oleksandr LapshynFwdays
 
Install Stable Diffusion in windows machine
Install Stable Diffusion in windows machineInstall Stable Diffusion in windows machine
Install Stable Diffusion in windows machinePadma Pradeep
 
Nell’iperspazio con Rocket: il Framework Web di Rust!
Nell’iperspazio con Rocket: il Framework Web di Rust!Nell’iperspazio con Rocket: il Framework Web di Rust!
Nell’iperspazio con Rocket: il Framework Web di Rust!Commit University
 
My INSURER PTE LTD - Insurtech Innovation Award 2024
My INSURER PTE LTD - Insurtech Innovation Award 2024My INSURER PTE LTD - Insurtech Innovation Award 2024
My INSURER PTE LTD - Insurtech Innovation Award 2024The Digital Insurer
 
Vertex AI Gemini Prompt Engineering Tips
Vertex AI Gemini Prompt Engineering TipsVertex AI Gemini Prompt Engineering Tips
Vertex AI Gemini Prompt Engineering TipsMiki Katsuragi
 
CloudStudio User manual (basic edition):
CloudStudio User manual (basic edition):CloudStudio User manual (basic edition):
CloudStudio User manual (basic edition):comworks
 
Designing IA for AI - Information Architecture Conference 2024
Designing IA for AI - Information Architecture Conference 2024Designing IA for AI - Information Architecture Conference 2024
Designing IA for AI - Information Architecture Conference 2024Enterprise Knowledge
 
The Future of Software Development - Devin AI Innovative Approach.pdf
The Future of Software Development - Devin AI Innovative Approach.pdfThe Future of Software Development - Devin AI Innovative Approach.pdf
The Future of Software Development - Devin AI Innovative Approach.pdfSeasiaInfotech2
 
Training state-of-the-art general text embedding
Training state-of-the-art general text embeddingTraining state-of-the-art general text embedding
Training state-of-the-art general text embeddingZilliz
 
Leverage Zilliz Serverless - Up to 50X Saving for Your Vector Storage Cost
Leverage Zilliz Serverless - Up to 50X Saving for Your Vector Storage CostLeverage Zilliz Serverless - Up to 50X Saving for Your Vector Storage Cost
Leverage Zilliz Serverless - Up to 50X Saving for Your Vector Storage CostZilliz
 
Kotlin Multiplatform & Compose Multiplatform - Starter kit for pragmatics
Kotlin Multiplatform & Compose Multiplatform - Starter kit for pragmaticsKotlin Multiplatform & Compose Multiplatform - Starter kit for pragmatics
Kotlin Multiplatform & Compose Multiplatform - Starter kit for pragmaticscarlostorres15106
 
Connect Wave/ connectwave Pitch Deck Presentation
Connect Wave/ connectwave Pitch Deck PresentationConnect Wave/ connectwave Pitch Deck Presentation
Connect Wave/ connectwave Pitch Deck PresentationSlibray Presentation
 

Kürzlich hochgeladen (20)

Unleash Your Potential - Namagunga Girls Coding Club
Unleash Your Potential - Namagunga Girls Coding ClubUnleash Your Potential - Namagunga Girls Coding Club
Unleash Your Potential - Namagunga Girls Coding Club
 
SIP trunking in Janus @ Kamailio World 2024
SIP trunking in Janus @ Kamailio World 2024SIP trunking in Janus @ Kamailio World 2024
SIP trunking in Janus @ Kamailio World 2024
 
DevoxxFR 2024 Reproducible Builds with Apache Maven
DevoxxFR 2024 Reproducible Builds with Apache MavenDevoxxFR 2024 Reproducible Builds with Apache Maven
DevoxxFR 2024 Reproducible Builds with Apache Maven
 
Developer Data Modeling Mistakes: From Postgres to NoSQL
Developer Data Modeling Mistakes: From Postgres to NoSQLDeveloper Data Modeling Mistakes: From Postgres to NoSQL
Developer Data Modeling Mistakes: From Postgres to NoSQL
 
Human Factors of XR: Using Human Factors to Design XR Systems
Human Factors of XR: Using Human Factors to Design XR SystemsHuman Factors of XR: Using Human Factors to Design XR Systems
Human Factors of XR: Using Human Factors to Design XR Systems
 
Streamlining Python Development: A Guide to a Modern Project Setup
Streamlining Python Development: A Guide to a Modern Project SetupStreamlining Python Development: A Guide to a Modern Project Setup
Streamlining Python Development: A Guide to a Modern Project Setup
 
Story boards and shot lists for my a level piece
Story boards and shot lists for my a level pieceStory boards and shot lists for my a level piece
Story boards and shot lists for my a level piece
 
"Federated learning: out of reach no matter how close",Oleksandr Lapshyn
"Federated learning: out of reach no matter how close",Oleksandr Lapshyn"Federated learning: out of reach no matter how close",Oleksandr Lapshyn
"Federated learning: out of reach no matter how close",Oleksandr Lapshyn
 
Install Stable Diffusion in windows machine
Install Stable Diffusion in windows machineInstall Stable Diffusion in windows machine
Install Stable Diffusion in windows machine
 
Nell’iperspazio con Rocket: il Framework Web di Rust!
Nell’iperspazio con Rocket: il Framework Web di Rust!Nell’iperspazio con Rocket: il Framework Web di Rust!
Nell’iperspazio con Rocket: il Framework Web di Rust!
 
My INSURER PTE LTD - Insurtech Innovation Award 2024
My INSURER PTE LTD - Insurtech Innovation Award 2024My INSURER PTE LTD - Insurtech Innovation Award 2024
My INSURER PTE LTD - Insurtech Innovation Award 2024
 
Vertex AI Gemini Prompt Engineering Tips
Vertex AI Gemini Prompt Engineering TipsVertex AI Gemini Prompt Engineering Tips
Vertex AI Gemini Prompt Engineering Tips
 
CloudStudio User manual (basic edition):
CloudStudio User manual (basic edition):CloudStudio User manual (basic edition):
CloudStudio User manual (basic edition):
 
Designing IA for AI - Information Architecture Conference 2024
Designing IA for AI - Information Architecture Conference 2024Designing IA for AI - Information Architecture Conference 2024
Designing IA for AI - Information Architecture Conference 2024
 
The Future of Software Development - Devin AI Innovative Approach.pdf
The Future of Software Development - Devin AI Innovative Approach.pdfThe Future of Software Development - Devin AI Innovative Approach.pdf
The Future of Software Development - Devin AI Innovative Approach.pdf
 
Training state-of-the-art general text embedding
Training state-of-the-art general text embeddingTraining state-of-the-art general text embedding
Training state-of-the-art general text embedding
 
Leverage Zilliz Serverless - Up to 50X Saving for Your Vector Storage Cost
Leverage Zilliz Serverless - Up to 50X Saving for Your Vector Storage CostLeverage Zilliz Serverless - Up to 50X Saving for Your Vector Storage Cost
Leverage Zilliz Serverless - Up to 50X Saving for Your Vector Storage Cost
 
Kotlin Multiplatform & Compose Multiplatform - Starter kit for pragmatics
Kotlin Multiplatform & Compose Multiplatform - Starter kit for pragmaticsKotlin Multiplatform & Compose Multiplatform - Starter kit for pragmatics
Kotlin Multiplatform & Compose Multiplatform - Starter kit for pragmatics
 
Connect Wave/ connectwave Pitch Deck Presentation
Connect Wave/ connectwave Pitch Deck PresentationConnect Wave/ connectwave Pitch Deck Presentation
Connect Wave/ connectwave Pitch Deck Presentation
 
E-Vehicle_Hacking_by_Parul Sharma_null_owasp.pptx
E-Vehicle_Hacking_by_Parul Sharma_null_owasp.pptxE-Vehicle_Hacking_by_Parul Sharma_null_owasp.pptx
E-Vehicle_Hacking_by_Parul Sharma_null_owasp.pptx
 

Semi-Supervised Learning Survey Papers

  • 2. Papers method title year consistency regularization MixMatch: A Holistic Approach to Semi- Supervised Learning 2019 entropy minimization temporal ensembles Temporal Ensembling for Semi-Supervised Learning manifold 2017 student-teacher model Mean teachers are better role models: Weight-averaged consistency targets improve semi-supervised deep learning results 2017 adversarial perturbation Virtual Adversarial Training: A Regularization Method for Supervised and Semi-Supervised Learning 2019 self-supervision S4L: Self-Supervised Semi-Supervised Learning 2019 consistency regularization data filtering Unsupervised data augmentation for consistency training 2019 consistency regularization
  • 3. MixMatch: A Holistic Approach to Semi-Supervised Learning (2019) *by Goodfellow consistency regularization: • a classifier should output the same class distribution for an unlabeled example even after it has been augmented. entropy minimization: • to reduce the entropy of the label distribution, using the common approach of adjusting the “temperature” https://arxiv.org/pdf/1905.02249.pdf
  • 4. Temporal Ensembling for Semi-Supervised Learning manifold (2017) consistency regularization under different dropout conditions: • encourages consistent network output between two realizations of the same input stimulus, under two different dropout conditions. https://arxiv.org/pdf/1610.02242.pdf
  • 5. Mean teachers are better role models: Weight-averaged consistency targets improve semi-supervised deep learning results (2017) consistency regularization under different dropout conditions: • define the consistency cost J as the expected distance between the prediction of the student model and teacher model (for the same data but applied different noise) • After the weights of the student model have been updated, the teacher model weights are updated as an average of the student weights. • A training step with an unlabeled example would be similar https://papers.nips.cc/paper/6719-mean-teachers-are-better-role-models-weight-averaged-consistency-targets-improve-semi-supervised-deep-learning-results.pdf
  • 6. Virtual Adversarial Training: A Regularization Method for Supervised and Semi-Supervised Learning (2019) smoothness of the conditional label distribution given input: • The loss of adversarial training by applying random perturbation can be considered as a negative measure of the local smoothness of the current model at each input data point x • its reduction would make the model smooth at each data point. https://arxiv.org/pdf/1704.03976.pdf
  • 7. S4L: Self-Supervised Semi-Supervised Learning (2019) Supervised-Learning • predict image labels Self-supervised-Learning • predict which rotation degree was applied to rotated images https://arxiv.org/pdf/1905.03670.pdf
  • 8. Unsupervised data augmentation for consistency training (2019) Data Filtering • a common technique for detecting out-of-domain data • Use rained model to infer the labels of data in a large out-of-domain dataset and pick out examples that the model is most confident about. Unsupervised Data Augmentation https://arxiv.org/pdf/1904.12848.pdf