SlideShare a Scribd company logo
Federated Semi-Supervised Learning
with Inter-Client Consistency & Disjoint Learning
Wonyong Jeong!, Jaehong Yoon", Eunho Yang!,$, Sung Ju Hwang!,$
Graduate Shool of AI!
, KAIST, Seoul, South Korea
School of Computing", KAIST, Deajeon, South Korea
AITRICS#, Seoul, South Korea
Motivation: Deficiency of Supervision
Federated Learning, in which multiple clients collaboratively learn a global model via
aggregating knowledge from local private data, have been actively studied.
Data obtained at the client often comes without accompanying labels due to expensive
labeling costs or requirement of expert knowledge when annotating.
Global Model
Global
Knowledge
Local
Knowledge
Local
Knowledge
Fully Labeled Data
Fully Labeled Data
Fully Labeled Data
Federated Semi-Supervised Learning
This leads us to a new problem of Federated Semi-Supervised Learning (FSSL), which
tackles federated learning under scarcity of supervision.
We propose two possible scenarios depending on the availability of the labeled data,
such as Labels-at-Client and Labels-at-Server scenarios.
Global Model
Global
Knowledge
Local
Knowledge
Local
Knowledge
Small-sized Labeled Data + Unlabeled Data
Small-sized Labeled Data + Unlabeled Data
Small-sized Labeled Data + Unlabeled Data
Federated Semi-Supervised Learning
One of common scenarios is that the end-users intermittently annotate a small portion
of their local data, while the rest of data instances remains unlabeled.
We call such scenarios as Labels-at-Client scenario where both the labeled and
unlabeled data are available at client side.
iPhone Photos – Face Album
Federated Semi-Supervised Learning
Another common cases for real-world applications is that annotation requires expert
knowledge (e.g. annotating medical images, evaluating body postures for exercises).
We define the scenario as Labels-at-Server scenario that the supervised labels are only
available at the server, while local clients work with unlabeled data.
Evaluating Body Postures
Challenges: Exploiting Reliable Knowledge
A simple solution to tackle the FSSL problems would be a naïve combination of semi-
supervised learning and federated learning algorithms.
Yet, the naïve approach does not fully exploit the knowledge from the multiple models
trained on each local unlabeled data, which may cause the degradation of reliability.
Federated
Learning
Semi-Supervised
Learning
Unreliable Knowledge
How to Aggregate?
Multiple Clients
Unlabeled Data
Federated Matching (FedMatch)
Thus, we propose a novel method, FedMatch, which effectively utilizes reliable
knowledge from multiple clients.
FedMatch consists of two main components, such as the Inter-Client Consistency Loss
and Parameter Decomposition for disjoint learning.
Federated
Learning
Semi-Supervised
Learning
Inter-Client Consistency
Reliable Knowledge
Inter-Client Consistency
Consistency regularization methods, one of popular approaches in SSL, enforce model
predictions from augmented instances to output the same class label.
Unlabeled
Examples
𝒖
We further improve this by proposing Inter-Client Consistency Loss, which enforces the
consistency between the predictions made across multiple helper agents.
Inter-Client Consistency Loss
0
1
!
𝒚𝒊
𝐂𝐄(!
𝒚𝒊, )
𝝅(𝒖)
𝒑𝜽
Truck
Conventional
Consistency Regularization
𝐇𝐞𝐥𝐩𝐞𝐫 𝟐( ) 1
𝐇𝐞𝐥𝐩𝐞𝐫 𝟏 ( )
1
1
𝐋𝐨𝐜𝐚𝐥𝐌𝐨𝐝𝐞𝐥
0
0
• Helper Agents are the selected
models form other clients based on
their similarity.
Inter-Client Consistency
Moreover, we perform local consistency regularization while utilizing the agreement for
generating pseudo labels, namely agreement-based pseudo labeling.
With the pseudo labels, we minimize standard cross entropy on augmented instances,
similarly to FixMatch’s (Sohn et al., 2020).
𝑯𝒆𝒍𝒑𝒆𝒓 𝟏 ( )
𝑯𝒆𝒍𝒑𝒆𝒓 𝟐( )
Unlabeled
Examples
Inter-Client Consistency
Regularization
𝑳𝒐𝒄𝒂𝒍𝑴𝒐𝒅𝒆𝒍
0
0
1
0
1
0
1
𝒖
0
0
1
0
1
0
1 0
1
!
𝒚𝒊
Agreement-based
Pseudo-Labeling
𝐂𝐄(!
𝒚𝒊, )
𝝅(𝒖)
𝒑𝜽
Truck
Truck !
Cat
Augmentation &
Local Consistency Loss
𝝉
Truck
Truck !
Cat ?
Parameter Decomposition for Disjoint Learning
In the standard semi-supervised learning, learning on labeled and unlabeled data is
simultaneously done with a shared set of parameters.
Labeled Data
Unlabeled Data
𝜃
Model Parameters
Reliable
Knowledge
Unreliable
Knowledge
However, this may result in the model to forget about what it learned from labeled data,
which is crucial to semi-supervised learning.
Reliable
Knowledge
Unreliable
Knowledge
Forgetting happens
Poor Performance
on Labeled Data
Parameter Decomposition for Disjoint Learning
We thus decompose our model parameters into parameters for supervised learning and
unsupervised learning, which are 𝜎 and 𝜓, respectively.
This enables us to separate the learning procedures depending on the availability of
labeled data.
𝜃 𝜎
𝒮 = {𝒙! , 𝒚! }!"#
$
Labeled Data from 𝒟
⊕
𝜓
𝒰 = {𝒖% }%"#
&
Unlabeled Data from 𝒟
Parameter Decomposition for Disjoint Learning
For Labels-at-Client scenario, where the labeled data is given at client, we learn both 𝜎
and 𝜓 at client side, and send them back to server.
Labels-at-Client Scenario
Global Model
Σ(()
Σ(()
Aggregation
Aggregation
⊕
Helper 1 Helper 2
𝜓<!
𝜓<"
High Similarity Low Similarity
…
…
…
…
High Similarity Low Similarity
⊕
𝜓<!
𝜓<"
Σ(()
Aggregation
For Labels-at-Server scenario, where the labeled data is located at server, we disjointly
learn 𝜎 at server. In this case, only 𝜓 at client side is sent back to server.
Labels-at-Server Scenario
Local Model
⊕
Learn 𝜎=! and 𝜓=!
Labeled Data Unlabeled Data
Global Model
Learn 𝜎>
Labeled Data
Helper 1 Helper 2
Learn 𝜓=!
Local Model
⊕
𝜎>
∗ Unlabeled Data
Objective Functions
For learning on labeled data, we perform the standard supervised learning with cross-
entropy loss utilizing corresponding labels .
For learning on unlabeled data, we minimize inter-client consistency loss and sparsity
regularization term on 𝜓, as well as a regularizer which prevents 𝜓 drifting away from 𝜎∗.
𝑚𝑖𝑛𝑖𝑚𝑖𝑧𝑒 ℒA 𝜎 = 𝜆ACE(y, pBCD∗(y|𝐱))
𝑚𝑖𝑛𝑖𝑚𝑖𝑧𝑒 ℒE 𝜓 = 𝜆EϕB∗CD 5 + 𝜆F"
||𝜓||! + 𝜆F#
||𝜎∗ − 𝜓||"
"
Experimental Setup
We validate our method on Batch-IID and -NonIID datasets (CIFAR-10), which is
conventional settings in standard federated learning.
Example Streaming Non-IID dataset under Labels-at-Server scenario
0 1 2 … 9
0 1 2 … 9
0 1 2 … 9
0 1 2 … 9
0 1 2 … 9
We also evaluate our method on Streaming Non-IID dataset (Fashion-MNIST) where
locally-generated private data continuously streams in.
Results of Main Experiments
Our method outperforms the naïve Federated Semi-supervised Learning models on both
batch and streaming datasets in all scenarios.
Batch-NonIID Dataset with 100 Clients
Labels-at-Client Scenario Labels-at-Server Scenario
Models Accuracy C2S Cost
Local-FixMatch 62.62 ± 0.32 % N/A
FedProx-FixMatch 62.40 ± 0.43 % 100 %
FedMatch (Ours) 77.95 ± 0.14 % 48 %
Streaming Non-IID under Labels-at-Client Scenario
Streaming Non-IID under Labels-at-Server Scenario
Models Accuracy C2S Cost
FedProx-SL 77.43 ± 0.42 % 100 %
FedProx-FixMatch 73.71 ± 0.32 % 100 %
FedMatch (Ours) 84.15 ± 0.31 % 63 %
Ablation Study
We observe that our inter-client consistency loss plays a significant role to improve
performance in FSSL scenario.
Effect of Parameter Decomposition
Effect of Inter-Client Consistency Loss
Our decomposition method also allows us to preserve reliable knowledge from the
labeled data.
Conclusion
• We introduce Federated Semi-Supervised Learning (FSSL), where each client learns
with only partly labeled data (labels-at-client), or work with completely unlabeled data
with supervised labels only available at the server (labels-at-server).
• We propose FedMatch which utilizes the Inter-Client Consistency Loss to maximize the
agreement from different clients, and Parameter Decomposition for disjoint learning
enabling our model to preserve the reliable knowledge from labeled data.
• We validate our method under Streaming Non-IID and Batch IID settings, which our
methods significantly outperform naïve approach of FSSL.
Thank You!

More Related Content

What's hot

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
 
A brief introduction to recent segmentation methods
A brief introduction to recent segmentation methodsA brief introduction to recent segmentation methods
A brief introduction to recent segmentation methods
Shunta Saito
 
Deep Learning for Computer Vision: Image Classification (UPC 2016)
Deep Learning for Computer Vision: Image Classification (UPC 2016)Deep Learning for Computer Vision: Image Classification (UPC 2016)
Deep Learning for Computer Vision: Image Classification (UPC 2016)
Universitat Politècnica de Catalunya
 
Resnet.pptx
Resnet.pptxResnet.pptx
Resnet.pptx
YanhuaSi
 
Score based generative model
Score based generative modelScore based generative model
Score based generative model
sangyun lee
 
Image style transfer & AI on App
Image style transfer & AI on AppImage style transfer & AI on App
Image style transfer & AI on App
Chihyang Li
 
CNN and its applications by ketaki
CNN and its applications by ketakiCNN and its applications by ketaki
CNN and its applications by ketaki
Ketaki Patwari
 
Support Vector Machines
Support Vector MachinesSupport Vector Machines
Support Vector Machines
nextlib
 
Introduction to Few shot learning
Introduction to Few shot learningIntroduction to Few shot learning
Introduction to Few shot learning
Ridge-i, Inc.
 
Understanding Black-box Predictions via Influence Functions
Understanding Black-box Predictions via Influence FunctionsUnderstanding Black-box Predictions via Influence Functions
Understanding Black-box Predictions via Influence Functions
Zabir Al Nazi Nabil
 
Deep sort and sort paper introduce presentation
Deep sort and sort paper introduce presentationDeep sort and sort paper introduce presentation
Deep sort and sort paper introduce presentation
경훈 김
 
Lecture 24 support vector machine kernel
Lecture 24  support vector machine kernelLecture 24  support vector machine kernel
Lecture 24 support vector machine kernel
Mostafa El-Hosseini
 
Machine Learning - Convolutional Neural Network
Machine Learning - Convolutional Neural NetworkMachine Learning - Convolutional Neural Network
Machine Learning - Convolutional Neural Network
Richard Kuo
 
. An introduction to machine learning and probabilistic ...
. An introduction to machine learning and probabilistic .... An introduction to machine learning and probabilistic ...
. An introduction to machine learning and probabilistic ...
butest
 
Image Classification using deep learning
Image Classification using deep learning Image Classification using deep learning
Image Classification using deep learning
Asma-AH
 
Exploring Simple Siamese Representation Learning
Exploring Simple Siamese Representation LearningExploring Simple Siamese Representation Learning
Exploring Simple Siamese Representation Learning
Sungchul Kim
 
Federated Machine Learning Framework
Federated Machine Learning FrameworkFederated Machine Learning Framework
Federated Machine Learning Framework
Anup kumar
 
InfoGAN: Interpretable Representation Learning by Information Maximizing Gene...
InfoGAN: Interpretable Representation Learning by Information Maximizing Gene...InfoGAN: Interpretable Representation Learning by Information Maximizing Gene...
InfoGAN: Interpretable Representation Learning by Information Maximizing Gene...
홍배 김
 
Deep Learning for Computer Vision: Data Augmentation (UPC 2016)
Deep Learning for Computer Vision: Data Augmentation (UPC 2016)Deep Learning for Computer Vision: Data Augmentation (UPC 2016)
Deep Learning for Computer Vision: Data Augmentation (UPC 2016)
Universitat Politècnica de Catalunya
 
Relational knowledge distillation
Relational knowledge distillationRelational knowledge distillation
Relational knowledge distillation
NAVER Engineering
 

What's hot (20)

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
 
A brief introduction to recent segmentation methods
A brief introduction to recent segmentation methodsA brief introduction to recent segmentation methods
A brief introduction to recent segmentation methods
 
Deep Learning for Computer Vision: Image Classification (UPC 2016)
Deep Learning for Computer Vision: Image Classification (UPC 2016)Deep Learning for Computer Vision: Image Classification (UPC 2016)
Deep Learning for Computer Vision: Image Classification (UPC 2016)
 
Resnet.pptx
Resnet.pptxResnet.pptx
Resnet.pptx
 
Score based generative model
Score based generative modelScore based generative model
Score based generative model
 
Image style transfer & AI on App
Image style transfer & AI on AppImage style transfer & AI on App
Image style transfer & AI on App
 
CNN and its applications by ketaki
CNN and its applications by ketakiCNN and its applications by ketaki
CNN and its applications by ketaki
 
Support Vector Machines
Support Vector MachinesSupport Vector Machines
Support Vector Machines
 
Introduction to Few shot learning
Introduction to Few shot learningIntroduction to Few shot learning
Introduction to Few shot learning
 
Understanding Black-box Predictions via Influence Functions
Understanding Black-box Predictions via Influence FunctionsUnderstanding Black-box Predictions via Influence Functions
Understanding Black-box Predictions via Influence Functions
 
Deep sort and sort paper introduce presentation
Deep sort and sort paper introduce presentationDeep sort and sort paper introduce presentation
Deep sort and sort paper introduce presentation
 
Lecture 24 support vector machine kernel
Lecture 24  support vector machine kernelLecture 24  support vector machine kernel
Lecture 24 support vector machine kernel
 
Machine Learning - Convolutional Neural Network
Machine Learning - Convolutional Neural NetworkMachine Learning - Convolutional Neural Network
Machine Learning - Convolutional Neural Network
 
. An introduction to machine learning and probabilistic ...
. An introduction to machine learning and probabilistic .... An introduction to machine learning and probabilistic ...
. An introduction to machine learning and probabilistic ...
 
Image Classification using deep learning
Image Classification using deep learning Image Classification using deep learning
Image Classification using deep learning
 
Exploring Simple Siamese Representation Learning
Exploring Simple Siamese Representation LearningExploring Simple Siamese Representation Learning
Exploring Simple Siamese Representation Learning
 
Federated Machine Learning Framework
Federated Machine Learning FrameworkFederated Machine Learning Framework
Federated Machine Learning Framework
 
InfoGAN: Interpretable Representation Learning by Information Maximizing Gene...
InfoGAN: Interpretable Representation Learning by Information Maximizing Gene...InfoGAN: Interpretable Representation Learning by Information Maximizing Gene...
InfoGAN: Interpretable Representation Learning by Information Maximizing Gene...
 
Deep Learning for Computer Vision: Data Augmentation (UPC 2016)
Deep Learning for Computer Vision: Data Augmentation (UPC 2016)Deep Learning for Computer Vision: Data Augmentation (UPC 2016)
Deep Learning for Computer Vision: Data Augmentation (UPC 2016)
 
Relational knowledge distillation
Relational knowledge distillationRelational knowledge distillation
Relational knowledge distillation
 

Similar to Federated Semi-Supervised Learning with Inter-Client Consistency & Disjoint Learning

Multi Layer Federated Learning.pptx
Multi Layer Federated Learning.pptxMulti Layer Federated Learning.pptx
Multi Layer Federated Learning.pptx
TimePass43152
 
Post Graduate Admission Prediction System
Post Graduate Admission Prediction SystemPost Graduate Admission Prediction System
Post Graduate Admission Prediction System
IRJET Journal
 
IRJET- An Data Sharing in Group Member with High Security using Symmetric Bal...
IRJET- An Data Sharing in Group Member with High Security using Symmetric Bal...IRJET- An Data Sharing in Group Member with High Security using Symmetric Bal...
IRJET- An Data Sharing in Group Member with High Security using Symmetric Bal...
IRJET Journal
 
FLY-SMOTE.pdf
FLY-SMOTE.pdfFLY-SMOTE.pdf
FLY-SMOTE.pdf
Raneen Younis
 
Lecture 22
Lecture 22Lecture 22
Lecture 22
Shani729
 
BEST FINAL YEAR PROJECT IEEE 2015 BY SPECTRUM SOLUTIONS PONDICHERRY
BEST FINAL YEAR PROJECT IEEE 2015 BY SPECTRUM SOLUTIONS PONDICHERRYBEST FINAL YEAR PROJECT IEEE 2015 BY SPECTRUM SOLUTIONS PONDICHERRY
BEST FINAL YEAR PROJECT IEEE 2015 BY SPECTRUM SOLUTIONS PONDICHERRY
Raushan Kumar Singh
 
slides-sd
slides-sdslides-sd
slides-sd
Han Xiao
 
Data Driven Testing Is More Than an Excel File
Data Driven Testing Is More Than an Excel FileData Driven Testing Is More Than an Excel File
Data Driven Testing Is More Than an Excel File
Mehmet Gök
 
Open06
Open06Open06
Open06
butest
 
Statistical Learning on Credit Data
Statistical Learning on Credit DataStatistical Learning on Credit Data
Statistical Learning on Credit Data
Firas Obeid
 
UNIT-II-Machine-Learning.pptx Machine Learning Different AI Models
UNIT-II-Machine-Learning.pptx Machine Learning Different AI ModelsUNIT-II-Machine-Learning.pptx Machine Learning Different AI Models
UNIT-II-Machine-Learning.pptx Machine Learning Different AI Models
JVSTHARUNSAI
 
An_Efficient_Privacy-Enhancing_Cross-Silo_Federated_Learning_and_Applications...
An_Efficient_Privacy-Enhancing_Cross-Silo_Federated_Learning_and_Applications...An_Efficient_Privacy-Enhancing_Cross-Silo_Federated_Learning_and_Applications...
An_Efficient_Privacy-Enhancing_Cross-Silo_Federated_Learning_and_Applications...
Shakas Technologies
 
IRJET- A Novel Approach for Appreciable Group Data Allocation System with...
IRJET-  	  A Novel Approach for Appreciable Group Data Allocation System with...IRJET-  	  A Novel Approach for Appreciable Group Data Allocation System with...
IRJET- A Novel Approach for Appreciable Group Data Allocation System with...
IRJET Journal
 
Deep neural networks and tabular data
Deep neural networks and tabular dataDeep neural networks and tabular data
Deep neural networks and tabular data
JimmyLiang20
 
CUSTOMER CHURN PREDICTION
CUSTOMER CHURN PREDICTIONCUSTOMER CHURN PREDICTION
CUSTOMER CHURN PREDICTION
IRJET Journal
 
MIS637_Final_Project_Rahul_Bhatia
MIS637_Final_Project_Rahul_BhatiaMIS637_Final_Project_Rahul_Bhatia
MIS637_Final_Project_Rahul_Bhatia
Rahul Bhatia
 
IRJET- Credit Card Fraud Detection Analysis
IRJET- Credit Card Fraud Detection AnalysisIRJET- Credit Card Fraud Detection Analysis
IRJET- Credit Card Fraud Detection Analysis
IRJET Journal
 
Knowledge discovery claudiad amato
Knowledge discovery claudiad amatoKnowledge discovery claudiad amato
Knowledge discovery claudiad amato
SSSW
 
Fraudulent Activities Detection in E-commerce Websites
Fraudulent Activities Detection in E-commerce WebsitesFraudulent Activities Detection in E-commerce Websites
Fraudulent Activities Detection in E-commerce Websites
IRJET Journal
 
MACHINE LEARNING CLASSIFIERS TO ANALYZE CREDIT RISK
MACHINE LEARNING CLASSIFIERS TO ANALYZE CREDIT RISKMACHINE LEARNING CLASSIFIERS TO ANALYZE CREDIT RISK
MACHINE LEARNING CLASSIFIERS TO ANALYZE CREDIT RISK
IRJET Journal
 

Similar to Federated Semi-Supervised Learning with Inter-Client Consistency & Disjoint Learning (20)

Multi Layer Federated Learning.pptx
Multi Layer Federated Learning.pptxMulti Layer Federated Learning.pptx
Multi Layer Federated Learning.pptx
 
Post Graduate Admission Prediction System
Post Graduate Admission Prediction SystemPost Graduate Admission Prediction System
Post Graduate Admission Prediction System
 
IRJET- An Data Sharing in Group Member with High Security using Symmetric Bal...
IRJET- An Data Sharing in Group Member with High Security using Symmetric Bal...IRJET- An Data Sharing in Group Member with High Security using Symmetric Bal...
IRJET- An Data Sharing in Group Member with High Security using Symmetric Bal...
 
FLY-SMOTE.pdf
FLY-SMOTE.pdfFLY-SMOTE.pdf
FLY-SMOTE.pdf
 
Lecture 22
Lecture 22Lecture 22
Lecture 22
 
BEST FINAL YEAR PROJECT IEEE 2015 BY SPECTRUM SOLUTIONS PONDICHERRY
BEST FINAL YEAR PROJECT IEEE 2015 BY SPECTRUM SOLUTIONS PONDICHERRYBEST FINAL YEAR PROJECT IEEE 2015 BY SPECTRUM SOLUTIONS PONDICHERRY
BEST FINAL YEAR PROJECT IEEE 2015 BY SPECTRUM SOLUTIONS PONDICHERRY
 
slides-sd
slides-sdslides-sd
slides-sd
 
Data Driven Testing Is More Than an Excel File
Data Driven Testing Is More Than an Excel FileData Driven Testing Is More Than an Excel File
Data Driven Testing Is More Than an Excel File
 
Open06
Open06Open06
Open06
 
Statistical Learning on Credit Data
Statistical Learning on Credit DataStatistical Learning on Credit Data
Statistical Learning on Credit Data
 
UNIT-II-Machine-Learning.pptx Machine Learning Different AI Models
UNIT-II-Machine-Learning.pptx Machine Learning Different AI ModelsUNIT-II-Machine-Learning.pptx Machine Learning Different AI Models
UNIT-II-Machine-Learning.pptx Machine Learning Different AI Models
 
An_Efficient_Privacy-Enhancing_Cross-Silo_Federated_Learning_and_Applications...
An_Efficient_Privacy-Enhancing_Cross-Silo_Federated_Learning_and_Applications...An_Efficient_Privacy-Enhancing_Cross-Silo_Federated_Learning_and_Applications...
An_Efficient_Privacy-Enhancing_Cross-Silo_Federated_Learning_and_Applications...
 
IRJET- A Novel Approach for Appreciable Group Data Allocation System with...
IRJET-  	  A Novel Approach for Appreciable Group Data Allocation System with...IRJET-  	  A Novel Approach for Appreciable Group Data Allocation System with...
IRJET- A Novel Approach for Appreciable Group Data Allocation System with...
 
Deep neural networks and tabular data
Deep neural networks and tabular dataDeep neural networks and tabular data
Deep neural networks and tabular data
 
CUSTOMER CHURN PREDICTION
CUSTOMER CHURN PREDICTIONCUSTOMER CHURN PREDICTION
CUSTOMER CHURN PREDICTION
 
MIS637_Final_Project_Rahul_Bhatia
MIS637_Final_Project_Rahul_BhatiaMIS637_Final_Project_Rahul_Bhatia
MIS637_Final_Project_Rahul_Bhatia
 
IRJET- Credit Card Fraud Detection Analysis
IRJET- Credit Card Fraud Detection AnalysisIRJET- Credit Card Fraud Detection Analysis
IRJET- Credit Card Fraud Detection Analysis
 
Knowledge discovery claudiad amato
Knowledge discovery claudiad amatoKnowledge discovery claudiad amato
Knowledge discovery claudiad amato
 
Fraudulent Activities Detection in E-commerce Websites
Fraudulent Activities Detection in E-commerce WebsitesFraudulent Activities Detection in E-commerce Websites
Fraudulent Activities Detection in E-commerce Websites
 
MACHINE LEARNING CLASSIFIERS TO ANALYZE CREDIT RISK
MACHINE LEARNING CLASSIFIERS TO ANALYZE CREDIT RISKMACHINE LEARNING CLASSIFIERS TO ANALYZE CREDIT RISK
MACHINE LEARNING CLASSIFIERS TO ANALYZE CREDIT RISK
 

More from 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
 
Representational Continuity for Unsupervised Continual Learning
Representational Continuity for Unsupervised Continual LearningRepresentational Continuity for Unsupervised Continual Learning
Representational Continuity for Unsupervised 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
 
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
 

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...
 
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
 
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
 
Representational Continuity for Unsupervised Continual Learning
Representational Continuity for Unsupervised Continual LearningRepresentational Continuity for Unsupervised Continual Learning
Representational Continuity for Unsupervised Continual Learning
 
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
 
Skill-Based Meta-Reinforcement Learning
Skill-Based Meta-Reinforcement LearningSkill-Based Meta-Reinforcement Learning
Skill-Based Meta-Reinforcement Learning
 
Edge Representation Learning with Hypergraphs
Edge Representation Learning with HypergraphsEdge Representation Learning with Hypergraphs
Edge Representation Learning with Hypergraphs
 
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...
 
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
 
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
 
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
 
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
 
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...
 
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...
 
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
 
Adversarial Self-Supervised Contrastive Learning
Adversarial Self-Supervised Contrastive LearningAdversarial Self-Supervised Contrastive Learning
Adversarial Self-Supervised Contrastive Learning
 
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...
 
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...
 
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
 
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
 

Recently uploaded

Harnessing the Power of NLP and Knowledge Graphs for Opioid Research
Harnessing the Power of NLP and Knowledge Graphs for Opioid ResearchHarnessing the Power of NLP and Knowledge Graphs for Opioid Research
Harnessing the Power of NLP and Knowledge Graphs for Opioid Research
Neo4j
 
What is an RPA CoE? Session 1 – CoE Vision
What is an RPA CoE?  Session 1 – CoE VisionWhat is an RPA CoE?  Session 1 – CoE Vision
What is an RPA CoE? Session 1 – CoE Vision
DianaGray10
 
"Frontline Battles with DDoS: Best practices and Lessons Learned", Igor Ivaniuk
"Frontline Battles with DDoS: Best practices and Lessons Learned",  Igor Ivaniuk"Frontline Battles with DDoS: Best practices and Lessons Learned",  Igor Ivaniuk
"Frontline Battles with DDoS: Best practices and Lessons Learned", Igor Ivaniuk
Fwdays
 
Must Know Postgres Extension for DBA and Developer during Migration
Must Know Postgres Extension for DBA and Developer during MigrationMust Know Postgres Extension for DBA and Developer during Migration
Must Know Postgres Extension for DBA and Developer during Migration
Mydbops
 
"Scaling RAG Applications to serve millions of users", Kevin Goedecke
"Scaling RAG Applications to serve millions of users",  Kevin Goedecke"Scaling RAG Applications to serve millions of users",  Kevin Goedecke
"Scaling RAG Applications to serve millions of users", Kevin Goedecke
Fwdays
 
inQuba Webinar Mastering Customer Journey Management with Dr Graham Hill
inQuba Webinar Mastering Customer Journey Management with Dr Graham HillinQuba Webinar Mastering Customer Journey Management with Dr Graham Hill
inQuba Webinar Mastering Customer Journey Management with Dr Graham Hill
LizaNolte
 
From Natural Language to Structured Solr Queries using LLMs
From Natural Language to Structured Solr Queries using LLMsFrom Natural Language to Structured Solr Queries using LLMs
From Natural Language to Structured Solr Queries using LLMs
Sease
 
[OReilly Superstream] Occupy the Space: A grassroots guide to engineering (an...
[OReilly Superstream] Occupy the Space: A grassroots guide to engineering (an...[OReilly Superstream] Occupy the Space: A grassroots guide to engineering (an...
[OReilly Superstream] Occupy the Space: A grassroots guide to engineering (an...
Jason Yip
 
QA or the Highway - Component Testing: Bridging the gap between frontend appl...
QA or the Highway - Component Testing: Bridging the gap between frontend appl...QA or the Highway - Component Testing: Bridging the gap between frontend appl...
QA or the Highway - Component Testing: Bridging the gap between frontend appl...
zjhamm304
 
Mutation Testing for Task-Oriented Chatbots
Mutation Testing for Task-Oriented ChatbotsMutation Testing for Task-Oriented Chatbots
Mutation Testing for Task-Oriented Chatbots
Pablo Gómez Abajo
 
Apps Break Data
Apps Break DataApps Break Data
Apps Break Data
Ivo Velitchkov
 
Nordic Marketo Engage User Group_June 13_ 2024.pptx
Nordic Marketo Engage User Group_June 13_ 2024.pptxNordic Marketo Engage User Group_June 13_ 2024.pptx
Nordic Marketo Engage User Group_June 13_ 2024.pptx
MichaelKnudsen27
 
Biomedical Knowledge Graphs for Data Scientists and Bioinformaticians
Biomedical Knowledge Graphs for Data Scientists and BioinformaticiansBiomedical Knowledge Graphs for Data Scientists and Bioinformaticians
Biomedical Knowledge Graphs for Data Scientists and Bioinformaticians
Neo4j
 
ScyllaDB Tablets: Rethinking Replication
ScyllaDB Tablets: Rethinking ReplicationScyllaDB Tablets: Rethinking Replication
ScyllaDB Tablets: Rethinking Replication
ScyllaDB
 
High performance Serverless Java on AWS- GoTo Amsterdam 2024
High performance Serverless Java on AWS- GoTo Amsterdam 2024High performance Serverless Java on AWS- GoTo Amsterdam 2024
High performance Serverless Java on AWS- GoTo Amsterdam 2024
Vadym Kazulkin
 
Northern Engraving | Modern Metal Trim, Nameplates and Appliance Panels
Northern Engraving | Modern Metal Trim, Nameplates and Appliance PanelsNorthern Engraving | Modern Metal Trim, Nameplates and Appliance Panels
Northern Engraving | Modern Metal Trim, Nameplates and Appliance Panels
Northern Engraving
 
JavaLand 2024: Application Development Green Masterplan
JavaLand 2024: Application Development Green MasterplanJavaLand 2024: Application Development Green Masterplan
JavaLand 2024: Application Development Green Masterplan
Miro Wengner
 
Connector Corner: Seamlessly power UiPath Apps, GenAI with prebuilt connectors
Connector Corner: Seamlessly power UiPath Apps, GenAI with prebuilt connectorsConnector Corner: Seamlessly power UiPath Apps, GenAI with prebuilt connectors
Connector Corner: Seamlessly power UiPath Apps, GenAI with prebuilt connectors
DianaGray10
 
AppSec PNW: Android and iOS Application Security with MobSF
AppSec PNW: Android and iOS Application Security with MobSFAppSec PNW: Android and iOS Application Security with MobSF
AppSec PNW: Android and iOS Application Security with MobSF
Ajin Abraham
 
Demystifying Knowledge Management through Storytelling
Demystifying Knowledge Management through StorytellingDemystifying Knowledge Management through Storytelling
Demystifying Knowledge Management through Storytelling
Enterprise Knowledge
 

Recently uploaded (20)

Harnessing the Power of NLP and Knowledge Graphs for Opioid Research
Harnessing the Power of NLP and Knowledge Graphs for Opioid ResearchHarnessing the Power of NLP and Knowledge Graphs for Opioid Research
Harnessing the Power of NLP and Knowledge Graphs for Opioid Research
 
What is an RPA CoE? Session 1 – CoE Vision
What is an RPA CoE?  Session 1 – CoE VisionWhat is an RPA CoE?  Session 1 – CoE Vision
What is an RPA CoE? Session 1 – CoE Vision
 
"Frontline Battles with DDoS: Best practices and Lessons Learned", Igor Ivaniuk
"Frontline Battles with DDoS: Best practices and Lessons Learned",  Igor Ivaniuk"Frontline Battles with DDoS: Best practices and Lessons Learned",  Igor Ivaniuk
"Frontline Battles with DDoS: Best practices and Lessons Learned", Igor Ivaniuk
 
Must Know Postgres Extension for DBA and Developer during Migration
Must Know Postgres Extension for DBA and Developer during MigrationMust Know Postgres Extension for DBA and Developer during Migration
Must Know Postgres Extension for DBA and Developer during Migration
 
"Scaling RAG Applications to serve millions of users", Kevin Goedecke
"Scaling RAG Applications to serve millions of users",  Kevin Goedecke"Scaling RAG Applications to serve millions of users",  Kevin Goedecke
"Scaling RAG Applications to serve millions of users", Kevin Goedecke
 
inQuba Webinar Mastering Customer Journey Management with Dr Graham Hill
inQuba Webinar Mastering Customer Journey Management with Dr Graham HillinQuba Webinar Mastering Customer Journey Management with Dr Graham Hill
inQuba Webinar Mastering Customer Journey Management with Dr Graham Hill
 
From Natural Language to Structured Solr Queries using LLMs
From Natural Language to Structured Solr Queries using LLMsFrom Natural Language to Structured Solr Queries using LLMs
From Natural Language to Structured Solr Queries using LLMs
 
[OReilly Superstream] Occupy the Space: A grassroots guide to engineering (an...
[OReilly Superstream] Occupy the Space: A grassroots guide to engineering (an...[OReilly Superstream] Occupy the Space: A grassroots guide to engineering (an...
[OReilly Superstream] Occupy the Space: A grassroots guide to engineering (an...
 
QA or the Highway - Component Testing: Bridging the gap between frontend appl...
QA or the Highway - Component Testing: Bridging the gap between frontend appl...QA or the Highway - Component Testing: Bridging the gap between frontend appl...
QA or the Highway - Component Testing: Bridging the gap between frontend appl...
 
Mutation Testing for Task-Oriented Chatbots
Mutation Testing for Task-Oriented ChatbotsMutation Testing for Task-Oriented Chatbots
Mutation Testing for Task-Oriented Chatbots
 
Apps Break Data
Apps Break DataApps Break Data
Apps Break Data
 
Nordic Marketo Engage User Group_June 13_ 2024.pptx
Nordic Marketo Engage User Group_June 13_ 2024.pptxNordic Marketo Engage User Group_June 13_ 2024.pptx
Nordic Marketo Engage User Group_June 13_ 2024.pptx
 
Biomedical Knowledge Graphs for Data Scientists and Bioinformaticians
Biomedical Knowledge Graphs for Data Scientists and BioinformaticiansBiomedical Knowledge Graphs for Data Scientists and Bioinformaticians
Biomedical Knowledge Graphs for Data Scientists and Bioinformaticians
 
ScyllaDB Tablets: Rethinking Replication
ScyllaDB Tablets: Rethinking ReplicationScyllaDB Tablets: Rethinking Replication
ScyllaDB Tablets: Rethinking Replication
 
High performance Serverless Java on AWS- GoTo Amsterdam 2024
High performance Serverless Java on AWS- GoTo Amsterdam 2024High performance Serverless Java on AWS- GoTo Amsterdam 2024
High performance Serverless Java on AWS- GoTo Amsterdam 2024
 
Northern Engraving | Modern Metal Trim, Nameplates and Appliance Panels
Northern Engraving | Modern Metal Trim, Nameplates and Appliance PanelsNorthern Engraving | Modern Metal Trim, Nameplates and Appliance Panels
Northern Engraving | Modern Metal Trim, Nameplates and Appliance Panels
 
JavaLand 2024: Application Development Green Masterplan
JavaLand 2024: Application Development Green MasterplanJavaLand 2024: Application Development Green Masterplan
JavaLand 2024: Application Development Green Masterplan
 
Connector Corner: Seamlessly power UiPath Apps, GenAI with prebuilt connectors
Connector Corner: Seamlessly power UiPath Apps, GenAI with prebuilt connectorsConnector Corner: Seamlessly power UiPath Apps, GenAI with prebuilt connectors
Connector Corner: Seamlessly power UiPath Apps, GenAI with prebuilt connectors
 
AppSec PNW: Android and iOS Application Security with MobSF
AppSec PNW: Android and iOS Application Security with MobSFAppSec PNW: Android and iOS Application Security with MobSF
AppSec PNW: Android and iOS Application Security with MobSF
 
Demystifying Knowledge Management through Storytelling
Demystifying Knowledge Management through StorytellingDemystifying Knowledge Management through Storytelling
Demystifying Knowledge Management through Storytelling
 

Federated Semi-Supervised Learning with Inter-Client Consistency & Disjoint Learning

  • 1. Federated Semi-Supervised Learning with Inter-Client Consistency & Disjoint Learning Wonyong Jeong!, Jaehong Yoon", Eunho Yang!,$, Sung Ju Hwang!,$ Graduate Shool of AI! , KAIST, Seoul, South Korea School of Computing", KAIST, Deajeon, South Korea AITRICS#, Seoul, South Korea
  • 2. Motivation: Deficiency of Supervision Federated Learning, in which multiple clients collaboratively learn a global model via aggregating knowledge from local private data, have been actively studied. Data obtained at the client often comes without accompanying labels due to expensive labeling costs or requirement of expert knowledge when annotating. Global Model Global Knowledge Local Knowledge Local Knowledge Fully Labeled Data Fully Labeled Data Fully Labeled Data
  • 3. Federated Semi-Supervised Learning This leads us to a new problem of Federated Semi-Supervised Learning (FSSL), which tackles federated learning under scarcity of supervision. We propose two possible scenarios depending on the availability of the labeled data, such as Labels-at-Client and Labels-at-Server scenarios. Global Model Global Knowledge Local Knowledge Local Knowledge Small-sized Labeled Data + Unlabeled Data Small-sized Labeled Data + Unlabeled Data Small-sized Labeled Data + Unlabeled Data
  • 4. Federated Semi-Supervised Learning One of common scenarios is that the end-users intermittently annotate a small portion of their local data, while the rest of data instances remains unlabeled. We call such scenarios as Labels-at-Client scenario where both the labeled and unlabeled data are available at client side. iPhone Photos – Face Album
  • 5. Federated Semi-Supervised Learning Another common cases for real-world applications is that annotation requires expert knowledge (e.g. annotating medical images, evaluating body postures for exercises). We define the scenario as Labels-at-Server scenario that the supervised labels are only available at the server, while local clients work with unlabeled data. Evaluating Body Postures
  • 6. Challenges: Exploiting Reliable Knowledge A simple solution to tackle the FSSL problems would be a naïve combination of semi- supervised learning and federated learning algorithms. Yet, the naïve approach does not fully exploit the knowledge from the multiple models trained on each local unlabeled data, which may cause the degradation of reliability. Federated Learning Semi-Supervised Learning Unreliable Knowledge How to Aggregate? Multiple Clients Unlabeled Data
  • 7. Federated Matching (FedMatch) Thus, we propose a novel method, FedMatch, which effectively utilizes reliable knowledge from multiple clients. FedMatch consists of two main components, such as the Inter-Client Consistency Loss and Parameter Decomposition for disjoint learning. Federated Learning Semi-Supervised Learning Inter-Client Consistency Reliable Knowledge
  • 8. Inter-Client Consistency Consistency regularization methods, one of popular approaches in SSL, enforce model predictions from augmented instances to output the same class label. Unlabeled Examples 𝒖 We further improve this by proposing Inter-Client Consistency Loss, which enforces the consistency between the predictions made across multiple helper agents. Inter-Client Consistency Loss 0 1 ! 𝒚𝒊 𝐂𝐄(! 𝒚𝒊, ) 𝝅(𝒖) 𝒑𝜽 Truck Conventional Consistency Regularization 𝐇𝐞𝐥𝐩𝐞𝐫 𝟐( ) 1 𝐇𝐞𝐥𝐩𝐞𝐫 𝟏 ( ) 1 1 𝐋𝐨𝐜𝐚𝐥𝐌𝐨𝐝𝐞𝐥 0 0 • Helper Agents are the selected models form other clients based on their similarity.
  • 9. Inter-Client Consistency Moreover, we perform local consistency regularization while utilizing the agreement for generating pseudo labels, namely agreement-based pseudo labeling. With the pseudo labels, we minimize standard cross entropy on augmented instances, similarly to FixMatch’s (Sohn et al., 2020). 𝑯𝒆𝒍𝒑𝒆𝒓 𝟏 ( ) 𝑯𝒆𝒍𝒑𝒆𝒓 𝟐( ) Unlabeled Examples Inter-Client Consistency Regularization 𝑳𝒐𝒄𝒂𝒍𝑴𝒐𝒅𝒆𝒍 0 0 1 0 1 0 1 𝒖 0 0 1 0 1 0 1 0 1 ! 𝒚𝒊 Agreement-based Pseudo-Labeling 𝐂𝐄(! 𝒚𝒊, ) 𝝅(𝒖) 𝒑𝜽 Truck Truck ! Cat Augmentation & Local Consistency Loss 𝝉 Truck Truck ! Cat ?
  • 10. Parameter Decomposition for Disjoint Learning In the standard semi-supervised learning, learning on labeled and unlabeled data is simultaneously done with a shared set of parameters. Labeled Data Unlabeled Data 𝜃 Model Parameters Reliable Knowledge Unreliable Knowledge However, this may result in the model to forget about what it learned from labeled data, which is crucial to semi-supervised learning. Reliable Knowledge Unreliable Knowledge Forgetting happens Poor Performance on Labeled Data
  • 11. Parameter Decomposition for Disjoint Learning We thus decompose our model parameters into parameters for supervised learning and unsupervised learning, which are 𝜎 and 𝜓, respectively. This enables us to separate the learning procedures depending on the availability of labeled data. 𝜃 𝜎 𝒮 = {𝒙! , 𝒚! }!"# $ Labeled Data from 𝒟 ⊕ 𝜓 𝒰 = {𝒖% }%"# & Unlabeled Data from 𝒟
  • 12. Parameter Decomposition for Disjoint Learning For Labels-at-Client scenario, where the labeled data is given at client, we learn both 𝜎 and 𝜓 at client side, and send them back to server. Labels-at-Client Scenario Global Model Σ(() Σ(() Aggregation Aggregation ⊕ Helper 1 Helper 2 𝜓<! 𝜓<" High Similarity Low Similarity … … … … High Similarity Low Similarity ⊕ 𝜓<! 𝜓<" Σ(() Aggregation For Labels-at-Server scenario, where the labeled data is located at server, we disjointly learn 𝜎 at server. In this case, only 𝜓 at client side is sent back to server. Labels-at-Server Scenario Local Model ⊕ Learn 𝜎=! and 𝜓=! Labeled Data Unlabeled Data Global Model Learn 𝜎> Labeled Data Helper 1 Helper 2 Learn 𝜓=! Local Model ⊕ 𝜎> ∗ Unlabeled Data
  • 13. Objective Functions For learning on labeled data, we perform the standard supervised learning with cross- entropy loss utilizing corresponding labels . For learning on unlabeled data, we minimize inter-client consistency loss and sparsity regularization term on 𝜓, as well as a regularizer which prevents 𝜓 drifting away from 𝜎∗. 𝑚𝑖𝑛𝑖𝑚𝑖𝑧𝑒 ℒA 𝜎 = 𝜆ACE(y, pBCD∗(y|𝐱)) 𝑚𝑖𝑛𝑖𝑚𝑖𝑧𝑒 ℒE 𝜓 = 𝜆EϕB∗CD 5 + 𝜆F" ||𝜓||! + 𝜆F# ||𝜎∗ − 𝜓||" "
  • 14. Experimental Setup We validate our method on Batch-IID and -NonIID datasets (CIFAR-10), which is conventional settings in standard federated learning. Example Streaming Non-IID dataset under Labels-at-Server scenario 0 1 2 … 9 0 1 2 … 9 0 1 2 … 9 0 1 2 … 9 0 1 2 … 9 We also evaluate our method on Streaming Non-IID dataset (Fashion-MNIST) where locally-generated private data continuously streams in.
  • 15. Results of Main Experiments Our method outperforms the naïve Federated Semi-supervised Learning models on both batch and streaming datasets in all scenarios. Batch-NonIID Dataset with 100 Clients Labels-at-Client Scenario Labels-at-Server Scenario Models Accuracy C2S Cost Local-FixMatch 62.62 ± 0.32 % N/A FedProx-FixMatch 62.40 ± 0.43 % 100 % FedMatch (Ours) 77.95 ± 0.14 % 48 % Streaming Non-IID under Labels-at-Client Scenario Streaming Non-IID under Labels-at-Server Scenario Models Accuracy C2S Cost FedProx-SL 77.43 ± 0.42 % 100 % FedProx-FixMatch 73.71 ± 0.32 % 100 % FedMatch (Ours) 84.15 ± 0.31 % 63 %
  • 16. Ablation Study We observe that our inter-client consistency loss plays a significant role to improve performance in FSSL scenario. Effect of Parameter Decomposition Effect of Inter-Client Consistency Loss Our decomposition method also allows us to preserve reliable knowledge from the labeled data.
  • 17. Conclusion • We introduce Federated Semi-Supervised Learning (FSSL), where each client learns with only partly labeled data (labels-at-client), or work with completely unlabeled data with supervised labels only available at the server (labels-at-server). • We propose FedMatch which utilizes the Inter-Client Consistency Loss to maximize the agreement from different clients, and Parameter Decomposition for disjoint learning enabling our model to preserve the reliable knowledge from labeled data. • We validate our method under Streaming Non-IID and Batch IID settings, which our methods significantly outperform naïve approach of FSSL.