SlideShare a Scribd company logo
Representational Continuity for
Unsupervised Continual Learning
Divyam Madaan, Jaehong Yoon, Yuanchun Li, Yunxin Liu, and Sung Ju Hwang
ICLR 2022, Oral Presentation
Data in the Wild
With the advent of technology driven applications, large amount of unsupervised data is
generated every minute of the day.
Data Driven AI Progress
Large-scale datasets have greatly influenced the progress of deep-learning models on
multiple benchmark applications.
Motivation
However, in many real-life applications, the collected datasets are limited in size during
the initial training phase of the network.
Motivation
The set of classes/tasks dynamically grow in size and change continuously with time.
Annotation Challenges
Annotation process is time-consuming (eg. bounding boxes in videos) and expensive as it
requires expert knowledge in various applications.
Therefore, it is essential to learn continual representations on unlabelled data streams.
Objective
In this work, we take a step towards training scalable unsupervised CL representations.
Time
Related Work
However, the method was restricted to simple low-resolution tasks and not scalable
to standard CL benchmark datasets.
CURL learned task-specific representations on top of shared parameters using MLP
encoders/decoders and a simple MoG generative replay.
[Rao et al. 2019] Continual Unsupervised Representational Learning. NeurIPS 2019
Unsupervised Continual Learning
We learn the feature representations on an unlabelled sequence of tasks.
Unsupervised Continual Learning
We use self-supervised learning to learn the feature representations.
Feature
Extractor
Feature
Extractor
Self-Supervised
Loss
However, a trivial combination of self-supervised learning with a sequence of
tasks can result in catastrophic forgetting.
Unsupervised Continual Learning
To mitigate catastrophic forgetting, we revisit representations learnt on previous tasks.
Our quantitative and qualitative empirical analysis shows that reliance on
annotated data is not necessary for continual learning.
Feature
Extractor
Feature
Extractor
Self-Supervised
Loss
● Structural
Regularization
● Unsupervised Replay
● Architectural
Expansion
● Lifelong
Unsupervised Mixup
Self-Supervised Learning
Representational learning methods have shown huge potential to tackle the problem
of learning without supervision.
Self-Supervised Learning
Simsiam maximized the similarity between two augmented views of an image
subject to gradient stopping operation.
[Chen et al. 2021] Exploring Simple Siamese Representation Learning. CVPR 2021
Simsiam (Chen et al. 2021)
Self-Supervised Learning
Barlowtwins pushes the cross-correlation matrix computed from twin embedding to
identity matrix.
[Chen et al. 2021] Exploring Simple Siamese Representation Learning. CVPR 2021
[Zbontar and Zing et al. 2021] Barlow Twins: Self-Supervised Learning via Redundancy Reduction. ICML 2021
Simsiam (Chen et al. 2021) Barlowtwins (Zbontar and Zing et al. 2021)
Unsupervised Structural Regularization
Encourage the current task parameters to stay close to the parameters of the old task.
.
Synaptic Intelligence [Zenke et al. 2017]
Task B Loss Surrogate Loss
UCL loss with Simsiam for current task
Unsupervised Replay
We minimize the Euclidean distance between the projected outputs to evaluate
DER (Buzzega et al. 2020) for Unsupervised Replay.
[Buzzega et al. 2020] Dark Experience for General Continual Learning: a Strong, Simple Baseline. NeurIPS 2020
Minimize the
Euclidean distance
Lifelong Unsupervised Mixup (LUMP)
LUMP interpolates between the examples of the current task and random examples
selected using uniform sampling from the replay buffer.
Self-Supervised
Loss
Experimental Setup
Datasets
[Krizhevsky 2012] Krizhevsky, A. Learning multiple layer of features from tiny images. University of Toronto 2012
1) Split CIFAR-10 [Krizhevsky
2012] A dataset with 60,000
images composed of five
tasks from ten animal and
vehicle classes.
2) Split CIFAR-100 [Krizhevsky
2012] A dataset with 60,000
images composed of 20 tasks
from 100 generic object classes.
3) Split Tiny-ImageNet [Russakovsky
2015] A subset of ImageNet dataset.
We construct 20 tasks using 100
classes.
[Ruakovsk 2015] Imagenet large scale visual recognition challenge. International journal of computer vision, 2015
Metrics
1) Accuracy is the average test accuracy of all the tasks completed until the continual learning of task
2) Forgetting is the average performance decrease of each task between its maximum accuracy and accuracy at the
completion of training
is the test accuracy of task after learning task using a KNN on frozen pre-trained representations on task
Continual Learning Evaluation
Unsupervised CL methods improve accuracy with LUMP outperforming all methods.
Accuracy
Simsiam
Split Tiny-ImageNet
Split CIFAR-100
Split CIFAR-100
Continual Learning Evaluation
We observe similar gains for UCL with BarlowTwins across all the methods.
Accuracy
Simsiam
Barlowtwins
Accuracy
Split CIFAR-100
Split CIFAR-100
Split Tiny-ImageNet
Split Tiny-ImageNet
Split CIFAR-100
Continual Learning Evaluation
Further, UCL significantly reduces catastrophic forgetting on all the datasets.
Forgetting
Simsiam
Forgetting
Barlowtwins
Split CIFAR-100
Split CIFAR-100
Split Tiny-ImageNet
Split Tiny-ImageNet
Out of Distribution Evaluation
Evaluation on various OOD datasets also show consistent improvements.
Evaluation of
representations
trained with
Sequential CIFAR-100
on OOD datasets using
KNN classifier.
FMNIST
Accuracy
Accuracy
Few-Shot Training Evaluation
Next, we evaluate on a limited number of training instances, where UCL improves
accuracy and mitigate forgetting in comparison to SCL.
This is an outcome of the discriminative feature embeddings learned by UCL.
Few Shot Training
with Split CIFAR-100
Visualization of Feature Space
SCL is prone to catastrophic forgetting, as the features are noisy w/o coherent patterns.
This is because SCL is prone to forgetting, which hurts the past tasks representations.
Visualization of Feature Space
UCL features are more relevant, with LUMP learning the most distinctive features.
We believe this is because UCL captures more than class-specific features, and captures
generic information independent of the class labels.
Visualization of Loss Landscape
UCL also obtaining a flatter and smoother loss landscape compared to SCL.
It indicates that UCL is stable and robust to the forgetting.
Similarity Analysis
Representations between two independent models are highly similar in the lower
layers, but are dissimilar for the higher modules.
Two UCL models
Two SCL models
UCL and SCL models
Finetune SI DER
This highlights that the difference in learning objective between SCL and UCL leads
to the difference in their learnt representations (mostly higher layers).
Conclusion
• We attempt to bridge the gap between continual learning and representation
learning and tackle the two crucial problems of continual learning with
unlabelled data and representation learning on a sequence of tasks.
Codes available at https://github.com/divyam3897/UCL
• We show that UCL achieves better performance over SCL due to their
characteristic ability to learn discriminative, human perceptual patterns,which
makes them transfer better and more robust to catastrophic forgetting
• Furthermore, we propose Lifelong Unsupervised Mixup (LUMP) for UCL, which
further alleviates catastrophic forgetting and provides better interpretations.
• We believe that our paper can be an essential part toward training continually
learning unsupervised representations.
Thank you

More Related Content

What's hot (20)

Continual/Lifelong Learning with Deep Architectures
Continual/Lifelong Learning with Deep ArchitecturesContinual/Lifelong Learning with Deep Architectures
Continual/Lifelong Learning with Deep Architectures
Vincenzo Lomonaco
 
Continual Learning Introduction
Continual Learning IntroductionContinual Learning Introduction
Continual Learning Introduction
Ridge-i, Inc.
 
Continual learning: Survey
Continual learning: SurveyContinual learning: Survey
Continual learning: Survey
Wonjun Jeong
 
Variational continual learning
Variational continual learningVariational continual learning
Variational continual learning
Nguyen Giang
 
Continual learning: Variational continual learning
Continual learning: Variational continual learningContinual learning: Variational continual learning
Continual learning: Variational continual learning
Wonjun Jeong
 
ZeroCap: Zero-Shot Image-to-Text Generation for Visual-Semantic Arithmetic
ZeroCap: Zero-Shot Image-to-Text Generation for Visual-Semantic ArithmeticZeroCap: Zero-Shot Image-to-Text Generation for Visual-Semantic Arithmetic
ZeroCap: Zero-Shot Image-to-Text Generation for Visual-Semantic Arithmetic
harmonylab
 
210523 swin transformer v1.5
210523 swin transformer v1.5210523 swin transformer v1.5
210523 swin transformer v1.5
taeseon ryu
 
【DL輪読会】An Image is Worth One Word: Personalizing Text-to-Image Generation usi...
【DL輪読会】An Image is Worth One Word: Personalizing Text-to-Image Generation usi...【DL輪読会】An Image is Worth One Word: Personalizing Text-to-Image Generation usi...
【DL輪読会】An Image is Worth One Word: Personalizing Text-to-Image Generation usi...
Deep Learning JP
 
The Transformer in Vision | Xavier Giro | Master in Computer Vision Barcelona...
The Transformer in Vision | Xavier Giro | Master in Computer Vision Barcelona...The Transformer in Vision | Xavier Giro | Master in Computer Vision Barcelona...
The Transformer in Vision | Xavier Giro | Master in Computer Vision Barcelona...
Universitat Politècnica de Catalunya
 
[Paper Review] Continual learning with deep generative replay
[Paper Review] Continual learning with deep generative replay[Paper Review] Continual learning with deep generative replay
[Paper Review] Continual learning with deep generative replay
Pyungin Paek
 
PR-231: A Simple Framework for Contrastive Learning of Visual Representations
PR-231: A Simple Framework for Contrastive Learning of Visual RepresentationsPR-231: A Simple Framework for Contrastive Learning of Visual Representations
PR-231: A Simple Framework for Contrastive Learning of Visual Representations
Jinwon Lee
 
ResNetの仕組み
ResNetの仕組みResNetの仕組み
ResNetの仕組み
Kota Nagasato
 
Dynamically Expandable Network (DEN)
Dynamically Expandable Network (DEN)Dynamically Expandable Network (DEN)
Dynamically Expandable Network (DEN)
Joonyoung Yi
 
(2022年3月版)深層学習によるImage Classificaitonの発展
(2022年3月版)深層学習によるImage Classificaitonの発展(2022年3月版)深層学習によるImage Classificaitonの発展
(2022年3月版)深層学習によるImage Classificaitonの発展
Takumi Ohkuma
 
Computer Vision with Deep Learning
Computer Vision with Deep LearningComputer Vision with Deep Learning
Computer Vision with Deep Learning
Capgemini
 
[DL輪読会]When Does Label Smoothing Help?
[DL輪読会]When Does Label Smoothing Help?[DL輪読会]When Does Label Smoothing Help?
[DL輪読会]When Does Label Smoothing Help?
Deep Learning JP
 
Transformer in Vision
Transformer in VisionTransformer in Vision
Transformer in Vision
Sangmin Woo
 
Self-supervised Learning Lecture Note
Self-supervised Learning Lecture NoteSelf-supervised Learning Lecture Note
Self-supervised Learning Lecture Note
Sangwoo Mo
 
Yolo
YoloYolo
Yolo
NEHA Kapoor
 
[DL輪読会]Auto-DeepLab: Hierarchical Neural Architecture Search for Semantic Ima...
[DL輪読会]Auto-DeepLab: Hierarchical Neural Architecture Search for Semantic Ima...[DL輪読会]Auto-DeepLab: Hierarchical Neural Architecture Search for Semantic Ima...
[DL輪読会]Auto-DeepLab: Hierarchical Neural Architecture Search for Semantic Ima...
Deep Learning JP
 
Continual/Lifelong Learning with Deep Architectures
Continual/Lifelong Learning with Deep ArchitecturesContinual/Lifelong Learning with Deep Architectures
Continual/Lifelong Learning with Deep Architectures
Vincenzo Lomonaco
 
Continual Learning Introduction
Continual Learning IntroductionContinual Learning Introduction
Continual Learning Introduction
Ridge-i, Inc.
 
Continual learning: Survey
Continual learning: SurveyContinual learning: Survey
Continual learning: Survey
Wonjun Jeong
 
Variational continual learning
Variational continual learningVariational continual learning
Variational continual learning
Nguyen Giang
 
Continual learning: Variational continual learning
Continual learning: Variational continual learningContinual learning: Variational continual learning
Continual learning: Variational continual learning
Wonjun Jeong
 
ZeroCap: Zero-Shot Image-to-Text Generation for Visual-Semantic Arithmetic
ZeroCap: Zero-Shot Image-to-Text Generation for Visual-Semantic ArithmeticZeroCap: Zero-Shot Image-to-Text Generation for Visual-Semantic Arithmetic
ZeroCap: Zero-Shot Image-to-Text Generation for Visual-Semantic Arithmetic
harmonylab
 
210523 swin transformer v1.5
210523 swin transformer v1.5210523 swin transformer v1.5
210523 swin transformer v1.5
taeseon ryu
 
【DL輪読会】An Image is Worth One Word: Personalizing Text-to-Image Generation usi...
【DL輪読会】An Image is Worth One Word: Personalizing Text-to-Image Generation usi...【DL輪読会】An Image is Worth One Word: Personalizing Text-to-Image Generation usi...
【DL輪読会】An Image is Worth One Word: Personalizing Text-to-Image Generation usi...
Deep Learning JP
 
The Transformer in Vision | Xavier Giro | Master in Computer Vision Barcelona...
The Transformer in Vision | Xavier Giro | Master in Computer Vision Barcelona...The Transformer in Vision | Xavier Giro | Master in Computer Vision Barcelona...
The Transformer in Vision | Xavier Giro | Master in Computer Vision Barcelona...
Universitat Politècnica de Catalunya
 
[Paper Review] Continual learning with deep generative replay
[Paper Review] Continual learning with deep generative replay[Paper Review] Continual learning with deep generative replay
[Paper Review] Continual learning with deep generative replay
Pyungin Paek
 
PR-231: A Simple Framework for Contrastive Learning of Visual Representations
PR-231: A Simple Framework for Contrastive Learning of Visual RepresentationsPR-231: A Simple Framework for Contrastive Learning of Visual Representations
PR-231: A Simple Framework for Contrastive Learning of Visual Representations
Jinwon Lee
 
Dynamically Expandable Network (DEN)
Dynamically Expandable Network (DEN)Dynamically Expandable Network (DEN)
Dynamically Expandable Network (DEN)
Joonyoung Yi
 
(2022年3月版)深層学習によるImage Classificaitonの発展
(2022年3月版)深層学習によるImage Classificaitonの発展(2022年3月版)深層学習によるImage Classificaitonの発展
(2022年3月版)深層学習によるImage Classificaitonの発展
Takumi Ohkuma
 
Computer Vision with Deep Learning
Computer Vision with Deep LearningComputer Vision with Deep Learning
Computer Vision with Deep Learning
Capgemini
 
[DL輪読会]When Does Label Smoothing Help?
[DL輪読会]When Does Label Smoothing Help?[DL輪読会]When Does Label Smoothing Help?
[DL輪読会]When Does Label Smoothing Help?
Deep Learning JP
 
Transformer in Vision
Transformer in VisionTransformer in Vision
Transformer in Vision
Sangmin Woo
 
Self-supervised Learning Lecture Note
Self-supervised Learning Lecture NoteSelf-supervised Learning Lecture Note
Self-supervised Learning Lecture Note
Sangwoo Mo
 
[DL輪読会]Auto-DeepLab: Hierarchical Neural Architecture Search for Semantic Ima...
[DL輪読会]Auto-DeepLab: Hierarchical Neural Architecture Search for Semantic Ima...[DL輪読会]Auto-DeepLab: Hierarchical Neural Architecture Search for Semantic Ima...
[DL輪読会]Auto-DeepLab: Hierarchical Neural Architecture Search for Semantic Ima...
Deep Learning JP
 

Similar to Representational Continuity for Unsupervised Continual Learning (20)

Tutorial inns2019 full
Tutorial inns2019 fullTutorial inns2019 full
Tutorial inns2019 full
Vincenzo Lomonaco
 
Toward Continual Learning on the Edge
Toward Continual Learning on the EdgeToward Continual Learning on the Edge
Toward Continual Learning on the Edge
Vincenzo Lomonaco
 
Lifelong / Incremental Deep Learning - Ramon Morros - UPC Barcelona 2018
Lifelong / Incremental Deep Learning - Ramon Morros - UPC Barcelona 2018Lifelong / Incremental Deep Learning - Ramon Morros - UPC Barcelona 2018
Lifelong / Incremental Deep Learning - Ramon Morros - UPC Barcelona 2018
Universitat Politècnica de Catalunya
 
contrastive-learning2.pdf
contrastive-learning2.pdfcontrastive-learning2.pdf
contrastive-learning2.pdf
omogire
 
Life-long / Incremental Learning (DLAI D6L1 2017 UPC Deep Learning for Artifi...
Life-long / Incremental Learning (DLAI D6L1 2017 UPC Deep Learning for Artifi...Life-long / Incremental Learning (DLAI D6L1 2017 UPC Deep Learning for Artifi...
Life-long / Incremental Learning (DLAI D6L1 2017 UPC Deep Learning for Artifi...
Universitat Politècnica de Catalunya
 
Learning visual representation without human label
Learning visual representation without human labelLearning visual representation without human label
Learning visual representation without human label
Kai-Wen Zhao
 
Continual/Lifelong Learning with Deep Architectures, Vincenzo Lomonaco
Continual/Lifelong Learning with Deep Architectures, Vincenzo LomonacoContinual/Lifelong Learning with Deep Architectures, Vincenzo Lomonaco
Continual/Lifelong Learning with Deep Architectures, Vincenzo Lomonaco
Data Science Milan
 
2023-08-22 CoLLAs Tutorial - Beyond CIL.pdf
2023-08-22 CoLLAs Tutorial - Beyond CIL.pdf2023-08-22 CoLLAs Tutorial - Beyond CIL.pdf
2023-08-22 CoLLAs Tutorial - Beyond CIL.pdf
Vincenzo Lomonaco
 
Convolutional auto-encoded extreme learning machine for incremental learning ...
Convolutional auto-encoded extreme learning machine for incremental learning ...Convolutional auto-encoded extreme learning machine for incremental learning ...
Convolutional auto-encoded extreme learning machine for incremental learning ...
IJECEIAES
 
Continual Reinforcement Learning in 3D Non-stationary Environments
Continual Reinforcement Learning in 3D Non-stationary EnvironmentsContinual Reinforcement Learning in 3D Non-stationary Environments
Continual Reinforcement Learning in 3D Non-stationary Environments
Vincenzo Lomonaco
 
Learning from similarity and information extraction from structured documents...
Learning from similarity and information extraction from structured documents...Learning from similarity and information extraction from structured documents...
Learning from similarity and information extraction from structured documents...
Infrrd
 
Continual Learning with Deep Architectures Workshop @ Computer VISIONers Conf...
Continual Learning with Deep Architectures Workshop @ Computer VISIONers Conf...Continual Learning with Deep Architectures Workshop @ Computer VISIONers Conf...
Continual Learning with Deep Architectures Workshop @ Computer VISIONers Conf...
Vincenzo Lomonaco
 
(DL輪読)Matching Networks for One Shot Learning
(DL輪読)Matching Networks for One Shot Learning(DL輪読)Matching Networks for One Shot Learning
(DL輪読)Matching Networks for One Shot Learning
Masahiro Suzuki
 
M4L18 Unsupervised and Semi-Supervised Learning - Slides v2.pdf
M4L18 Unsupervised and Semi-Supervised Learning - Slides v2.pdfM4L18 Unsupervised and Semi-Supervised Learning - Slides v2.pdf
M4L18 Unsupervised and Semi-Supervised Learning - Slides v2.pdf
yireme8491
 
Article overview: Unsupervised Learning of Visual Structure Using Predictive ...
Article overview: Unsupervised Learning of Visual Structure Using Predictive ...Article overview: Unsupervised Learning of Visual Structure Using Predictive ...
Article overview: Unsupervised Learning of Visual Structure Using Predictive ...
Ilya Kuzovkin
 
Continual learning and robotics
Continual learning and robotics   Continual learning and robotics
Continual learning and robotics
Natalia Díaz Rodríguez
 
A Simple Framework for Contrastive Learning of Visual Representations
A Simple Framework for Contrastive Learning of Visual RepresentationsA Simple Framework for Contrastive Learning of Visual Representations
A Simple Framework for Contrastive Learning of Visual Representations
Seunghyun Hwang
 
Image classification with Deep Neural Networks
Image classification with Deep Neural NetworksImage classification with Deep Neural Networks
Image classification with Deep Neural Networks
Yogendra Tamang
 
Supervised learning in artificial neural networks
Supervised learning in artificial neural networksSupervised learning in artificial neural networks
Supervised learning in artificial neural networks
SupreethGowda24
 
Improving Classifier Accuracy using Unlabeled Data..doc
Improving Classifier Accuracy using Unlabeled Data..docImproving Classifier Accuracy using Unlabeled Data..doc
Improving Classifier Accuracy using Unlabeled Data..doc
butest
 
Toward Continual Learning on the Edge
Toward Continual Learning on the EdgeToward Continual Learning on the Edge
Toward Continual Learning on the Edge
Vincenzo Lomonaco
 
Lifelong / Incremental Deep Learning - Ramon Morros - UPC Barcelona 2018
Lifelong / Incremental Deep Learning - Ramon Morros - UPC Barcelona 2018Lifelong / Incremental Deep Learning - Ramon Morros - UPC Barcelona 2018
Lifelong / Incremental Deep Learning - Ramon Morros - UPC Barcelona 2018
Universitat Politècnica de Catalunya
 
contrastive-learning2.pdf
contrastive-learning2.pdfcontrastive-learning2.pdf
contrastive-learning2.pdf
omogire
 
Life-long / Incremental Learning (DLAI D6L1 2017 UPC Deep Learning for Artifi...
Life-long / Incremental Learning (DLAI D6L1 2017 UPC Deep Learning for Artifi...Life-long / Incremental Learning (DLAI D6L1 2017 UPC Deep Learning for Artifi...
Life-long / Incremental Learning (DLAI D6L1 2017 UPC Deep Learning for Artifi...
Universitat Politècnica de Catalunya
 
Learning visual representation without human label
Learning visual representation without human labelLearning visual representation without human label
Learning visual representation without human label
Kai-Wen Zhao
 
Continual/Lifelong Learning with Deep Architectures, Vincenzo Lomonaco
Continual/Lifelong Learning with Deep Architectures, Vincenzo LomonacoContinual/Lifelong Learning with Deep Architectures, Vincenzo Lomonaco
Continual/Lifelong Learning with Deep Architectures, Vincenzo Lomonaco
Data Science Milan
 
2023-08-22 CoLLAs Tutorial - Beyond CIL.pdf
2023-08-22 CoLLAs Tutorial - Beyond CIL.pdf2023-08-22 CoLLAs Tutorial - Beyond CIL.pdf
2023-08-22 CoLLAs Tutorial - Beyond CIL.pdf
Vincenzo Lomonaco
 
Convolutional auto-encoded extreme learning machine for incremental learning ...
Convolutional auto-encoded extreme learning machine for incremental learning ...Convolutional auto-encoded extreme learning machine for incremental learning ...
Convolutional auto-encoded extreme learning machine for incremental learning ...
IJECEIAES
 
Continual Reinforcement Learning in 3D Non-stationary Environments
Continual Reinforcement Learning in 3D Non-stationary EnvironmentsContinual Reinforcement Learning in 3D Non-stationary Environments
Continual Reinforcement Learning in 3D Non-stationary Environments
Vincenzo Lomonaco
 
Learning from similarity and information extraction from structured documents...
Learning from similarity and information extraction from structured documents...Learning from similarity and information extraction from structured documents...
Learning from similarity and information extraction from structured documents...
Infrrd
 
Continual Learning with Deep Architectures Workshop @ Computer VISIONers Conf...
Continual Learning with Deep Architectures Workshop @ Computer VISIONers Conf...Continual Learning with Deep Architectures Workshop @ Computer VISIONers Conf...
Continual Learning with Deep Architectures Workshop @ Computer VISIONers Conf...
Vincenzo Lomonaco
 
(DL輪読)Matching Networks for One Shot Learning
(DL輪読)Matching Networks for One Shot Learning(DL輪読)Matching Networks for One Shot Learning
(DL輪読)Matching Networks for One Shot Learning
Masahiro Suzuki
 
M4L18 Unsupervised and Semi-Supervised Learning - Slides v2.pdf
M4L18 Unsupervised and Semi-Supervised Learning - Slides v2.pdfM4L18 Unsupervised and Semi-Supervised Learning - Slides v2.pdf
M4L18 Unsupervised and Semi-Supervised Learning - Slides v2.pdf
yireme8491
 
Article overview: Unsupervised Learning of Visual Structure Using Predictive ...
Article overview: Unsupervised Learning of Visual Structure Using Predictive ...Article overview: Unsupervised Learning of Visual Structure Using Predictive ...
Article overview: Unsupervised Learning of Visual Structure Using Predictive ...
Ilya Kuzovkin
 
A Simple Framework for Contrastive Learning of Visual Representations
A Simple Framework for Contrastive Learning of Visual RepresentationsA Simple Framework for Contrastive Learning of Visual Representations
A Simple Framework for Contrastive Learning of Visual Representations
Seunghyun Hwang
 
Image classification with Deep Neural Networks
Image classification with Deep Neural NetworksImage classification with Deep Neural Networks
Image classification with Deep Neural Networks
Yogendra Tamang
 
Supervised learning in artificial neural networks
Supervised learning in artificial neural networksSupervised learning in artificial neural networks
Supervised learning in artificial neural networks
SupreethGowda24
 
Improving Classifier Accuracy using Unlabeled Data..doc
Improving Classifier Accuracy using Unlabeled Data..docImproving Classifier Accuracy using Unlabeled Data..doc
Improving Classifier Accuracy using Unlabeled Data..doc
butest
 
Ad

More from MLAI2 (20)

Meta Learning Low Rank Covariance Factors for Energy-Based Deterministic Unce...
Meta Learning Low Rank Covariance Factors for Energy-Based Deterministic Unce...Meta Learning Low Rank Covariance Factors for Energy-Based Deterministic Unce...
Meta Learning Low Rank Covariance Factors for Energy-Based Deterministic Unce...
MLAI2
 
Online Hyperparameter Meta-Learning with Hypergradient Distillation
Online Hyperparameter Meta-Learning with Hypergradient DistillationOnline Hyperparameter Meta-Learning with Hypergradient Distillation
Online Hyperparameter Meta-Learning with Hypergradient Distillation
MLAI2
 
Online Coreset Selection for Rehearsal-based Continual Learning
Online Coreset Selection for Rehearsal-based Continual LearningOnline Coreset Selection for Rehearsal-based Continual Learning
Online Coreset Selection for Rehearsal-based Continual Learning
MLAI2
 
Sequential Reptile_Inter-Task Gradient Alignment for Multilingual Learning
Sequential Reptile_Inter-Task Gradient Alignment for Multilingual LearningSequential Reptile_Inter-Task Gradient Alignment for Multilingual Learning
Sequential Reptile_Inter-Task Gradient Alignment for Multilingual Learning
MLAI2
 
Skill-Based Meta-Reinforcement Learning
Skill-Based Meta-Reinforcement LearningSkill-Based Meta-Reinforcement Learning
Skill-Based Meta-Reinforcement Learning
MLAI2
 
Edge Representation Learning with Hypergraphs
Edge Representation Learning with HypergraphsEdge Representation Learning with Hypergraphs
Edge Representation Learning with Hypergraphs
MLAI2
 
Hit and Lead Discovery with Explorative RL and Fragment-based Molecule Genera...
Hit and Lead Discovery with Explorative RL and Fragment-based Molecule Genera...Hit and Lead Discovery with Explorative RL and Fragment-based Molecule Genera...
Hit and Lead Discovery with Explorative RL and Fragment-based Molecule Genera...
MLAI2
 
Mini-Batch Consistent Slot Set Encoder For Scalable Set Encoding
Mini-Batch Consistent Slot Set Encoder For Scalable Set EncodingMini-Batch Consistent Slot Set Encoder For Scalable Set Encoding
Mini-Batch Consistent Slot Set Encoder For Scalable Set Encoding
MLAI2
 
Task Adaptive Neural Network Search with Meta-Contrastive Learning
Task Adaptive Neural Network Search with Meta-Contrastive LearningTask Adaptive Neural Network Search with Meta-Contrastive Learning
Task Adaptive Neural Network Search with Meta-Contrastive Learning
MLAI2
 
Federated Semi-Supervised Learning with Inter-Client Consistency & Disjoint L...
Federated Semi-Supervised Learning with Inter-Client Consistency & Disjoint L...Federated Semi-Supervised Learning with Inter-Client Consistency & Disjoint L...
Federated Semi-Supervised Learning with Inter-Client Consistency & Disjoint L...
MLAI2
 
Meta-GMVAE: Mixture of Gaussian VAE for Unsupervised Meta-Learning
Meta-GMVAE: Mixture of Gaussian VAE for Unsupervised Meta-LearningMeta-GMVAE: Mixture of Gaussian VAE for Unsupervised Meta-Learning
Meta-GMVAE: Mixture of Gaussian VAE for Unsupervised Meta-Learning
MLAI2
 
Accurate Learning of Graph Representations with Graph Multiset Pooling
Accurate Learning of Graph Representations with Graph Multiset PoolingAccurate Learning of Graph Representations with Graph Multiset Pooling
Accurate Learning of Graph Representations with Graph Multiset Pooling
MLAI2
 
Contrastive Learning with Adversarial Perturbations for Conditional Text Gene...
Contrastive Learning with Adversarial Perturbations for Conditional Text Gene...Contrastive Learning with Adversarial Perturbations for Conditional Text Gene...
Contrastive Learning with Adversarial Perturbations for Conditional Text Gene...
MLAI2
 
Clinical Risk Prediction with Temporal Probabilistic Asymmetric Multi-Task Le...
Clinical Risk Prediction with Temporal Probabilistic Asymmetric Multi-Task Le...Clinical Risk Prediction with Temporal Probabilistic Asymmetric Multi-Task Le...
Clinical Risk Prediction with Temporal Probabilistic Asymmetric Multi-Task Le...
MLAI2
 
MetaPerturb: Transferable Regularizer for Heterogeneous Tasks and Architectures
MetaPerturb: Transferable Regularizer for Heterogeneous Tasks and ArchitecturesMetaPerturb: Transferable Regularizer for Heterogeneous Tasks and Architectures
MetaPerturb: Transferable Regularizer for Heterogeneous Tasks and Architectures
MLAI2
 
Adversarial Self-Supervised Contrastive Learning
Adversarial Self-Supervised Contrastive LearningAdversarial Self-Supervised Contrastive Learning
Adversarial Self-Supervised Contrastive Learning
MLAI2
 
Learning to Extrapolate Knowledge: Transductive Few-shot Out-of-Graph Link Pr...
Learning to Extrapolate Knowledge: Transductive Few-shot Out-of-Graph Link Pr...Learning to Extrapolate Knowledge: Transductive Few-shot Out-of-Graph Link Pr...
Learning to Extrapolate Knowledge: Transductive Few-shot Out-of-Graph Link Pr...
MLAI2
 
Neural Mask Generator : Learning to Generate Adaptive Word Maskings for Langu...
Neural Mask Generator : Learning to Generate Adaptive WordMaskings for Langu...Neural Mask Generator : Learning to Generate Adaptive WordMaskings for Langu...
Neural Mask Generator : Learning to Generate Adaptive Word Maskings for Langu...
MLAI2
 
Cost-effective Interactive Attention Learning with Neural Attention Process
Cost-effective Interactive Attention Learning with Neural Attention ProcessCost-effective Interactive Attention Learning with Neural Attention Process
Cost-effective Interactive Attention Learning with Neural Attention Process
MLAI2
 
Adversarial Neural Pruning with Latent Vulnerability Suppression
Adversarial Neural Pruning with Latent Vulnerability SuppressionAdversarial Neural Pruning with Latent Vulnerability Suppression
Adversarial Neural Pruning with Latent Vulnerability Suppression
MLAI2
 
Meta Learning Low Rank Covariance Factors for Energy-Based Deterministic Unce...
Meta Learning Low Rank Covariance Factors for Energy-Based Deterministic Unce...Meta Learning Low Rank Covariance Factors for Energy-Based Deterministic Unce...
Meta Learning Low Rank Covariance Factors for Energy-Based Deterministic Unce...
MLAI2
 
Online Hyperparameter Meta-Learning with Hypergradient Distillation
Online Hyperparameter Meta-Learning with Hypergradient DistillationOnline Hyperparameter Meta-Learning with Hypergradient Distillation
Online Hyperparameter Meta-Learning with Hypergradient Distillation
MLAI2
 
Online Coreset Selection for Rehearsal-based Continual Learning
Online Coreset Selection for Rehearsal-based Continual LearningOnline Coreset Selection for Rehearsal-based Continual Learning
Online Coreset Selection for Rehearsal-based Continual Learning
MLAI2
 
Sequential Reptile_Inter-Task Gradient Alignment for Multilingual Learning
Sequential Reptile_Inter-Task Gradient Alignment for Multilingual LearningSequential Reptile_Inter-Task Gradient Alignment for Multilingual Learning
Sequential Reptile_Inter-Task Gradient Alignment for Multilingual Learning
MLAI2
 
Skill-Based Meta-Reinforcement Learning
Skill-Based Meta-Reinforcement LearningSkill-Based Meta-Reinforcement Learning
Skill-Based Meta-Reinforcement Learning
MLAI2
 
Edge Representation Learning with Hypergraphs
Edge Representation Learning with HypergraphsEdge Representation Learning with Hypergraphs
Edge Representation Learning with Hypergraphs
MLAI2
 
Hit and Lead Discovery with Explorative RL and Fragment-based Molecule Genera...
Hit and Lead Discovery with Explorative RL and Fragment-based Molecule Genera...Hit and Lead Discovery with Explorative RL and Fragment-based Molecule Genera...
Hit and Lead Discovery with Explorative RL and Fragment-based Molecule Genera...
MLAI2
 
Mini-Batch Consistent Slot Set Encoder For Scalable Set Encoding
Mini-Batch Consistent Slot Set Encoder For Scalable Set EncodingMini-Batch Consistent Slot Set Encoder For Scalable Set Encoding
Mini-Batch Consistent Slot Set Encoder For Scalable Set Encoding
MLAI2
 
Task Adaptive Neural Network Search with Meta-Contrastive Learning
Task Adaptive Neural Network Search with Meta-Contrastive LearningTask Adaptive Neural Network Search with Meta-Contrastive Learning
Task Adaptive Neural Network Search with Meta-Contrastive Learning
MLAI2
 
Federated Semi-Supervised Learning with Inter-Client Consistency & Disjoint L...
Federated Semi-Supervised Learning with Inter-Client Consistency & Disjoint L...Federated Semi-Supervised Learning with Inter-Client Consistency & Disjoint L...
Federated Semi-Supervised Learning with Inter-Client Consistency & Disjoint L...
MLAI2
 
Meta-GMVAE: Mixture of Gaussian VAE for Unsupervised Meta-Learning
Meta-GMVAE: Mixture of Gaussian VAE for Unsupervised Meta-LearningMeta-GMVAE: Mixture of Gaussian VAE for Unsupervised Meta-Learning
Meta-GMVAE: Mixture of Gaussian VAE for Unsupervised Meta-Learning
MLAI2
 
Accurate Learning of Graph Representations with Graph Multiset Pooling
Accurate Learning of Graph Representations with Graph Multiset PoolingAccurate Learning of Graph Representations with Graph Multiset Pooling
Accurate Learning of Graph Representations with Graph Multiset Pooling
MLAI2
 
Contrastive Learning with Adversarial Perturbations for Conditional Text Gene...
Contrastive Learning with Adversarial Perturbations for Conditional Text Gene...Contrastive Learning with Adversarial Perturbations for Conditional Text Gene...
Contrastive Learning with Adversarial Perturbations for Conditional Text Gene...
MLAI2
 
Clinical Risk Prediction with Temporal Probabilistic Asymmetric Multi-Task Le...
Clinical Risk Prediction with Temporal Probabilistic Asymmetric Multi-Task Le...Clinical Risk Prediction with Temporal Probabilistic Asymmetric Multi-Task Le...
Clinical Risk Prediction with Temporal Probabilistic Asymmetric Multi-Task Le...
MLAI2
 
MetaPerturb: Transferable Regularizer for Heterogeneous Tasks and Architectures
MetaPerturb: Transferable Regularizer for Heterogeneous Tasks and ArchitecturesMetaPerturb: Transferable Regularizer for Heterogeneous Tasks and Architectures
MetaPerturb: Transferable Regularizer for Heterogeneous Tasks and Architectures
MLAI2
 
Adversarial Self-Supervised Contrastive Learning
Adversarial Self-Supervised Contrastive LearningAdversarial Self-Supervised Contrastive Learning
Adversarial Self-Supervised Contrastive Learning
MLAI2
 
Learning to Extrapolate Knowledge: Transductive Few-shot Out-of-Graph Link Pr...
Learning to Extrapolate Knowledge: Transductive Few-shot Out-of-Graph Link Pr...Learning to Extrapolate Knowledge: Transductive Few-shot Out-of-Graph Link Pr...
Learning to Extrapolate Knowledge: Transductive Few-shot Out-of-Graph Link Pr...
MLAI2
 
Neural Mask Generator : Learning to Generate Adaptive Word Maskings for Langu...
Neural Mask Generator : Learning to Generate Adaptive WordMaskings for Langu...Neural Mask Generator : Learning to Generate Adaptive WordMaskings for Langu...
Neural Mask Generator : Learning to Generate Adaptive Word Maskings for Langu...
MLAI2
 
Cost-effective Interactive Attention Learning with Neural Attention Process
Cost-effective Interactive Attention Learning with Neural Attention ProcessCost-effective Interactive Attention Learning with Neural Attention Process
Cost-effective Interactive Attention Learning with Neural Attention Process
MLAI2
 
Adversarial Neural Pruning with Latent Vulnerability Suppression
Adversarial Neural Pruning with Latent Vulnerability SuppressionAdversarial Neural Pruning with Latent Vulnerability Suppression
Adversarial Neural Pruning with Latent Vulnerability Suppression
MLAI2
 
Ad

Recently uploaded (20)

Down the Rabbit Hole – Solving 5 Training Roadblocks
Down the Rabbit Hole – Solving 5 Training RoadblocksDown the Rabbit Hole – Solving 5 Training Roadblocks
Down the Rabbit Hole – Solving 5 Training Roadblocks
Rustici Software
 
Domino IQ – What to Expect, First Steps and Use Cases
Domino IQ – What to Expect, First Steps and Use CasesDomino IQ – What to Expect, First Steps and Use Cases
Domino IQ – What to Expect, First Steps and Use Cases
panagenda
 
Boosting MySQL with Vector Search -THE VECTOR SEARCH CONFERENCE 2025 .pdf
Boosting MySQL with Vector Search -THE VECTOR SEARCH CONFERENCE 2025 .pdfBoosting MySQL with Vector Search -THE VECTOR SEARCH CONFERENCE 2025 .pdf
Boosting MySQL with Vector Search -THE VECTOR SEARCH CONFERENCE 2025 .pdf
Alkin Tezuysal
 
ISOIEC 42005 Revolutionalises AI Impact Assessment.pptx
ISOIEC 42005 Revolutionalises AI Impact Assessment.pptxISOIEC 42005 Revolutionalises AI Impact Assessment.pptx
ISOIEC 42005 Revolutionalises AI Impact Assessment.pptx
AyilurRamnath1
 
cnc-drilling-dowel-inserting-machine-drillteq-d-510-english.pdf
cnc-drilling-dowel-inserting-machine-drillteq-d-510-english.pdfcnc-drilling-dowel-inserting-machine-drillteq-d-510-english.pdf
cnc-drilling-dowel-inserting-machine-drillteq-d-510-english.pdf
AmirStern2
 
Bridging the divide: A conversation on tariffs today in the book industry - T...
Bridging the divide: A conversation on tariffs today in the book industry - T...Bridging the divide: A conversation on tariffs today in the book industry - T...
Bridging the divide: A conversation on tariffs today in the book industry - T...
BookNet Canada
 
6th Power Grid Model Meetup - 21 May 2025
6th Power Grid Model Meetup - 21 May 20256th Power Grid Model Meetup - 21 May 2025
6th Power Grid Model Meetup - 21 May 2025
DanBrown980551
 
Creating an Accessible Future-How AI-powered Accessibility Testing is Shaping...
Creating an Accessible Future-How AI-powered Accessibility Testing is Shaping...Creating an Accessible Future-How AI-powered Accessibility Testing is Shaping...
Creating an Accessible Future-How AI-powered Accessibility Testing is Shaping...
Impelsys Inc.
 
Soulmaite review - Find Real AI soulmate review
Soulmaite review - Find Real AI soulmate reviewSoulmaite review - Find Real AI soulmate review
Soulmaite review - Find Real AI soulmate review
Soulmaite
 
Mastering AI Workflows with FME - Peak of Data & AI 2025
Mastering AI Workflows with FME - Peak of Data & AI 2025Mastering AI Workflows with FME - Peak of Data & AI 2025
Mastering AI Workflows with FME - Peak of Data & AI 2025
Safe Software
 
“State-space Models vs. Transformers for Ultra-low-power Edge AI,” a Presenta...
“State-space Models vs. Transformers for Ultra-low-power Edge AI,” a Presenta...“State-space Models vs. Transformers for Ultra-low-power Edge AI,” a Presenta...
“State-space Models vs. Transformers for Ultra-low-power Edge AI,” a Presenta...
Edge AI and Vision Alliance
 
MCP vs A2A vs ACP: Choosing the Right Protocol | Bluebash
MCP vs A2A vs ACP: Choosing the Right Protocol | BluebashMCP vs A2A vs ACP: Choosing the Right Protocol | Bluebash
MCP vs A2A vs ACP: Choosing the Right Protocol | Bluebash
Bluebash
 
Your startup on AWS - How to architect and maintain a Lean and Mean account J...
Your startup on AWS - How to architect and maintain a Lean and Mean account J...Your startup on AWS - How to architect and maintain a Lean and Mean account J...
Your startup on AWS - How to architect and maintain a Lean and Mean account J...
angelo60207
 
Jeremy Millul - A Talented Software Developer
Jeremy Millul - A Talented Software DeveloperJeremy Millul - A Talented Software Developer
Jeremy Millul - A Talented Software Developer
Jeremy Millul
 
Data Virtualization: Bringing the Power of FME to Any Application
Data Virtualization: Bringing the Power of FME to Any ApplicationData Virtualization: Bringing the Power of FME to Any Application
Data Virtualization: Bringing the Power of FME to Any Application
Safe Software
 
GIS and FME: The Foundation to Improve the Locate Process of Utilities
GIS and FME: The Foundation to Improve the Locate Process of UtilitiesGIS and FME: The Foundation to Improve the Locate Process of Utilities
GIS and FME: The Foundation to Improve the Locate Process of Utilities
Safe Software
 
LSNIF: Locally-Subdivided Neural Intersection Function
LSNIF: Locally-Subdivided Neural Intersection FunctionLSNIF: Locally-Subdivided Neural Intersection Function
LSNIF: Locally-Subdivided Neural Intersection Function
Takahiro Harada
 
Improving Developer Productivity With DORA, SPACE, and DevEx
Improving Developer Productivity With DORA, SPACE, and DevExImproving Developer Productivity With DORA, SPACE, and DevEx
Improving Developer Productivity With DORA, SPACE, and DevEx
Justin Reock
 
What is Oracle EPM A Guide to Oracle EPM Cloud Everything You Need to Know
What is Oracle EPM A Guide to Oracle EPM Cloud Everything You Need to KnowWhat is Oracle EPM A Guide to Oracle EPM Cloud Everything You Need to Know
What is Oracle EPM A Guide to Oracle EPM Cloud Everything You Need to Know
SMACT Works
 
How to Detect Outliers in IBM SPSS Statistics.pptx
How to Detect Outliers in IBM SPSS Statistics.pptxHow to Detect Outliers in IBM SPSS Statistics.pptx
How to Detect Outliers in IBM SPSS Statistics.pptx
Version 1 Analytics
 
Down the Rabbit Hole – Solving 5 Training Roadblocks
Down the Rabbit Hole – Solving 5 Training RoadblocksDown the Rabbit Hole – Solving 5 Training Roadblocks
Down the Rabbit Hole – Solving 5 Training Roadblocks
Rustici Software
 
Domino IQ – What to Expect, First Steps and Use Cases
Domino IQ – What to Expect, First Steps and Use CasesDomino IQ – What to Expect, First Steps and Use Cases
Domino IQ – What to Expect, First Steps and Use Cases
panagenda
 
Boosting MySQL with Vector Search -THE VECTOR SEARCH CONFERENCE 2025 .pdf
Boosting MySQL with Vector Search -THE VECTOR SEARCH CONFERENCE 2025 .pdfBoosting MySQL with Vector Search -THE VECTOR SEARCH CONFERENCE 2025 .pdf
Boosting MySQL with Vector Search -THE VECTOR SEARCH CONFERENCE 2025 .pdf
Alkin Tezuysal
 
ISOIEC 42005 Revolutionalises AI Impact Assessment.pptx
ISOIEC 42005 Revolutionalises AI Impact Assessment.pptxISOIEC 42005 Revolutionalises AI Impact Assessment.pptx
ISOIEC 42005 Revolutionalises AI Impact Assessment.pptx
AyilurRamnath1
 
cnc-drilling-dowel-inserting-machine-drillteq-d-510-english.pdf
cnc-drilling-dowel-inserting-machine-drillteq-d-510-english.pdfcnc-drilling-dowel-inserting-machine-drillteq-d-510-english.pdf
cnc-drilling-dowel-inserting-machine-drillteq-d-510-english.pdf
AmirStern2
 
Bridging the divide: A conversation on tariffs today in the book industry - T...
Bridging the divide: A conversation on tariffs today in the book industry - T...Bridging the divide: A conversation on tariffs today in the book industry - T...
Bridging the divide: A conversation on tariffs today in the book industry - T...
BookNet Canada
 
6th Power Grid Model Meetup - 21 May 2025
6th Power Grid Model Meetup - 21 May 20256th Power Grid Model Meetup - 21 May 2025
6th Power Grid Model Meetup - 21 May 2025
DanBrown980551
 
Creating an Accessible Future-How AI-powered Accessibility Testing is Shaping...
Creating an Accessible Future-How AI-powered Accessibility Testing is Shaping...Creating an Accessible Future-How AI-powered Accessibility Testing is Shaping...
Creating an Accessible Future-How AI-powered Accessibility Testing is Shaping...
Impelsys Inc.
 
Soulmaite review - Find Real AI soulmate review
Soulmaite review - Find Real AI soulmate reviewSoulmaite review - Find Real AI soulmate review
Soulmaite review - Find Real AI soulmate review
Soulmaite
 
Mastering AI Workflows with FME - Peak of Data & AI 2025
Mastering AI Workflows with FME - Peak of Data & AI 2025Mastering AI Workflows with FME - Peak of Data & AI 2025
Mastering AI Workflows with FME - Peak of Data & AI 2025
Safe Software
 
“State-space Models vs. Transformers for Ultra-low-power Edge AI,” a Presenta...
“State-space Models vs. Transformers for Ultra-low-power Edge AI,” a Presenta...“State-space Models vs. Transformers for Ultra-low-power Edge AI,” a Presenta...
“State-space Models vs. Transformers for Ultra-low-power Edge AI,” a Presenta...
Edge AI and Vision Alliance
 
MCP vs A2A vs ACP: Choosing the Right Protocol | Bluebash
MCP vs A2A vs ACP: Choosing the Right Protocol | BluebashMCP vs A2A vs ACP: Choosing the Right Protocol | Bluebash
MCP vs A2A vs ACP: Choosing the Right Protocol | Bluebash
Bluebash
 
Your startup on AWS - How to architect and maintain a Lean and Mean account J...
Your startup on AWS - How to architect and maintain a Lean and Mean account J...Your startup on AWS - How to architect and maintain a Lean and Mean account J...
Your startup on AWS - How to architect and maintain a Lean and Mean account J...
angelo60207
 
Jeremy Millul - A Talented Software Developer
Jeremy Millul - A Talented Software DeveloperJeremy Millul - A Talented Software Developer
Jeremy Millul - A Talented Software Developer
Jeremy Millul
 
Data Virtualization: Bringing the Power of FME to Any Application
Data Virtualization: Bringing the Power of FME to Any ApplicationData Virtualization: Bringing the Power of FME to Any Application
Data Virtualization: Bringing the Power of FME to Any Application
Safe Software
 
GIS and FME: The Foundation to Improve the Locate Process of Utilities
GIS and FME: The Foundation to Improve the Locate Process of UtilitiesGIS and FME: The Foundation to Improve the Locate Process of Utilities
GIS and FME: The Foundation to Improve the Locate Process of Utilities
Safe Software
 
LSNIF: Locally-Subdivided Neural Intersection Function
LSNIF: Locally-Subdivided Neural Intersection FunctionLSNIF: Locally-Subdivided Neural Intersection Function
LSNIF: Locally-Subdivided Neural Intersection Function
Takahiro Harada
 
Improving Developer Productivity With DORA, SPACE, and DevEx
Improving Developer Productivity With DORA, SPACE, and DevExImproving Developer Productivity With DORA, SPACE, and DevEx
Improving Developer Productivity With DORA, SPACE, and DevEx
Justin Reock
 
What is Oracle EPM A Guide to Oracle EPM Cloud Everything You Need to Know
What is Oracle EPM A Guide to Oracle EPM Cloud Everything You Need to KnowWhat is Oracle EPM A Guide to Oracle EPM Cloud Everything You Need to Know
What is Oracle EPM A Guide to Oracle EPM Cloud Everything You Need to Know
SMACT Works
 
How to Detect Outliers in IBM SPSS Statistics.pptx
How to Detect Outliers in IBM SPSS Statistics.pptxHow to Detect Outliers in IBM SPSS Statistics.pptx
How to Detect Outliers in IBM SPSS Statistics.pptx
Version 1 Analytics
 

Representational Continuity for Unsupervised Continual Learning

  • 1. Representational Continuity for Unsupervised Continual Learning Divyam Madaan, Jaehong Yoon, Yuanchun Li, Yunxin Liu, and Sung Ju Hwang ICLR 2022, Oral Presentation
  • 2. Data in the Wild With the advent of technology driven applications, large amount of unsupervised data is generated every minute of the day.
  • 3. Data Driven AI Progress Large-scale datasets have greatly influenced the progress of deep-learning models on multiple benchmark applications.
  • 4. Motivation However, in many real-life applications, the collected datasets are limited in size during the initial training phase of the network.
  • 5. Motivation The set of classes/tasks dynamically grow in size and change continuously with time.
  • 6. Annotation Challenges Annotation process is time-consuming (eg. bounding boxes in videos) and expensive as it requires expert knowledge in various applications. Therefore, it is essential to learn continual representations on unlabelled data streams.
  • 7. Objective In this work, we take a step towards training scalable unsupervised CL representations. Time
  • 8. Related Work However, the method was restricted to simple low-resolution tasks and not scalable to standard CL benchmark datasets. CURL learned task-specific representations on top of shared parameters using MLP encoders/decoders and a simple MoG generative replay. [Rao et al. 2019] Continual Unsupervised Representational Learning. NeurIPS 2019
  • 9. Unsupervised Continual Learning We learn the feature representations on an unlabelled sequence of tasks.
  • 10. Unsupervised Continual Learning We use self-supervised learning to learn the feature representations. Feature Extractor Feature Extractor Self-Supervised Loss However, a trivial combination of self-supervised learning with a sequence of tasks can result in catastrophic forgetting.
  • 11. Unsupervised Continual Learning To mitigate catastrophic forgetting, we revisit representations learnt on previous tasks. Our quantitative and qualitative empirical analysis shows that reliance on annotated data is not necessary for continual learning. Feature Extractor Feature Extractor Self-Supervised Loss ● Structural Regularization ● Unsupervised Replay ● Architectural Expansion ● Lifelong Unsupervised Mixup
  • 12. Self-Supervised Learning Representational learning methods have shown huge potential to tackle the problem of learning without supervision.
  • 13. Self-Supervised Learning Simsiam maximized the similarity between two augmented views of an image subject to gradient stopping operation. [Chen et al. 2021] Exploring Simple Siamese Representation Learning. CVPR 2021 Simsiam (Chen et al. 2021)
  • 14. Self-Supervised Learning Barlowtwins pushes the cross-correlation matrix computed from twin embedding to identity matrix. [Chen et al. 2021] Exploring Simple Siamese Representation Learning. CVPR 2021 [Zbontar and Zing et al. 2021] Barlow Twins: Self-Supervised Learning via Redundancy Reduction. ICML 2021 Simsiam (Chen et al. 2021) Barlowtwins (Zbontar and Zing et al. 2021)
  • 15. Unsupervised Structural Regularization Encourage the current task parameters to stay close to the parameters of the old task. . Synaptic Intelligence [Zenke et al. 2017] Task B Loss Surrogate Loss UCL loss with Simsiam for current task
  • 16. Unsupervised Replay We minimize the Euclidean distance between the projected outputs to evaluate DER (Buzzega et al. 2020) for Unsupervised Replay. [Buzzega et al. 2020] Dark Experience for General Continual Learning: a Strong, Simple Baseline. NeurIPS 2020 Minimize the Euclidean distance
  • 17. Lifelong Unsupervised Mixup (LUMP) LUMP interpolates between the examples of the current task and random examples selected using uniform sampling from the replay buffer. Self-Supervised Loss
  • 18. Experimental Setup Datasets [Krizhevsky 2012] Krizhevsky, A. Learning multiple layer of features from tiny images. University of Toronto 2012 1) Split CIFAR-10 [Krizhevsky 2012] A dataset with 60,000 images composed of five tasks from ten animal and vehicle classes. 2) Split CIFAR-100 [Krizhevsky 2012] A dataset with 60,000 images composed of 20 tasks from 100 generic object classes. 3) Split Tiny-ImageNet [Russakovsky 2015] A subset of ImageNet dataset. We construct 20 tasks using 100 classes. [Ruakovsk 2015] Imagenet large scale visual recognition challenge. International journal of computer vision, 2015 Metrics 1) Accuracy is the average test accuracy of all the tasks completed until the continual learning of task 2) Forgetting is the average performance decrease of each task between its maximum accuracy and accuracy at the completion of training is the test accuracy of task after learning task using a KNN on frozen pre-trained representations on task
  • 19. Continual Learning Evaluation Unsupervised CL methods improve accuracy with LUMP outperforming all methods. Accuracy Simsiam Split Tiny-ImageNet Split CIFAR-100 Split CIFAR-100
  • 20. Continual Learning Evaluation We observe similar gains for UCL with BarlowTwins across all the methods. Accuracy Simsiam Barlowtwins Accuracy Split CIFAR-100 Split CIFAR-100 Split Tiny-ImageNet Split Tiny-ImageNet Split CIFAR-100
  • 21. Continual Learning Evaluation Further, UCL significantly reduces catastrophic forgetting on all the datasets. Forgetting Simsiam Forgetting Barlowtwins Split CIFAR-100 Split CIFAR-100 Split Tiny-ImageNet Split Tiny-ImageNet
  • 22. Out of Distribution Evaluation Evaluation on various OOD datasets also show consistent improvements. Evaluation of representations trained with Sequential CIFAR-100 on OOD datasets using KNN classifier. FMNIST Accuracy Accuracy
  • 23. Few-Shot Training Evaluation Next, we evaluate on a limited number of training instances, where UCL improves accuracy and mitigate forgetting in comparison to SCL. This is an outcome of the discriminative feature embeddings learned by UCL. Few Shot Training with Split CIFAR-100
  • 24. Visualization of Feature Space SCL is prone to catastrophic forgetting, as the features are noisy w/o coherent patterns. This is because SCL is prone to forgetting, which hurts the past tasks representations.
  • 25. Visualization of Feature Space UCL features are more relevant, with LUMP learning the most distinctive features. We believe this is because UCL captures more than class-specific features, and captures generic information independent of the class labels.
  • 26. Visualization of Loss Landscape UCL also obtaining a flatter and smoother loss landscape compared to SCL. It indicates that UCL is stable and robust to the forgetting.
  • 27. Similarity Analysis Representations between two independent models are highly similar in the lower layers, but are dissimilar for the higher modules. Two UCL models Two SCL models UCL and SCL models Finetune SI DER This highlights that the difference in learning objective between SCL and UCL leads to the difference in their learnt representations (mostly higher layers).
  • 28. Conclusion • We attempt to bridge the gap between continual learning and representation learning and tackle the two crucial problems of continual learning with unlabelled data and representation learning on a sequence of tasks. Codes available at https://github.com/divyam3897/UCL • We show that UCL achieves better performance over SCL due to their characteristic ability to learn discriminative, human perceptual patterns,which makes them transfer better and more robust to catastrophic forgetting • Furthermore, we propose Lifelong Unsupervised Mixup (LUMP) for UCL, which further alleviates catastrophic forgetting and provides better interpretations. • We believe that our paper can be an essential part toward training continually learning unsupervised representations.