SlideShare a Scribd company logo
FReTAL: Generalizing Deepfake Detection using Knowledge
Distillation and Representation Learning
Minha Kim
kimminha@g.skku.edu
Workshop on Media Forensics
CVPR 2021 - Virtual
Data-drive AI Security HCI (DASH) Lab
Sungkyunkwan University, South Korea
Simon S. Woo
swoo@g.skku.edu
Shahroz Tariq
shahroz@g.skku.edu
Training
Dataset A
(Deepfakes)
Model
Dataset A
(Deepfakes)
Accuracy 95%
Introduction
Transfer
Introduction
Dataset B
(Face2Face)
Dataset A
Dataset B
(Face2Face)
Accuracy 95%87% ↓
Accuracy 98%
Catastrophic
Forgetting
However, It can lead to “catastrophic forgetting”
Accuracy of original domain drops from 95% (dataset A) to 87% (dataset A),
while achieving the new domain detection accuracy w/ 98% (dataset B).
Problem Statements
1. Catastrophic forgetting may occur due to training with data from different domains.
2. Pretrained model requires a few source data to prevent the catastrophic forgetting during
domain adaptation. However, sometimes source data may not be available.
3. It is difficult to classify low-quality (LQ) deepfake data compared to high-quality (HQ)
data
HQ
LQ
VS.
Contributions
1. We propose a novel domain adaption framework, “Feature Representation Transfer
Adaptation Learning” (FReTAL), based on knowledge distillation and representation
learning that can prevent catastrophic forgetting without accessing to the source
domain data.
2. We show that leveraging knowledge distillation and representation learning can enhance
adaptability across different deepfake domains.
3. We demonstrate that our method outperforms baseline approaches on deepfake
benchmark datasets with up to 86.97% accuracy on low-quality deepfake detection.
KD Loss
Non-trainable Teacher Model
(Pre-trained on Source Data)
Student Model
(To-be trained on Target Data)
Our Approach - Knowledge Distillation (KD)
 KD is a method to compress knowledge of a large model to a small model
 The main idea is the student model can mimic the knowledge of the teacher model
Target Data
 Representation learning is the process of learning representations of input data.
 Representation Learning is a training method by representing the hidden layers of a network
by applying some conditions to the learned intermediate features.
Default Representation Semantic Representation
Our Approach – Feature-based Representation Learning
Assume : Similar features exist
Representation Learning
Dataset – FaceForensics++
Rossler, Andreas, et al. "Faceforensics++: Learning to detect manipulated facial images.“
Proceedings of the IEEE/CVF International Conference on Computer Vision. 2019.
Real Fake
Deepfakes Face2Face FaceSwap Neural
Textures
Dataset
Total
Videos
Training
Videos
Transfer
Learning
Testing
Videos
Pristine (Real) 1,000 750 10 250
DeepFake (DF) 1,000 750 10 250
FaceSwap (FS) 1,000 750 10 250
Face2Face (F2F) 1,000 750 10 250
Neural Textures (NT) 1,000 750 10 250
The details of datasets used for training and
testing
Experiments - Baselines
● Baselines for transfer learning
Backbone Network is Xception
○ Fine-Turning (FT): General Transfer Learning method with 10 few shot target videos
○ Transferable GAN-generated images detection framework (T-GD) [ICML2020]
○ Knowledge-Distillation (KD): [Hinton2015]
Experiments (High-quality)
Method Domain DF→F2F (%) DF→FS (%) F2F→DF (%) F2F→FS (%) FS→DF (%) FS→F2F (%)
Xception
+ FT
Source 93.65 70.00 95.1 90.35 93.77 94.91
Target 84.59 55.18 91.32 55.26 86.56 83.11
Avg. 89.12 62.59 93.21 72.81 90.17 89.01
Xception
+ T-GD
Source 92.96 73.92 96.89 90.42 92.55 94.85
Target 77.89 55.64 84.55 55.6 79.38 78.49
Avg. 85.43 64.78 90.72 73.01 85.97 86.67
Xception
+ KD
Source 95.58 82.77 96.91 84.57 95.65 96.28
Target 84.31 59.55 92.51 76.45 87.05 85.12
Avg. 89.95 71.16 94.72 80.51 91.35 90.70
Xception
+ FReTAL
Source 95.68 88.6 98.09 93.36 92.57 96.41
Target 84.54 76.23 89.90 80.63 86.45 88.64
Avg. 90.11 82.42 94.00 82.00 89.51 92.53
Student model performance on both source/target dataset (HQ) Source→Targ
et
Student model performance on both source/target dataset (LQ)
Method Domain FS→F2F (%) F2F→FS (%) FS→DF (%) DF→F2F (%) F2F→NT (%) DF→NT (%)
Xception
+ FT
Source 40.93 84.78 80.56 89.84 87.12 88.29
Target 60.30 52.97 64.61 58.24 76.78 82.4
Avg. 50.62 75.05 72.59 74.04 81.95 85.35
Xception
+ T-GD
Source 36.08 84.70 85.98 88.07 83.22 81.23
Target 56.95 52.95 55.90 49.55 52.69 67.11
Avg. 46.52 68.83 70.94 68.81 67.96 74.17
Xception
+ KD
Source 48.07 84.84 80.48 82.59 86.07 89.61
Target 61.40 65.26 64.63 64.34 74.56 81.03
Avg. 54.74 75.05 72.56 73.47 80.32 85.32
Xception
+ FReTAL
Source 81.78 82.03 85.93 91.20 82.85 90.56
Target 64.45 68.79 65.78 62.09 83.87 83.38
Avg. 73.12 75.41 75.86 76.65 83.36 86.97
Experiments (Low-quality)
Conclusion
1. We found that similar features exist between the source and target dataset that can help in
domain adaptation though our representation learning framework.
2. We demonstrate that applying our FReTAL loss without even using the source dataset can
significantly reduce catastrophic forgetting.
3. We achieve higher performances than other methods, on both source dataset as well as
target dataset.
Deepfakes
Face2Fa
ce
Thank you!
https://dash-lab.github.io/
Code is available here:
https://github.com/alsgkals2/FReTAL

More Related Content

What's hot

Generative Models for General Audiences
Generative Models for General AudiencesGenerative Models for General Audiences
Generative Models for General Audiences
Sangwoo Mo
 
Forged authenticity: the case of deepfakes
Forged authenticity: the case of deepfakesForged authenticity: the case of deepfakes
Forged authenticity: the case of deepfakes
Anca Georgiana Rusu
 
Deep fakes and beyond
Deep fakes and beyondDeep fakes and beyond
Deep fakes and beyond
Arpitha Gurumurthy
 
GAN - Theory and Applications
GAN - Theory and ApplicationsGAN - Theory and Applications
GAN - Theory and Applications
Emanuele Ghelfi
 
Self-supervised Learning Lecture Note
Self-supervised Learning Lecture NoteSelf-supervised Learning Lecture Note
Self-supervised Learning Lecture Note
Sangwoo Mo
 
"Creating, Weaponizing,and Detecting Deep Fakes," a Presentation from U.C. Be...
"Creating, Weaponizing,and Detecting Deep Fakes," a Presentation from U.C. Be..."Creating, Weaponizing,and Detecting Deep Fakes," a Presentation from U.C. Be...
"Creating, Weaponizing,and Detecting Deep Fakes," a Presentation from U.C. Be...
Edge AI and Vision Alliance
 
Deep fake
Deep fakeDeep fake
Deep fake
KrushnaliTiwari
 
DeepFake: Trick or Treat
DeepFake: Trick or TreatDeepFake: Trick or Treat
DeepFake: Trick or Treat
Samama Khan
 
Deep learning for medical imaging
Deep learning for medical imagingDeep learning for medical imaging
Deep learning for medical imaging
geetachauhan
 
Facial recognition technology by vaibhav
Facial recognition technology by vaibhavFacial recognition technology by vaibhav
Facial recognition technology by vaibhavVaibhav P
 
DEEPFAKE DETECTION TECHNIQUES: A REVIEW
DEEPFAKE DETECTION TECHNIQUES: A REVIEWDEEPFAKE DETECTION TECHNIQUES: A REVIEW
DEEPFAKE DETECTION TECHNIQUES: A REVIEW
vivatechijri
 
Latent diffusions vs DALL-E v2
Latent diffusions vs DALL-E v2Latent diffusions vs DALL-E v2
Latent diffusions vs DALL-E v2
Vitaly Bondar
 
Image attendance system
Image attendance systemImage attendance system
Image attendance system
Mayank Garg
 
Face Recognition Methods based on Convolutional Neural Networks
Face Recognition Methods based on Convolutional Neural NetworksFace Recognition Methods based on Convolutional Neural Networks
Face Recognition Methods based on Convolutional Neural Networks
Elaheh Rashedi
 
Introduction to Diffusion Models
Introduction to Diffusion ModelsIntroduction to Diffusion Models
Introduction to Diffusion Models
Sangwoo Mo
 
Deep Generative Models
Deep Generative Models Deep Generative Models
Deep Generative Models
Chia-Wen Cheng
 
Kapil dikshit ppt
Kapil dikshit pptKapil dikshit ppt
Kapil dikshit ppt
kapil dikshit
 
Detecting malaria using a deep convolutional neural network
Detecting malaria using a deep  convolutional neural networkDetecting malaria using a deep  convolutional neural network
Detecting malaria using a deep convolutional neural network
Yusuf Brima
 
Face identification
Face  identificationFace  identification
Face identification
27vipin92
 
Object classification using CNN & VGG16 Model (Keras and Tensorflow)
Object classification using CNN & VGG16 Model (Keras and Tensorflow) Object classification using CNN & VGG16 Model (Keras and Tensorflow)
Object classification using CNN & VGG16 Model (Keras and Tensorflow)
Lalit Jain
 

What's hot (20)

Generative Models for General Audiences
Generative Models for General AudiencesGenerative Models for General Audiences
Generative Models for General Audiences
 
Forged authenticity: the case of deepfakes
Forged authenticity: the case of deepfakesForged authenticity: the case of deepfakes
Forged authenticity: the case of deepfakes
 
Deep fakes and beyond
Deep fakes and beyondDeep fakes and beyond
Deep fakes and beyond
 
GAN - Theory and Applications
GAN - Theory and ApplicationsGAN - Theory and Applications
GAN - Theory and Applications
 
Self-supervised Learning Lecture Note
Self-supervised Learning Lecture NoteSelf-supervised Learning Lecture Note
Self-supervised Learning Lecture Note
 
"Creating, Weaponizing,and Detecting Deep Fakes," a Presentation from U.C. Be...
"Creating, Weaponizing,and Detecting Deep Fakes," a Presentation from U.C. Be..."Creating, Weaponizing,and Detecting Deep Fakes," a Presentation from U.C. Be...
"Creating, Weaponizing,and Detecting Deep Fakes," a Presentation from U.C. Be...
 
Deep fake
Deep fakeDeep fake
Deep fake
 
DeepFake: Trick or Treat
DeepFake: Trick or TreatDeepFake: Trick or Treat
DeepFake: Trick or Treat
 
Deep learning for medical imaging
Deep learning for medical imagingDeep learning for medical imaging
Deep learning for medical imaging
 
Facial recognition technology by vaibhav
Facial recognition technology by vaibhavFacial recognition technology by vaibhav
Facial recognition technology by vaibhav
 
DEEPFAKE DETECTION TECHNIQUES: A REVIEW
DEEPFAKE DETECTION TECHNIQUES: A REVIEWDEEPFAKE DETECTION TECHNIQUES: A REVIEW
DEEPFAKE DETECTION TECHNIQUES: A REVIEW
 
Latent diffusions vs DALL-E v2
Latent diffusions vs DALL-E v2Latent diffusions vs DALL-E v2
Latent diffusions vs DALL-E v2
 
Image attendance system
Image attendance systemImage attendance system
Image attendance system
 
Face Recognition Methods based on Convolutional Neural Networks
Face Recognition Methods based on Convolutional Neural NetworksFace Recognition Methods based on Convolutional Neural Networks
Face Recognition Methods based on Convolutional Neural Networks
 
Introduction to Diffusion Models
Introduction to Diffusion ModelsIntroduction to Diffusion Models
Introduction to Diffusion Models
 
Deep Generative Models
Deep Generative Models Deep Generative Models
Deep Generative Models
 
Kapil dikshit ppt
Kapil dikshit pptKapil dikshit ppt
Kapil dikshit ppt
 
Detecting malaria using a deep convolutional neural network
Detecting malaria using a deep  convolutional neural networkDetecting malaria using a deep  convolutional neural network
Detecting malaria using a deep convolutional neural network
 
Face identification
Face  identificationFace  identification
Face identification
 
Object classification using CNN & VGG16 Model (Keras and Tensorflow)
Object classification using CNN & VGG16 Model (Keras and Tensorflow) Object classification using CNN & VGG16 Model (Keras and Tensorflow)
Object classification using CNN & VGG16 Model (Keras and Tensorflow)
 

Similar to [CVPRW2021]FReTAL: Generalizing Deepfake detection using Knowledge Distillation and Representation Learning

Deepfake Detection_Using Machine Learning .pptx
Deepfake Detection_Using Machine Learning .pptxDeepfake Detection_Using Machine Learning .pptx
Deepfake Detection_Using Machine Learning .pptx
mahalsuraj389
 
Presentation on Machine Learning and Data Mining
Presentation on Machine Learning and Data MiningPresentation on Machine Learning and Data Mining
Presentation on Machine Learning and Data Miningbutest
 
B4UConference_machine learning_deeplearning
B4UConference_machine learning_deeplearningB4UConference_machine learning_deeplearning
B4UConference_machine learning_deeplearning
Hoa Le
 
MPerceptron
MPerceptronMPerceptron
MPerceptronbutest
 
Human Emotion Recognition
Human Emotion RecognitionHuman Emotion Recognition
Human Emotion Recognition
Chaitanya Maddala
 
Deep Learning: concepts and use cases (October 2018)
Deep Learning: concepts and use cases (October 2018)Deep Learning: concepts and use cases (October 2018)
Deep Learning: concepts and use cases (October 2018)
Julien SIMON
 
(Explainable) Data-Centric AI: what are you explaininhg, and to whom?
(Explainable) Data-Centric AI: what are you explaininhg, and to whom?(Explainable) Data-Centric AI: what are you explaininhg, and to whom?
(Explainable) Data-Centric AI: what are you explaininhg, and to whom?
Paolo Missier
 
Eswc2009
Eswc2009Eswc2009
Eswc2009fanizzi
 
Learn to Build an App to Find Similar Images using Deep Learning- Piotr Teterwak
Learn to Build an App to Find Similar Images using Deep Learning- Piotr TeterwakLearn to Build an App to Find Similar Images using Deep Learning- Piotr Teterwak
Learn to Build an App to Find Similar Images using Deep Learning- Piotr Teterwak
PyData
 
Forest Cover type prediction
Forest Cover type predictionForest Cover type prediction
Forest Cover type prediction
Daniel Gribel
 
Hands on Mahout!
Hands on Mahout!Hands on Mahout!
Hands on Mahout!
OSCON Byrum
 
How to use transfer learning to bootstrap image classification and question a...
How to use transfer learning to bootstrap image classification and question a...How to use transfer learning to bootstrap image classification and question a...
How to use transfer learning to bootstrap image classification and question a...
Wee Hyong Tok
 
Deep learning: Cutting through the Myths and Hype
Deep learning: Cutting through the Myths and HypeDeep learning: Cutting through the Myths and Hype
Deep learning: Cutting through the Myths and Hype
Siby Jose Plathottam
 
Computational Biology, Part 4 Protein Coding Regions
Computational Biology, Part 4 Protein Coding RegionsComputational Biology, Part 4 Protein Coding Regions
Computational Biology, Part 4 Protein Coding Regionsbutest
 
Course Title CS591-Advance Artificial Intelligence
Course Title CS591-Advance Artificial Intelligence           Course Title CS591-Advance Artificial Intelligence
Course Title CS591-Advance Artificial Intelligence
CruzIbarra161
 
230208 MLOps Getting from Good to Great.pptx
230208 MLOps Getting from Good to Great.pptx230208 MLOps Getting from Good to Great.pptx
230208 MLOps Getting from Good to Great.pptx
Arthur240715
 
Getting Started with Keras and TensorFlow - StampedeCon AI Summit 2017
Getting Started with Keras and TensorFlow - StampedeCon AI Summit 2017Getting Started with Keras and TensorFlow - StampedeCon AI Summit 2017
Getting Started with Keras and TensorFlow - StampedeCon AI Summit 2017
StampedeCon
 
Deep Learning based Frameworks for Handling Imbalance in DGA, Email, and URL ...
Deep Learning based Frameworks for Handling Imbalance in DGA, Email, and URL ...Deep Learning based Frameworks for Handling Imbalance in DGA, Email, and URL ...
Deep Learning based Frameworks for Handling Imbalance in DGA, Email, and URL ...
SimranKetha
 
Automated_attendance_system_project.pptx
Automated_attendance_system_project.pptxAutomated_attendance_system_project.pptx
Automated_attendance_system_project.pptx
Naveensai51
 
AI & ML in Defence Systems - Sunil Chomal
AI & ML in Defence Systems   - Sunil ChomalAI & ML in Defence Systems   - Sunil Chomal
AI & ML in Defence Systems - Sunil Chomal
Sunil Chomal
 

Similar to [CVPRW2021]FReTAL: Generalizing Deepfake detection using Knowledge Distillation and Representation Learning (20)

Deepfake Detection_Using Machine Learning .pptx
Deepfake Detection_Using Machine Learning .pptxDeepfake Detection_Using Machine Learning .pptx
Deepfake Detection_Using Machine Learning .pptx
 
Presentation on Machine Learning and Data Mining
Presentation on Machine Learning and Data MiningPresentation on Machine Learning and Data Mining
Presentation on Machine Learning and Data Mining
 
B4UConference_machine learning_deeplearning
B4UConference_machine learning_deeplearningB4UConference_machine learning_deeplearning
B4UConference_machine learning_deeplearning
 
MPerceptron
MPerceptronMPerceptron
MPerceptron
 
Human Emotion Recognition
Human Emotion RecognitionHuman Emotion Recognition
Human Emotion Recognition
 
Deep Learning: concepts and use cases (October 2018)
Deep Learning: concepts and use cases (October 2018)Deep Learning: concepts and use cases (October 2018)
Deep Learning: concepts and use cases (October 2018)
 
(Explainable) Data-Centric AI: what are you explaininhg, and to whom?
(Explainable) Data-Centric AI: what are you explaininhg, and to whom?(Explainable) Data-Centric AI: what are you explaininhg, and to whom?
(Explainable) Data-Centric AI: what are you explaininhg, and to whom?
 
Eswc2009
Eswc2009Eswc2009
Eswc2009
 
Learn to Build an App to Find Similar Images using Deep Learning- Piotr Teterwak
Learn to Build an App to Find Similar Images using Deep Learning- Piotr TeterwakLearn to Build an App to Find Similar Images using Deep Learning- Piotr Teterwak
Learn to Build an App to Find Similar Images using Deep Learning- Piotr Teterwak
 
Forest Cover type prediction
Forest Cover type predictionForest Cover type prediction
Forest Cover type prediction
 
Hands on Mahout!
Hands on Mahout!Hands on Mahout!
Hands on Mahout!
 
How to use transfer learning to bootstrap image classification and question a...
How to use transfer learning to bootstrap image classification and question a...How to use transfer learning to bootstrap image classification and question a...
How to use transfer learning to bootstrap image classification and question a...
 
Deep learning: Cutting through the Myths and Hype
Deep learning: Cutting through the Myths and HypeDeep learning: Cutting through the Myths and Hype
Deep learning: Cutting through the Myths and Hype
 
Computational Biology, Part 4 Protein Coding Regions
Computational Biology, Part 4 Protein Coding RegionsComputational Biology, Part 4 Protein Coding Regions
Computational Biology, Part 4 Protein Coding Regions
 
Course Title CS591-Advance Artificial Intelligence
Course Title CS591-Advance Artificial Intelligence           Course Title CS591-Advance Artificial Intelligence
Course Title CS591-Advance Artificial Intelligence
 
230208 MLOps Getting from Good to Great.pptx
230208 MLOps Getting from Good to Great.pptx230208 MLOps Getting from Good to Great.pptx
230208 MLOps Getting from Good to Great.pptx
 
Getting Started with Keras and TensorFlow - StampedeCon AI Summit 2017
Getting Started with Keras and TensorFlow - StampedeCon AI Summit 2017Getting Started with Keras and TensorFlow - StampedeCon AI Summit 2017
Getting Started with Keras and TensorFlow - StampedeCon AI Summit 2017
 
Deep Learning based Frameworks for Handling Imbalance in DGA, Email, and URL ...
Deep Learning based Frameworks for Handling Imbalance in DGA, Email, and URL ...Deep Learning based Frameworks for Handling Imbalance in DGA, Email, and URL ...
Deep Learning based Frameworks for Handling Imbalance in DGA, Email, and URL ...
 
Automated_attendance_system_project.pptx
Automated_attendance_system_project.pptxAutomated_attendance_system_project.pptx
Automated_attendance_system_project.pptx
 
AI & ML in Defence Systems - Sunil Chomal
AI & ML in Defence Systems   - Sunil ChomalAI & ML in Defence Systems   - Sunil Chomal
AI & ML in Defence Systems - Sunil Chomal
 

More from KIMMINHA3

[ECCV2022] Generative Domain Adaptation for Face Anti-Spoofing
[ECCV2022] Generative Domain Adaptation for Face Anti-Spoofing[ECCV2022] Generative Domain Adaptation for Face Anti-Spoofing
[ECCV2022] Generative Domain Adaptation for Face Anti-Spoofing
KIMMINHA3
 
[AAAI21] Self-Domain Adaptation for Face Anti-Spoofing
[AAAI21] Self-Domain Adaptation for Face Anti-Spoofing[AAAI21] Self-Domain Adaptation for Face Anti-Spoofing
[AAAI21] Self-Domain Adaptation for Face Anti-Spoofing
KIMMINHA3
 
[CVPR'22] Domain Generalization via Shuffled Style Assembly for Face Anti-Spo...
[CVPR'22] Domain Generalization via Shuffled Style Assembly for Face Anti-Spo...[CVPR'22] Domain Generalization via Shuffled Style Assembly for Face Anti-Spo...
[CVPR'22] Domain Generalization via Shuffled Style Assembly for Face Anti-Spo...
KIMMINHA3
 
[TIFS'22] Learning Meta Pattern for Face Anti-Spoofing
[TIFS'22] Learning Meta Pattern for Face Anti-Spoofing[TIFS'22] Learning Meta Pattern for Face Anti-Spoofing
[TIFS'22] Learning Meta Pattern for Face Anti-Spoofing
KIMMINHA3
 
[AAAI'23]Learning Polysemantic Spoof Trace
[AAAI'23]Learning Polysemantic Spoof Trace[AAAI'23]Learning Polysemantic Spoof Trace
[AAAI'23]Learning Polysemantic Spoof Trace
KIMMINHA3
 
Architectures of Super-resolution (AI)
Architectures of Super-resolution (AI)Architectures of Super-resolution (AI)
Architectures of Super-resolution (AI)
KIMMINHA3
 
[NeuralIPS 2020]filter in filter pruning
[NeuralIPS 2020]filter in filter pruning[NeuralIPS 2020]filter in filter pruning
[NeuralIPS 2020]filter in filter pruning
KIMMINHA3
 
Methods for interpreting and understanding deep neural networks
Methods for interpreting and understanding deep neural networksMethods for interpreting and understanding deep neural networks
Methods for interpreting and understanding deep neural networks
KIMMINHA3
 
Meta learned Confidence for Few-shot Learning
Meta learned Confidence for Few-shot LearningMeta learned Confidence for Few-shot Learning
Meta learned Confidence for Few-shot Learning
KIMMINHA3
 
“zero-shot” super-resolution using deep internal learning [CVPR2018]
“zero-shot” super-resolution using deep internal learning [CVPR2018]“zero-shot” super-resolution using deep internal learning [CVPR2018]
“zero-shot” super-resolution using deep internal learning [CVPR2018]
KIMMINHA3
 
[CVPRW 2020]Real world Super-Resolution via Kernel Estimation and Noise Injec...
[CVPRW 2020]Real world Super-Resolution via Kernel Estimation and Noise Injec...[CVPRW 2020]Real world Super-Resolution via Kernel Estimation and Noise Injec...
[CVPRW 2020]Real world Super-Resolution via Kernel Estimation and Noise Injec...
KIMMINHA3
 
Transferable GAN-generated Images Detection Framework.
Transferable GAN-generated Images  Detection Framework.Transferable GAN-generated Images  Detection Framework.
Transferable GAN-generated Images Detection Framework.
KIMMINHA3
 
[Seminar arxiv]fake face detection via adaptive residuals extraction network
[Seminar arxiv]fake face detection via adaptive residuals extraction network [Seminar arxiv]fake face detection via adaptive residuals extraction network
[Seminar arxiv]fake face detection via adaptive residuals extraction network
KIMMINHA3
 
Xception mhkim
Xception mhkimXception mhkim
Xception mhkim
KIMMINHA3
 
short text large effect measuring the impact of user reviews on android app s...
short text large effect measuring the impact of user reviews on android app s...short text large effect measuring the impact of user reviews on android app s...
short text large effect measuring the impact of user reviews on android app s...
KIMMINHA3
 

More from KIMMINHA3 (15)

[ECCV2022] Generative Domain Adaptation for Face Anti-Spoofing
[ECCV2022] Generative Domain Adaptation for Face Anti-Spoofing[ECCV2022] Generative Domain Adaptation for Face Anti-Spoofing
[ECCV2022] Generative Domain Adaptation for Face Anti-Spoofing
 
[AAAI21] Self-Domain Adaptation for Face Anti-Spoofing
[AAAI21] Self-Domain Adaptation for Face Anti-Spoofing[AAAI21] Self-Domain Adaptation for Face Anti-Spoofing
[AAAI21] Self-Domain Adaptation for Face Anti-Spoofing
 
[CVPR'22] Domain Generalization via Shuffled Style Assembly for Face Anti-Spo...
[CVPR'22] Domain Generalization via Shuffled Style Assembly for Face Anti-Spo...[CVPR'22] Domain Generalization via Shuffled Style Assembly for Face Anti-Spo...
[CVPR'22] Domain Generalization via Shuffled Style Assembly for Face Anti-Spo...
 
[TIFS'22] Learning Meta Pattern for Face Anti-Spoofing
[TIFS'22] Learning Meta Pattern for Face Anti-Spoofing[TIFS'22] Learning Meta Pattern for Face Anti-Spoofing
[TIFS'22] Learning Meta Pattern for Face Anti-Spoofing
 
[AAAI'23]Learning Polysemantic Spoof Trace
[AAAI'23]Learning Polysemantic Spoof Trace[AAAI'23]Learning Polysemantic Spoof Trace
[AAAI'23]Learning Polysemantic Spoof Trace
 
Architectures of Super-resolution (AI)
Architectures of Super-resolution (AI)Architectures of Super-resolution (AI)
Architectures of Super-resolution (AI)
 
[NeuralIPS 2020]filter in filter pruning
[NeuralIPS 2020]filter in filter pruning[NeuralIPS 2020]filter in filter pruning
[NeuralIPS 2020]filter in filter pruning
 
Methods for interpreting and understanding deep neural networks
Methods for interpreting and understanding deep neural networksMethods for interpreting and understanding deep neural networks
Methods for interpreting and understanding deep neural networks
 
Meta learned Confidence for Few-shot Learning
Meta learned Confidence for Few-shot LearningMeta learned Confidence for Few-shot Learning
Meta learned Confidence for Few-shot Learning
 
“zero-shot” super-resolution using deep internal learning [CVPR2018]
“zero-shot” super-resolution using deep internal learning [CVPR2018]“zero-shot” super-resolution using deep internal learning [CVPR2018]
“zero-shot” super-resolution using deep internal learning [CVPR2018]
 
[CVPRW 2020]Real world Super-Resolution via Kernel Estimation and Noise Injec...
[CVPRW 2020]Real world Super-Resolution via Kernel Estimation and Noise Injec...[CVPRW 2020]Real world Super-Resolution via Kernel Estimation and Noise Injec...
[CVPRW 2020]Real world Super-Resolution via Kernel Estimation and Noise Injec...
 
Transferable GAN-generated Images Detection Framework.
Transferable GAN-generated Images  Detection Framework.Transferable GAN-generated Images  Detection Framework.
Transferable GAN-generated Images Detection Framework.
 
[Seminar arxiv]fake face detection via adaptive residuals extraction network
[Seminar arxiv]fake face detection via adaptive residuals extraction network [Seminar arxiv]fake face detection via adaptive residuals extraction network
[Seminar arxiv]fake face detection via adaptive residuals extraction network
 
Xception mhkim
Xception mhkimXception mhkim
Xception mhkim
 
short text large effect measuring the impact of user reviews on android app s...
short text large effect measuring the impact of user reviews on android app s...short text large effect measuring the impact of user reviews on android app s...
short text large effect measuring the impact of user reviews on android app s...
 

Recently uploaded

Introduction to CHERI technology - Cybersecurity
Introduction to CHERI technology - CybersecurityIntroduction to CHERI technology - Cybersecurity
Introduction to CHERI technology - Cybersecurity
mikeeftimakis1
 
Microsoft - Power Platform_G.Aspiotis.pdf
Microsoft - Power Platform_G.Aspiotis.pdfMicrosoft - Power Platform_G.Aspiotis.pdf
Microsoft - Power Platform_G.Aspiotis.pdf
Uni Systems S.M.S.A.
 
Epistemic Interaction - tuning interfaces to provide information for AI support
Epistemic Interaction - tuning interfaces to provide information for AI supportEpistemic Interaction - tuning interfaces to provide information for AI support
Epistemic Interaction - tuning interfaces to provide information for AI support
Alan Dix
 
LF Energy Webinar: Electrical Grid Modelling and Simulation Through PowSyBl -...
LF Energy Webinar: Electrical Grid Modelling and Simulation Through PowSyBl -...LF Energy Webinar: Electrical Grid Modelling and Simulation Through PowSyBl -...
LF Energy Webinar: Electrical Grid Modelling and Simulation Through PowSyBl -...
DanBrown980551
 
GDG Cloud Southlake #33: Boule & Rebala: Effective AppSec in SDLC using Deplo...
GDG Cloud Southlake #33: Boule & Rebala: Effective AppSec in SDLC using Deplo...GDG Cloud Southlake #33: Boule & Rebala: Effective AppSec in SDLC using Deplo...
GDG Cloud Southlake #33: Boule & Rebala: Effective AppSec in SDLC using Deplo...
James Anderson
 
Full-RAG: A modern architecture for hyper-personalization
Full-RAG: A modern architecture for hyper-personalizationFull-RAG: A modern architecture for hyper-personalization
Full-RAG: A modern architecture for hyper-personalization
Zilliz
 
Encryption in Microsoft 365 - ExpertsLive Netherlands 2024
Encryption in Microsoft 365 - ExpertsLive Netherlands 2024Encryption in Microsoft 365 - ExpertsLive Netherlands 2024
Encryption in Microsoft 365 - ExpertsLive Netherlands 2024
Albert Hoitingh
 
Essentials of Automations: The Art of Triggers and Actions in FME
Essentials of Automations: The Art of Triggers and Actions in FMEEssentials of Automations: The Art of Triggers and Actions in FME
Essentials of Automations: The Art of Triggers and Actions in FME
Safe Software
 
GraphSummit Singapore | The Art of the Possible with Graph - Q2 2024
GraphSummit Singapore | The Art of the  Possible with Graph - Q2 2024GraphSummit Singapore | The Art of the  Possible with Graph - Q2 2024
GraphSummit Singapore | The Art of the Possible with Graph - Q2 2024
Neo4j
 
GraphSummit Singapore | Graphing Success: Revolutionising Organisational Stru...
GraphSummit Singapore | Graphing Success: Revolutionising Organisational Stru...GraphSummit Singapore | Graphing Success: Revolutionising Organisational Stru...
GraphSummit Singapore | Graphing Success: Revolutionising Organisational Stru...
Neo4j
 
RESUME BUILDER APPLICATION Project for students
RESUME BUILDER APPLICATION Project for studentsRESUME BUILDER APPLICATION Project for students
RESUME BUILDER APPLICATION Project for students
KAMESHS29
 
Generative AI Deep Dive: Advancing from Proof of Concept to Production
Generative AI Deep Dive: Advancing from Proof of Concept to ProductionGenerative AI Deep Dive: Advancing from Proof of Concept to Production
Generative AI Deep Dive: Advancing from Proof of Concept to Production
Aggregage
 
Mind map of terminologies used in context of Generative AI
Mind map of terminologies used in context of Generative AIMind map of terminologies used in context of Generative AI
Mind map of terminologies used in context of Generative AI
Kumud Singh
 
DevOps and Testing slides at DASA Connect
DevOps and Testing slides at DASA ConnectDevOps and Testing slides at DASA Connect
DevOps and Testing slides at DASA Connect
Kari Kakkonen
 
Climate Impact of Software Testing at Nordic Testing Days
Climate Impact of Software Testing at Nordic Testing DaysClimate Impact of Software Testing at Nordic Testing Days
Climate Impact of Software Testing at Nordic Testing Days
Kari Kakkonen
 
Monitoring Java Application Security with JDK Tools and JFR Events
Monitoring Java Application Security with JDK Tools and JFR EventsMonitoring Java Application Security with JDK Tools and JFR Events
Monitoring Java Application Security with JDK Tools and JFR Events
Ana-Maria Mihalceanu
 
Observability Concepts EVERY Developer Should Know -- DeveloperWeek Europe.pdf
Observability Concepts EVERY Developer Should Know -- DeveloperWeek Europe.pdfObservability Concepts EVERY Developer Should Know -- DeveloperWeek Europe.pdf
Observability Concepts EVERY Developer Should Know -- DeveloperWeek Europe.pdf
Paige Cruz
 
20240609 QFM020 Irresponsible AI Reading List May 2024
20240609 QFM020 Irresponsible AI Reading List May 202420240609 QFM020 Irresponsible AI Reading List May 2024
20240609 QFM020 Irresponsible AI Reading List May 2024
Matthew Sinclair
 
Enchancing adoption of Open Source Libraries. A case study on Albumentations.AI
Enchancing adoption of Open Source Libraries. A case study on Albumentations.AIEnchancing adoption of Open Source Libraries. A case study on Albumentations.AI
Enchancing adoption of Open Source Libraries. A case study on Albumentations.AI
Vladimir Iglovikov, Ph.D.
 
UiPath Test Automation using UiPath Test Suite series, part 5
UiPath Test Automation using UiPath Test Suite series, part 5UiPath Test Automation using UiPath Test Suite series, part 5
UiPath Test Automation using UiPath Test Suite series, part 5
DianaGray10
 

Recently uploaded (20)

Introduction to CHERI technology - Cybersecurity
Introduction to CHERI technology - CybersecurityIntroduction to CHERI technology - Cybersecurity
Introduction to CHERI technology - Cybersecurity
 
Microsoft - Power Platform_G.Aspiotis.pdf
Microsoft - Power Platform_G.Aspiotis.pdfMicrosoft - Power Platform_G.Aspiotis.pdf
Microsoft - Power Platform_G.Aspiotis.pdf
 
Epistemic Interaction - tuning interfaces to provide information for AI support
Epistemic Interaction - tuning interfaces to provide information for AI supportEpistemic Interaction - tuning interfaces to provide information for AI support
Epistemic Interaction - tuning interfaces to provide information for AI support
 
LF Energy Webinar: Electrical Grid Modelling and Simulation Through PowSyBl -...
LF Energy Webinar: Electrical Grid Modelling and Simulation Through PowSyBl -...LF Energy Webinar: Electrical Grid Modelling and Simulation Through PowSyBl -...
LF Energy Webinar: Electrical Grid Modelling and Simulation Through PowSyBl -...
 
GDG Cloud Southlake #33: Boule & Rebala: Effective AppSec in SDLC using Deplo...
GDG Cloud Southlake #33: Boule & Rebala: Effective AppSec in SDLC using Deplo...GDG Cloud Southlake #33: Boule & Rebala: Effective AppSec in SDLC using Deplo...
GDG Cloud Southlake #33: Boule & Rebala: Effective AppSec in SDLC using Deplo...
 
Full-RAG: A modern architecture for hyper-personalization
Full-RAG: A modern architecture for hyper-personalizationFull-RAG: A modern architecture for hyper-personalization
Full-RAG: A modern architecture for hyper-personalization
 
Encryption in Microsoft 365 - ExpertsLive Netherlands 2024
Encryption in Microsoft 365 - ExpertsLive Netherlands 2024Encryption in Microsoft 365 - ExpertsLive Netherlands 2024
Encryption in Microsoft 365 - ExpertsLive Netherlands 2024
 
Essentials of Automations: The Art of Triggers and Actions in FME
Essentials of Automations: The Art of Triggers and Actions in FMEEssentials of Automations: The Art of Triggers and Actions in FME
Essentials of Automations: The Art of Triggers and Actions in FME
 
GraphSummit Singapore | The Art of the Possible with Graph - Q2 2024
GraphSummit Singapore | The Art of the  Possible with Graph - Q2 2024GraphSummit Singapore | The Art of the  Possible with Graph - Q2 2024
GraphSummit Singapore | The Art of the Possible with Graph - Q2 2024
 
GraphSummit Singapore | Graphing Success: Revolutionising Organisational Stru...
GraphSummit Singapore | Graphing Success: Revolutionising Organisational Stru...GraphSummit Singapore | Graphing Success: Revolutionising Organisational Stru...
GraphSummit Singapore | Graphing Success: Revolutionising Organisational Stru...
 
RESUME BUILDER APPLICATION Project for students
RESUME BUILDER APPLICATION Project for studentsRESUME BUILDER APPLICATION Project for students
RESUME BUILDER APPLICATION Project for students
 
Generative AI Deep Dive: Advancing from Proof of Concept to Production
Generative AI Deep Dive: Advancing from Proof of Concept to ProductionGenerative AI Deep Dive: Advancing from Proof of Concept to Production
Generative AI Deep Dive: Advancing from Proof of Concept to Production
 
Mind map of terminologies used in context of Generative AI
Mind map of terminologies used in context of Generative AIMind map of terminologies used in context of Generative AI
Mind map of terminologies used in context of Generative AI
 
DevOps and Testing slides at DASA Connect
DevOps and Testing slides at DASA ConnectDevOps and Testing slides at DASA Connect
DevOps and Testing slides at DASA Connect
 
Climate Impact of Software Testing at Nordic Testing Days
Climate Impact of Software Testing at Nordic Testing DaysClimate Impact of Software Testing at Nordic Testing Days
Climate Impact of Software Testing at Nordic Testing Days
 
Monitoring Java Application Security with JDK Tools and JFR Events
Monitoring Java Application Security with JDK Tools and JFR EventsMonitoring Java Application Security with JDK Tools and JFR Events
Monitoring Java Application Security with JDK Tools and JFR Events
 
Observability Concepts EVERY Developer Should Know -- DeveloperWeek Europe.pdf
Observability Concepts EVERY Developer Should Know -- DeveloperWeek Europe.pdfObservability Concepts EVERY Developer Should Know -- DeveloperWeek Europe.pdf
Observability Concepts EVERY Developer Should Know -- DeveloperWeek Europe.pdf
 
20240609 QFM020 Irresponsible AI Reading List May 2024
20240609 QFM020 Irresponsible AI Reading List May 202420240609 QFM020 Irresponsible AI Reading List May 2024
20240609 QFM020 Irresponsible AI Reading List May 2024
 
Enchancing adoption of Open Source Libraries. A case study on Albumentations.AI
Enchancing adoption of Open Source Libraries. A case study on Albumentations.AIEnchancing adoption of Open Source Libraries. A case study on Albumentations.AI
Enchancing adoption of Open Source Libraries. A case study on Albumentations.AI
 
UiPath Test Automation using UiPath Test Suite series, part 5
UiPath Test Automation using UiPath Test Suite series, part 5UiPath Test Automation using UiPath Test Suite series, part 5
UiPath Test Automation using UiPath Test Suite series, part 5
 

[CVPRW2021]FReTAL: Generalizing Deepfake detection using Knowledge Distillation and Representation Learning

  • 1. FReTAL: Generalizing Deepfake Detection using Knowledge Distillation and Representation Learning Minha Kim kimminha@g.skku.edu Workshop on Media Forensics CVPR 2021 - Virtual Data-drive AI Security HCI (DASH) Lab Sungkyunkwan University, South Korea Simon S. Woo swoo@g.skku.edu Shahroz Tariq shahroz@g.skku.edu
  • 3. Transfer Introduction Dataset B (Face2Face) Dataset A Dataset B (Face2Face) Accuracy 95%87% ↓ Accuracy 98% Catastrophic Forgetting However, It can lead to “catastrophic forgetting” Accuracy of original domain drops from 95% (dataset A) to 87% (dataset A), while achieving the new domain detection accuracy w/ 98% (dataset B).
  • 4. Problem Statements 1. Catastrophic forgetting may occur due to training with data from different domains. 2. Pretrained model requires a few source data to prevent the catastrophic forgetting during domain adaptation. However, sometimes source data may not be available. 3. It is difficult to classify low-quality (LQ) deepfake data compared to high-quality (HQ) data HQ LQ VS.
  • 5. Contributions 1. We propose a novel domain adaption framework, “Feature Representation Transfer Adaptation Learning” (FReTAL), based on knowledge distillation and representation learning that can prevent catastrophic forgetting without accessing to the source domain data. 2. We show that leveraging knowledge distillation and representation learning can enhance adaptability across different deepfake domains. 3. We demonstrate that our method outperforms baseline approaches on deepfake benchmark datasets with up to 86.97% accuracy on low-quality deepfake detection.
  • 6. KD Loss Non-trainable Teacher Model (Pre-trained on Source Data) Student Model (To-be trained on Target Data) Our Approach - Knowledge Distillation (KD)  KD is a method to compress knowledge of a large model to a small model  The main idea is the student model can mimic the knowledge of the teacher model Target Data
  • 7.  Representation learning is the process of learning representations of input data.  Representation Learning is a training method by representing the hidden layers of a network by applying some conditions to the learned intermediate features. Default Representation Semantic Representation Our Approach – Feature-based Representation Learning
  • 8. Assume : Similar features exist Representation Learning
  • 9. Dataset – FaceForensics++ Rossler, Andreas, et al. "Faceforensics++: Learning to detect manipulated facial images.“ Proceedings of the IEEE/CVF International Conference on Computer Vision. 2019. Real Fake Deepfakes Face2Face FaceSwap Neural Textures Dataset Total Videos Training Videos Transfer Learning Testing Videos Pristine (Real) 1,000 750 10 250 DeepFake (DF) 1,000 750 10 250 FaceSwap (FS) 1,000 750 10 250 Face2Face (F2F) 1,000 750 10 250 Neural Textures (NT) 1,000 750 10 250 The details of datasets used for training and testing
  • 10. Experiments - Baselines ● Baselines for transfer learning Backbone Network is Xception ○ Fine-Turning (FT): General Transfer Learning method with 10 few shot target videos ○ Transferable GAN-generated images detection framework (T-GD) [ICML2020] ○ Knowledge-Distillation (KD): [Hinton2015]
  • 11. Experiments (High-quality) Method Domain DF→F2F (%) DF→FS (%) F2F→DF (%) F2F→FS (%) FS→DF (%) FS→F2F (%) Xception + FT Source 93.65 70.00 95.1 90.35 93.77 94.91 Target 84.59 55.18 91.32 55.26 86.56 83.11 Avg. 89.12 62.59 93.21 72.81 90.17 89.01 Xception + T-GD Source 92.96 73.92 96.89 90.42 92.55 94.85 Target 77.89 55.64 84.55 55.6 79.38 78.49 Avg. 85.43 64.78 90.72 73.01 85.97 86.67 Xception + KD Source 95.58 82.77 96.91 84.57 95.65 96.28 Target 84.31 59.55 92.51 76.45 87.05 85.12 Avg. 89.95 71.16 94.72 80.51 91.35 90.70 Xception + FReTAL Source 95.68 88.6 98.09 93.36 92.57 96.41 Target 84.54 76.23 89.90 80.63 86.45 88.64 Avg. 90.11 82.42 94.00 82.00 89.51 92.53 Student model performance on both source/target dataset (HQ) Source→Targ et
  • 12. Student model performance on both source/target dataset (LQ) Method Domain FS→F2F (%) F2F→FS (%) FS→DF (%) DF→F2F (%) F2F→NT (%) DF→NT (%) Xception + FT Source 40.93 84.78 80.56 89.84 87.12 88.29 Target 60.30 52.97 64.61 58.24 76.78 82.4 Avg. 50.62 75.05 72.59 74.04 81.95 85.35 Xception + T-GD Source 36.08 84.70 85.98 88.07 83.22 81.23 Target 56.95 52.95 55.90 49.55 52.69 67.11 Avg. 46.52 68.83 70.94 68.81 67.96 74.17 Xception + KD Source 48.07 84.84 80.48 82.59 86.07 89.61 Target 61.40 65.26 64.63 64.34 74.56 81.03 Avg. 54.74 75.05 72.56 73.47 80.32 85.32 Xception + FReTAL Source 81.78 82.03 85.93 91.20 82.85 90.56 Target 64.45 68.79 65.78 62.09 83.87 83.38 Avg. 73.12 75.41 75.86 76.65 83.36 86.97 Experiments (Low-quality)
  • 13. Conclusion 1. We found that similar features exist between the source and target dataset that can help in domain adaptation though our representation learning framework. 2. We demonstrate that applying our FReTAL loss without even using the source dataset can significantly reduce catastrophic forgetting. 3. We achieve higher performances than other methods, on both source dataset as well as target dataset. Deepfakes Face2Fa ce
  • 14. Thank you! https://dash-lab.github.io/ Code is available here: https://github.com/alsgkals2/FReTAL

Editor's Notes

  1. 10sec Hello everyone, my name is Minha Kim. And, I’m going to present the paper ‘FReTAL: Generalizing Deepfake Detection using Knowledge Distillation and Representation Learning’
  2. 4sec For example, we train a model with A Dataset.
  3. 23sec And then, we proceed with transfer learning using B dataset. during transfer learning, knowledge of models trained for A datasets can gradually be forgotten due to the target domain. In other words, Catastrophic Forgetting is caused, which forgets knowledge of the model about the source domain As we proceed with transfer learning using the B dataset of different domain, knowledge of the model, which had been pretrained and optimized for the A dataset, will now be more optimized for the B dataset than the A. We call this Catastrophic Forgetting in which the model forgets knowledge on source domain
  4. (v2)18sec There are three difficulties to overcome; One, catastrophic forgetting caused by cross-domain training, Two, restriction to source data access due to privacy and availability issues, and Lastly, low resolution environment that degrades performance of model ---------------------------------- (v1)32sec Our problem statement is; first, catastrophic forgetting is caused by two different domains. Second, to maintain existing information during transfer learning, the source data that you learned is usually required. However, it may raise privacy concerns. And, Most source domain data is not available. Third, It is difficult to classify low-resolution data compared to high-resolution data
  5. 36sec So, our contributions are as follows. First, our approach can prevent catastrophic forgetting without accessing to the source domain data. Second, We show that leveraging knowledge distillation and representation learning can enhance adaptability across different deepfake domains. Third, We demonstrate that our method outperforms baseline approaches on deepfake benchmark datasets with up to 86.97% accuracy on low-quality deepfakes
  6. (v2) 25sec To prevent the catastrophic forgetting, our approach mainly focuses on the Knowledge distillation and representation learning. KD is a method to compress knowledge of a large model into a smaller model with a notion of student model can mimic the teacher model. We take advantage of this and use two common networks for teacher and student models when transfer learning --------------------------------- (v1) 32sec To prevent the catastrophic forgetting, our approach mainly focuses the Knowledge distillation and representation learning. KD is a method to compress knowledge of a large model to a small model. The main idea is the student model can mimic the knowledge of the teacher model. We take advantage of the ability of student to mimic teacher's knowledge and use two same networks as teacher and student models for transfer learning.
  7. 27sec The Representation Learning is representing the hidden layers of a network by applying some conditions to the learned intermediate features. Representation learning is the process of learning representations of input data, usually by transforming or extracting features from it, making a task like classification easier to perform.
  8. ---------------------------------------------------------------- 100sec It is architecture of our model, including KD and representation learning. We assume that similar features must exist between different types of deepfakes. Therefore, a teacher model trained on the source domain can help the student learns the target domain with fewer target data samples. We divide the storage into five, Because we have to fine-tune very carefully to prevent domain shifting. And we store feature information in the appropriate storage for the softmax value of output, where input is the average value scalar of feature vector. All feature scalar values stored in this storage are fixed on the teacher model, because it is always fixed during the training progress. Also, In the same way, we store feature information in storage of the student model.. Note that, unlike the teacher model, the feature information in storage of the student model will change in each iteration as training progress. And, during transfer learning, we calculate the difference between student and teacher model using our feature-based square loss. Also, We calculate KD loss between teacher and student models and a cross-entropy loss function just for the student model. Finally, Our FReTAL method can be written with the three loss terms.
  9. 18sec For experiment, we used FaceForensics++ datasets and extract frames from the origin and manipulated video. First, we divide the number of videos as shown in the following table and then extract 80 images per video.
  10. 10sec We explored several baselines fine-tuning, T-GD, and KD methods based on Xception for comparison in transfer learning phase.
  11. 14sec We evaluate all datasets with four baselines using four domain adaptation methods. FReTAL demonstrate the best and most consistent performance. The best results are highlighted with the red color .
  12. 6sec In addition, our approach show the best performance for all low-quality datasets.
  13. 25sec To sum up, we find that similar features exist between the source and target dataset that can help in domain adaptation. Moreover, we demonstrate that applying KD loss without even using the source dataset can reduce catastrophic forgetting. Finally, we achieve higher performances than other methods, on both source dataset as well as target dataset.