SlideShare uma empresa Scribd logo
1 de 50
Deep-Reid:关于行人重识别
的深度学习方法
Zhedong Zheng
Centre for Artificial Intelligence (CAI)
University of Technology Sydney
Background
Person Re-identification
Learn pedestrian representations from
Multi-task learning <--->semantic
Part matching <--> syntax
Data augmentation
Conclusions and Future Works
Unsupervised / Semi-supervised Learning
Natural Language Based Retrieval
Video Based Person Re-ID
Background
Person Re-identification
Learn pedestrian representations from
Multi-task learning
Part matching
Data augmentation
Conclusions and Future Works
Unsupervised / Semi-supervised Learning
Natural Language Based Retrieval
Video Based Person Re-ID
Background
Zhedong Zheng
Centre for Artificial Intelligence (CAI)
Input
Output
Camera Inputs
Background
RetrievalQuery
Large-scale
image pool (Gallery)
Zhedong Zheng
Centre for Artificial Intelligence (CAI)
Input
Camera Inputs
Background
Large-scale
image pool (Gallery)
How the human do?
Description in the brain
A man in dark coat and blue (red)
pants are walking towards the
camera.
Zhedong Zheng
Centre for Artificial Intelligence (CAI)
Input
Camera
Inputs
Background
Feature Extraction Feature Extraction
Feature Matching
语义鸿沟/快速检索
How the machine do?
Zhedong Zheng
Centre for Artificial Intelligence (CAI)Background
Only Color? It is not sufficient for hard samples.
(图片来自http://liangzheng.org/Project/project_reid.html)
Zhedong Zheng
Centre for Artificial Intelligence (CAI)Background
(图片来自http://www.liangzheng.com.cn/Project/project_prw.html)
Face Recognition? Faces are small and front faces are rare.
Zhedong Zheng
Centre for Artificial Intelligence (CAI)Background
• Person Re-ID is mostly viewed as an image retrieval problem.
• The main challenge is the different view points. e.g., camA <-> camB
• We may face large-scale image pool. (detailed information)
Detailed informationCross-cameras
Zhedong Zheng
Centre for Artificial Intelligence (CAI)Background
Deep Learning
1986 Rumelhart, Hinton and Williams propose back-propagating.
2006 Hinton etal., propose basic paper for ‘deep learning’.
2012 Hinton etal., win the ImageNet competition by a large margin.
- Large-scale datasets (ImageNet)
- GPUs for faster training and testing
- New Improvements: Dropout, ReLu, BatchNorm and so on.
Face recognition competition (LFW) surpasses the human.
How to apply deep learning to Person re-ID?
Zhedong Zheng
Centre for Artificial Intelligence (CAI)Background
Representation Learning
Auto-encoder (low level)
Object Recognition (high level)
Word2vec (context)
Background
Person Re-identification
Learn pedestrian representations from
Multi-task learning <--->semantic
Part matching
Data augmentation
Conclusions and Future Works
Unsupervised / Semi-supervised Learning
Natural Language Based Retrieval
Video Based Person Re-ID
Part Matching
Zhedong Zheng
Centre for Artificial Intelligence (CAI)
•Multi-task learning
1. Identification + Verification Loss
2. Triplet Loss
3. Attribute Recognition
Multi-task Learning
Zhedong Zheng
Centre for Artificial Intelligence (CAI)
• Verification Loss
Are they the same person?
Multi-task Learning
Zhedong Zheng
Centre for Artificial Intelligence (CAI)
• Identification Loss
Who is he?
Multi-task Learning
Zhedong Zheng
Centre for Artificial Intelligence (CAI)
• Verification+Identification Loss
Github:https://github.com/layumi/2016_person_re-ID
Zheng, Z., Zheng, L., & Yang, Y. (2016). A
discriminatively learned cnn
embedding for person re-
identification. arXiv preprint
arXiv:1611.05666.
Geng, M., Wang, Y., Xiang, T., & Tian, Y.
(2016). Deep transfer learning for
person re-identification. arXiv preprint
arXiv:1611.05244.
Multi-task Learning
Zhedong Zheng
Centre for Artificial Intelligence (CAI)
• Verification+Identification Loss
Github:https://github.com/layumi/2016_person_re-ID
Multi-task Learning
Zhedong Zheng
Centre for Artificial Intelligence (CAI)
• Triplet Loss
Hermans, A., Beyer, L., & Leibe, B. (2017).
In Defense of the Triplet Loss for Person
Re-Identification. arXiv preprint
arXiv:1703.07737.
Github:https://github.com/VisualComputingInstitute/triplet-reid
Multi-task Learning
Zhedong Zheng
Centre for Artificial Intelligence (CAI)
• Attribute Learning
Lin, Y., Zheng, L., Zheng, Z., Wu, Y., &
Yang, Y. (2017). Improving person re-
identification by attribute and identity
learning. arXiv preprint
arXiv:1703.07220.
Project: https://vana77.github.io/
Multi-task Learning
Zhedong Zheng
Centre for Artificial Intelligence (CAI)
• Attribute Learning
Background
Person Re-identification
Learn pedestrian representations from
Multi-task learning
Part matching <--> syntax
Data augmentation
Conclusions and Future Works
Unsupervised / Semi-supervised Learning
Natural Language Based Retrieval
Video Based Person Re-ID
Part Matching
Zhedong Zheng
Centre for Artificial Intelligence (CAI)
•Part Matching
1. Horizontal Split/Neighbor Comparison
2. Part Detection/Alignment
3. Detection + reID
4. Attention Matching
Part Matching
Zhedong Zheng
Centre for Artificial Intelligence (CAI)
• Horizontal Split
Yi, D., Lei, Z., Liao, S., & Li, S. Z. (2014, August).
Deep metric learning for person re-
identification. In Pattern Recognition (ICPR),
2014 22nd International Conference on (pp. 34-
39). IEEE.
Part Matching
Zhedong Zheng
Centre for Artificial Intelligence (CAI)
• Horizontal Split
Li, W., Zhao, R., Xiao, T., & Wang, X. (2014).
Deepreid: Deep filter pairing neural network
for person re-identification. In Proceedings of
the IEEE Conference on Computer Vision and
Pattern Recognition (pp. 152-159).
Part Matching
Zhedong Zheng
Centre for Artificial Intelligence (CAI)
• Neighbor Comparison Ahmed, E., Jones, M., & Marks, T. K. (2015). An
improved deep learning architecture for
person re-identification. In Proceedings of the
IEEE Conference on Computer Vision and
Pattern Recognition (pp. 3908-3916).
Github:
1.https://github.com/ptran516/idla-person-reid
2.https://github.com/Ning-Ding/Implementation-
CVPR2015-CNN-for-ReID
Part Matching
Zhedong Zheng
Centre for Artificial Intelligence (CAI)
• Part Detect + Matching
Zheng, L., Huang, Y., Lu, H., & Yang, Y. (2017).
Pose invariant embedding for deep person re-
identification. arXiv preprint arXiv:1701.07732.
Github: https://github.com/erichuang0771/PoseBox-Reid
Part Matching
Zhedong Zheng
Centre for Artificial Intelligence (CAI)
• Pedestrian Alignment
Zheng, Z., Zheng, L., & Yang, Y. (2017).
Pedestrian Alignment Network for Large-scale
Person Re-identification. arXiv preprint
arXiv:1707.00408.
(Github: https://github.com/layumi/Pedestrian_Alignment )
Part Matching
Zhedong Zheng
Centre for Artificial Intelligence (CAI)
• Pedestrian Alignment
(Github: https://github.com/layumi/Pedestrian_Alignment )
Part Matching
Zhedong Zheng
Centre for Artificial Intelligence (CAI)
• Detection + reID
Xiao, T., Li, S., Wang, B., Lin, L., & Wang, X.
(2017). Joint detection and identification
feature learning for person search. In Proc.
CVPR.
(Github: https://github.com/ShuangLI59/person_search)
Part Matching
Zhedong Zheng
Centre for Artificial Intelligence (CAI)
• Attention Matching
Varior, R. R., Haloi, M., & Wang, G. (2016,
October). Gated siamese convolutional neural
network architecture for human re-
identification. In European Conference on
Computer Vision (pp. 791-808). Springer
International Publishing.
Query: n Gallery: m
Original: n+m
Attention: n*m
Background
Person Re-identification
Learn pedestrian representations from
Multi-task learning
Part matching
Data augmentation
Conclusions and Future Works
Unsupervised / Semi-supervised Learning
Natural Language Based Retrieval
Video Based Person Re-ID
Part Matching
Zhedong Zheng
Centre for Artificial Intelligence (CAI)
•Data augmentation
1. Multi-dataset Fusion
2. GAN
Person Re-identification
Zhedong Zheng
Centre for Artificial Intelligence (CAI)
• Multi-dataset Fusion
Xiao, T., Li, H., Ouyang, W., & Wang, X.
(2016). Learning deep feature
representations with domain guided
dropout for person re-identification.
In Proceedings of the IEEE Conference on
Computer Vision and Pattern
Recognition (pp. 1249-1258).
Github:https://github.com/Cysu/dg
d_person_reid
Person Re-identification
Zhedong Zheng
Centre for Artificial Intelligence (CAI)
• GAN
Zheng, Z., Zheng, L., & Yang, Y. (2017).
Unlabeled samples generated by gan
improve the person re-identification
baseline in vitro. arXiv preprint
arXiv:1701.07717.
(Github: https://github.com/layumi/Person-reID_GAN )
Person Re-identification
Zhedong Zheng
Centre for Artificial Intelligence (CAI)
• GAN
Hinton, G., Vinyals, O., & Dean, J. (2015).
Distilling the knowledge in a neural
network. arXiv preprint arXiv:1503.02531.
Person Re-identification
Zhedong Zheng
Centre for Artificial Intelligence (CAI)
Result
Market-1501 Dataset CUHK03 Dataset
Person Re-identification
Zhedong Zheng
Centre for Artificial Intelligence (CAI)
Other Applications
Person Re-identification
Zhedong Zheng
Centre for Artificial Intelligence (CAI)
Other Applications
Wang, X., You, M., & Shen, C. (2017).
Adversarial Generation of Training
Examples for Vehicle License Plate
Recognition. arXiv preprint
arXiv:1707.03124.
Background
Person Re-identification
Learn pedestrian representations from
Multi-task learning
Part matching
Data augmentation
Conclusions and Future Works
Unsupervised / Semi-supervised Learning
Natural Language Based Retrieval
Video Based Person Re-ID
Person Re-identification
Zhedong Zheng
Centre for Artificial Intelligence (CAI)
• Unsupervised / Semi-supervised Learning
If we do not have target dataset
label, what can we do?
Person Re-identification
Zhedong Zheng
Centre for Artificial Intelligence (CAI)
• Unsupervised / Semi-supervised Learning
Person Re-identification
Zhedong Zheng
Centre for Artificial Intelligence (CAI)
• Unsupervised / Semi-supervised Learning
Fan, H., Zheng, L., & Yang, Y.
(2017). Unsupervised Person Re-
identification: Clustering and
Fine-tuning. arXiv preprint
arXiv:1705.10444.
Person Re-identification
Zhedong Zheng
Centre for Artificial Intelligence (CAI)
• Unsupervised / Semi-supervised Learning
Tzeng, E., Hoffman, J., Saenko, K.,
& Darrell, T. (2017). Adversarial
discriminative domain
adaptation. arXiv preprint
arXiv:1702.05464.
Person Re-identification
Zhedong Zheng
Centre for Artificial Intelligence (CAI)
• Natural Language Based Retrieval
Li, S., Xiao, T., Li, H., Zhou, B., Yue, D., &
Wang, X. (2017). Person search with natural
language description. arXiv preprint
arXiv:1702.05729.
Project:
http://xiaotong.me/static/projects/perso
n-search-language/dataset.html
Person Re-identification
Zhedong Zheng
Centre for Artificial Intelligence (CAI)
• Natural Language Based Retrieval
Li, S., Xiao, T., Li, H., Zhou, B., Yue, D., &
Wang, X. (2017). Person search with natural
language description. arXiv preprint
arXiv:1702.05729.
1. Generative model
Mao, J., Xu, W., Yang, Y., Wang, J., Huang,
Z., & Yuille, A. (2014). Deep captioning
with multimodal recurrent neural
networks (m-rnn). arXiv preprint
arXiv:1412.6632.
2. Natural Language <---> Attribute
Person Re-identification
Zhedong Zheng
Centre for Artificial Intelligence (CAI)
• Video Based Person Re-ID
Zheng, L., Bie, Z., Sun, Y., Wang, J., Su,
C., Wang, S., & Tian, Q. (2016, October).
Mars: A video benchmark for large-
scale person re-identification.
In European Conference on Computer
Vision (pp. 868-884). Springer
International Publishing.
Person Re-identification
Zhedong Zheng
Centre for Artificial Intelligence (CAI)
• Video Based Person Re-ID
Pathak, D., Girshick, R., Dollár, P.,
Darrell, T., & Hariharan, B. (2016).
Learning features by watching objects
move. arXiv preprint arXiv:1612.06370.
Unsupervised semantic segmentation
<---> Re-ID
Person Re-identification
Zhedong Zheng
Centre for Artificial Intelligence (CAI)
Collaborators
Liang Zheng
郑良
Yutian Lin
林雨恬
Yi Yang
杨易
Person Re-identification
Zhedong Zheng
Centre for Artificial Intelligence (CAI)
Thank you!
Q&A

Mais conteúdo relacionado

Mais procurados

Face Recognition Technology
Face Recognition TechnologyFace Recognition Technology
Face Recognition TechnologyShashidhar Reddy
 
Human activity recognition
Human activity recognition Human activity recognition
Human activity recognition srikanthgadam
 
Data recovery
Data recoveryData recovery
Data recoverygupta8741
 
Data recovery report
Data recovery reportData recovery report
Data recovery reporttutannandi
 
Obfuscation and Mutation in Malware
Obfuscation and Mutation in Malware Obfuscation and Mutation in Malware
Obfuscation and Mutation in Malware KADARI SHIVRAJ
 
Computer Vision Basics
Computer Vision BasicsComputer Vision Basics
Computer Vision BasicsSuren Kumar
 
Human activity recognition
Human activity recognitionHuman activity recognition
Human activity recognitionRandhir Gupta
 
CNIT 121: 8 Forensic Duplication
CNIT 121: 8 Forensic DuplicationCNIT 121: 8 Forensic Duplication
CNIT 121: 8 Forensic DuplicationSam Bowne
 
Face recognition technology - BEST PPT
Face recognition technology - BEST PPTFace recognition technology - BEST PPT
Face recognition technology - BEST PPTSiddharth Modi
 
Big data lecture notes
Big data lecture notesBig data lecture notes
Big data lecture notesMohit Saini
 
Deep Learning Explained
Deep Learning ExplainedDeep Learning Explained
Deep Learning ExplainedMelanie Swan
 
Image classification using CNN
Image classification using CNNImage classification using CNN
Image classification using CNNNoura Hussein
 

Mais procurados (20)

Image recognition
Image recognitionImage recognition
Image recognition
 
Computer vision
Computer visionComputer vision
Computer vision
 
Web content mining
Web content miningWeb content mining
Web content mining
 
Face Recognition Technology
Face Recognition TechnologyFace Recognition Technology
Face Recognition Technology
 
Image recognition
Image recognitionImage recognition
Image recognition
 
Human activity recognition
Human activity recognition Human activity recognition
Human activity recognition
 
1.Introduction to deep learning
1.Introduction to deep learning1.Introduction to deep learning
1.Introduction to deep learning
 
Data recovery
Data recoveryData recovery
Data recovery
 
Data recovery report
Data recovery reportData recovery report
Data recovery report
 
Obfuscation and Mutation in Malware
Obfuscation and Mutation in Malware Obfuscation and Mutation in Malware
Obfuscation and Mutation in Malware
 
Computer Vision Basics
Computer Vision BasicsComputer Vision Basics
Computer Vision Basics
 
Human Emotion Recognition
Human Emotion RecognitionHuman Emotion Recognition
Human Emotion Recognition
 
Human activity recognition
Human activity recognitionHuman activity recognition
Human activity recognition
 
Web content mining
Web content miningWeb content mining
Web content mining
 
CNIT 121: 8 Forensic Duplication
CNIT 121: 8 Forensic DuplicationCNIT 121: 8 Forensic Duplication
CNIT 121: 8 Forensic Duplication
 
WEB Scraping.pptx
WEB Scraping.pptxWEB Scraping.pptx
WEB Scraping.pptx
 
Face recognition technology - BEST PPT
Face recognition technology - BEST PPTFace recognition technology - BEST PPT
Face recognition technology - BEST PPT
 
Big data lecture notes
Big data lecture notesBig data lecture notes
Big data lecture notes
 
Deep Learning Explained
Deep Learning ExplainedDeep Learning Explained
Deep Learning Explained
 
Image classification using CNN
Image classification using CNNImage classification using CNN
Image classification using CNN
 

Semelhante a Deep re-id: 关于行人重识别的深度学习方法

Research in Deep Learning: A Perspective from NSF
Research in Deep Learning: A Perspective from NSFResearch in Deep Learning: A Perspective from NSF
Research in Deep Learning: A Perspective from NSFDESMOND YUEN
 
Cv huan cheng_hsu_2018
Cv huan cheng_hsu_2018Cv huan cheng_hsu_2018
Cv huan cheng_hsu_2018Huan-Cheng Hsu
 
Towards Secure and Interpretable AI: Scalable Methods, Interactive Visualizat...
Towards Secure and Interpretable AI: Scalable Methods, Interactive Visualizat...Towards Secure and Interpretable AI: Scalable Methods, Interactive Visualizat...
Towards Secure and Interpretable AI: Scalable Methods, Interactive Visualizat...polochau
 
Koss 1605 machine_learning_mariocho_t10
Koss 1605 machine_learning_mariocho_t10Koss 1605 machine_learning_mariocho_t10
Koss 1605 machine_learning_mariocho_t10Mario Cho
 
DeepFake Detection: Challenges, Progress and Hands-on Demonstration of Techno...
DeepFake Detection: Challenges, Progress and Hands-on Demonstration of Techno...DeepFake Detection: Challenges, Progress and Hands-on Demonstration of Techno...
DeepFake Detection: Challenges, Progress and Hands-on Demonstration of Techno...Symeon Papadopoulos
 
Rise of AI through DL
Rise of AI through DLRise of AI through DL
Rise of AI through DLRehan Guha
 
Biometric recognition using deep learning
Biometric recognition using deep learningBiometric recognition using deep learning
Biometric recognition using deep learningSwatiNarkhede1
 
machine learning in the age of big data: new approaches and business applicat...
machine learning in the age of big data: new approaches and business applicat...machine learning in the age of big data: new approaches and business applicat...
machine learning in the age of big data: new approaches and business applicat...Armando Vieira
 
小數據如何實現電腦視覺,微軟AI研究首席剖析關鍵
小數據如何實現電腦視覺,微軟AI研究首席剖析關鍵小數據如何實現電腦視覺,微軟AI研究首席剖析關鍵
小數據如何實現電腦視覺,微軟AI研究首席剖析關鍵CHENHuiMei
 
Multimedia data mining using deep learning
Multimedia data mining using deep learningMultimedia data mining using deep learning
Multimedia data mining using deep learningPeter Wlodarczak
 
Real Time Object Detection with Audio Feedback using Yolo v3
Real Time Object Detection with Audio Feedback using Yolo v3Real Time Object Detection with Audio Feedback using Yolo v3
Real Time Object Detection with Audio Feedback using Yolo v3ijtsrd
 
보다 유연한 이미지 변환을 하려면?
보다 유연한 이미지 변환을 하려면?보다 유연한 이미지 변환을 하려면?
보다 유연한 이미지 변환을 하려면?광희 이
 
Machine Learning & Cyber Security: Detecting Malicious URLs in the Haystack
Machine Learning & Cyber Security: Detecting Malicious URLs in the HaystackMachine Learning & Cyber Security: Detecting Malicious URLs in the Haystack
Machine Learning & Cyber Security: Detecting Malicious URLs in the HaystackAlistair Gillespie
 
Big Data Intelligence: from Correlation Discovery to Causal Reasoning
Big Data Intelligence: from Correlation Discovery to Causal Reasoning Big Data Intelligence: from Correlation Discovery to Causal Reasoning
Big Data Intelligence: from Correlation Discovery to Causal Reasoning Wanjin Yu
 
Intro To Convolutional Neural Networks
Intro To Convolutional Neural NetworksIntro To Convolutional Neural Networks
Intro To Convolutional Neural NetworksMark Scully
 
AET vs. AED: Unsupervised Representation Learning by Auto-Encoding Transforma...
AET vs. AED: Unsupervised Representation Learning by Auto-Encoding Transforma...AET vs. AED: Unsupervised Representation Learning by Auto-Encoding Transforma...
AET vs. AED: Unsupervised Representation Learning by Auto-Encoding Transforma...Tomoyuki Suzuki
 

Semelhante a Deep re-id: 关于行人重识别的深度学习方法 (20)

Research in Deep Learning: A Perspective from NSF
Research in Deep Learning: A Perspective from NSFResearch in Deep Learning: A Perspective from NSF
Research in Deep Learning: A Perspective from NSF
 
Cv huan cheng_hsu_2018
Cv huan cheng_hsu_2018Cv huan cheng_hsu_2018
Cv huan cheng_hsu_2018
 
Towards Secure and Interpretable AI: Scalable Methods, Interactive Visualizat...
Towards Secure and Interpretable AI: Scalable Methods, Interactive Visualizat...Towards Secure and Interpretable AI: Scalable Methods, Interactive Visualizat...
Towards Secure and Interpretable AI: Scalable Methods, Interactive Visualizat...
 
Visual Attention Model: Teach a Robot How to Watch the World
Visual Attention Model: Teach a Robot How to Watch the WorldVisual Attention Model: Teach a Robot How to Watch the World
Visual Attention Model: Teach a Robot How to Watch the World
 
Koss 1605 machine_learning_mariocho_t10
Koss 1605 machine_learning_mariocho_t10Koss 1605 machine_learning_mariocho_t10
Koss 1605 machine_learning_mariocho_t10
 
DeepFake Detection: Challenges, Progress and Hands-on Demonstration of Techno...
DeepFake Detection: Challenges, Progress and Hands-on Demonstration of Techno...DeepFake Detection: Challenges, Progress and Hands-on Demonstration of Techno...
DeepFake Detection: Challenges, Progress and Hands-on Demonstration of Techno...
 
Rise of AI through DL
Rise of AI through DLRise of AI through DL
Rise of AI through DL
 
Biometric recognition using deep learning
Biometric recognition using deep learningBiometric recognition using deep learning
Biometric recognition using deep learning
 
machine learning in the age of big data: new approaches and business applicat...
machine learning in the age of big data: new approaches and business applicat...machine learning in the age of big data: new approaches and business applicat...
machine learning in the age of big data: new approaches and business applicat...
 
Cv huancheng hsu_2018
Cv huancheng hsu_2018Cv huancheng hsu_2018
Cv huancheng hsu_2018
 
小數據如何實現電腦視覺,微軟AI研究首席剖析關鍵
小數據如何實現電腦視覺,微軟AI研究首席剖析關鍵小數據如何實現電腦視覺,微軟AI研究首席剖析關鍵
小數據如何實現電腦視覺,微軟AI研究首席剖析關鍵
 
Multimedia data mining using deep learning
Multimedia data mining using deep learningMultimedia data mining using deep learning
Multimedia data mining using deep learning
 
Real Time Object Detection with Audio Feedback using Yolo v3
Real Time Object Detection with Audio Feedback using Yolo v3Real Time Object Detection with Audio Feedback using Yolo v3
Real Time Object Detection with Audio Feedback using Yolo v3
 
Deep Neural Networks (DNN)
Deep Neural Networks (DNN)Deep Neural Networks (DNN)
Deep Neural Networks (DNN)
 
보다 유연한 이미지 변환을 하려면?
보다 유연한 이미지 변환을 하려면?보다 유연한 이미지 변환을 하려면?
보다 유연한 이미지 변환을 하려면?
 
CV _Manoj
CV _ManojCV _Manoj
CV _Manoj
 
Machine Learning & Cyber Security: Detecting Malicious URLs in the Haystack
Machine Learning & Cyber Security: Detecting Malicious URLs in the HaystackMachine Learning & Cyber Security: Detecting Malicious URLs in the Haystack
Machine Learning & Cyber Security: Detecting Malicious URLs in the Haystack
 
Big Data Intelligence: from Correlation Discovery to Causal Reasoning
Big Data Intelligence: from Correlation Discovery to Causal Reasoning Big Data Intelligence: from Correlation Discovery to Causal Reasoning
Big Data Intelligence: from Correlation Discovery to Causal Reasoning
 
Intro To Convolutional Neural Networks
Intro To Convolutional Neural NetworksIntro To Convolutional Neural Networks
Intro To Convolutional Neural Networks
 
AET vs. AED: Unsupervised Representation Learning by Auto-Encoding Transforma...
AET vs. AED: Unsupervised Representation Learning by Auto-Encoding Transforma...AET vs. AED: Unsupervised Representation Learning by Auto-Encoding Transforma...
AET vs. AED: Unsupervised Representation Learning by Auto-Encoding Transforma...
 

Mais de 哲东 郑

Cross-domain complementary learning with synthetic data for multi-person part...
Cross-domain complementary learning with synthetic data for multi-person part...Cross-domain complementary learning with synthetic data for multi-person part...
Cross-domain complementary learning with synthetic data for multi-person part...哲东 郑
 
Visual saliency
Visual saliencyVisual saliency
Visual saliency哲东 郑
 
Image Synthesis From Reconfigurable Layout and Style
Image Synthesis From Reconfigurable Layout and StyleImage Synthesis From Reconfigurable Layout and Style
Image Synthesis From Reconfigurable Layout and Style哲东 郑
 
Polysemous Visual-Semantic Embedding for Cross-Modal Retrieval
Polysemous Visual-Semantic Embedding for Cross-Modal RetrievalPolysemous Visual-Semantic Embedding for Cross-Modal Retrieval
Polysemous Visual-Semantic Embedding for Cross-Modal Retrieval哲东 郑
 
Weijian image retrieval
Weijian image retrievalWeijian image retrieval
Weijian image retrieval哲东 郑
 
Scops self supervised co-part segmentation
Scops self supervised co-part segmentationScops self supervised co-part segmentation
Scops self supervised co-part segmentation哲东 郑
 
Video object detection
Video object detectionVideo object detection
Video object detection哲东 郑
 
C2 ae open set recognition
C2 ae open set recognitionC2 ae open set recognition
C2 ae open set recognition哲东 郑
 
Sota semantic segmentation
Sota semantic segmentationSota semantic segmentation
Sota semantic segmentation哲东 郑
 
Deep randomized embedding
Deep randomized embeddingDeep randomized embedding
Deep randomized embedding哲东 郑
 
Semantic Image Synthesis with Spatially-Adaptive Normalization
Semantic Image Synthesis with Spatially-Adaptive NormalizationSemantic Image Synthesis with Spatially-Adaptive Normalization
Semantic Image Synthesis with Spatially-Adaptive Normalization哲东 郑
 
Instance level facial attributes transfer with geometry-aware flow
Instance level facial attributes transfer with geometry-aware flowInstance level facial attributes transfer with geometry-aware flow
Instance level facial attributes transfer with geometry-aware flow哲东 郑
 
Learning to adapt structured output space for semantic
Learning to adapt structured output space for semanticLearning to adapt structured output space for semantic
Learning to adapt structured output space for semantic哲东 郑
 
Unsupervised Learning of Object Landmarks through Conditional Image Generation
Unsupervised Learning of Object Landmarks through Conditional Image GenerationUnsupervised Learning of Object Landmarks through Conditional Image Generation
Unsupervised Learning of Object Landmarks through Conditional Image Generation哲东 郑
 
Graph based global reasoning networks
Graph based global reasoning networks Graph based global reasoning networks
Graph based global reasoning networks 哲东 郑
 
Variational Discriminator Bottleneck
Variational Discriminator BottleneckVariational Discriminator Bottleneck
Variational Discriminator Bottleneck哲东 郑
 

Mais de 哲东 郑 (20)

Cross-domain complementary learning with synthetic data for multi-person part...
Cross-domain complementary learning with synthetic data for multi-person part...Cross-domain complementary learning with synthetic data for multi-person part...
Cross-domain complementary learning with synthetic data for multi-person part...
 
Step zhedong
Step zhedongStep zhedong
Step zhedong
 
Visual saliency
Visual saliencyVisual saliency
Visual saliency
 
Image Synthesis From Reconfigurable Layout and Style
Image Synthesis From Reconfigurable Layout and StyleImage Synthesis From Reconfigurable Layout and Style
Image Synthesis From Reconfigurable Layout and Style
 
Polysemous Visual-Semantic Embedding for Cross-Modal Retrieval
Polysemous Visual-Semantic Embedding for Cross-Modal RetrievalPolysemous Visual-Semantic Embedding for Cross-Modal Retrieval
Polysemous Visual-Semantic Embedding for Cross-Modal Retrieval
 
Weijian image retrieval
Weijian image retrievalWeijian image retrieval
Weijian image retrieval
 
Scops self supervised co-part segmentation
Scops self supervised co-part segmentationScops self supervised co-part segmentation
Scops self supervised co-part segmentation
 
Video object detection
Video object detectionVideo object detection
Video object detection
 
Center nets
Center netsCenter nets
Center nets
 
C2 ae open set recognition
C2 ae open set recognitionC2 ae open set recognition
C2 ae open set recognition
 
Sota semantic segmentation
Sota semantic segmentationSota semantic segmentation
Sota semantic segmentation
 
Deep randomized embedding
Deep randomized embeddingDeep randomized embedding
Deep randomized embedding
 
Semantic Image Synthesis with Spatially-Adaptive Normalization
Semantic Image Synthesis with Spatially-Adaptive NormalizationSemantic Image Synthesis with Spatially-Adaptive Normalization
Semantic Image Synthesis with Spatially-Adaptive Normalization
 
Instance level facial attributes transfer with geometry-aware flow
Instance level facial attributes transfer with geometry-aware flowInstance level facial attributes transfer with geometry-aware flow
Instance level facial attributes transfer with geometry-aware flow
 
Learning to adapt structured output space for semantic
Learning to adapt structured output space for semanticLearning to adapt structured output space for semantic
Learning to adapt structured output space for semantic
 
Unsupervised Learning of Object Landmarks through Conditional Image Generation
Unsupervised Learning of Object Landmarks through Conditional Image GenerationUnsupervised Learning of Object Landmarks through Conditional Image Generation
Unsupervised Learning of Object Landmarks through Conditional Image Generation
 
Graph based global reasoning networks
Graph based global reasoning networks Graph based global reasoning networks
Graph based global reasoning networks
 
Style gan
Style ganStyle gan
Style gan
 
Vi2vi
Vi2viVi2vi
Vi2vi
 
Variational Discriminator Bottleneck
Variational Discriminator BottleneckVariational Discriminator Bottleneck
Variational Discriminator Bottleneck
 

Último

unit 4 immunoblotting technique complete.pptx
unit 4 immunoblotting technique complete.pptxunit 4 immunoblotting technique complete.pptx
unit 4 immunoblotting technique complete.pptxBkGupta21
 
Take control of your SAP testing with UiPath Test Suite
Take control of your SAP testing with UiPath Test SuiteTake control of your SAP testing with UiPath Test Suite
Take control of your SAP testing with UiPath Test SuiteDianaGray10
 
The Role of FIDO in a Cyber Secure Netherlands: FIDO Paris Seminar.pptx
The Role of FIDO in a Cyber Secure Netherlands: FIDO Paris Seminar.pptxThe Role of FIDO in a Cyber Secure Netherlands: FIDO Paris Seminar.pptx
The Role of FIDO in a Cyber Secure Netherlands: FIDO Paris Seminar.pptxLoriGlavin3
 
Generative AI for Technical Writer or Information Developers
Generative AI for Technical Writer or Information DevelopersGenerative AI for Technical Writer or Information Developers
Generative AI for Technical Writer or Information DevelopersRaghuram Pandurangan
 
Developer Data Modeling Mistakes: From Postgres to NoSQL
Developer Data Modeling Mistakes: From Postgres to NoSQLDeveloper Data Modeling Mistakes: From Postgres to NoSQL
Developer Data Modeling Mistakes: From Postgres to NoSQLScyllaDB
 
A Journey Into the Emotions of Software Developers
A Journey Into the Emotions of Software DevelopersA Journey Into the Emotions of Software Developers
A Journey Into the Emotions of Software DevelopersNicole Novielli
 
New from BookNet Canada for 2024: BNC CataList - Tech Forum 2024
New from BookNet Canada for 2024: BNC CataList - Tech Forum 2024New from BookNet Canada for 2024: BNC CataList - Tech Forum 2024
New from BookNet Canada for 2024: BNC CataList - Tech Forum 2024BookNet Canada
 
Unraveling Multimodality with Large Language Models.pdf
Unraveling Multimodality with Large Language Models.pdfUnraveling Multimodality with Large Language Models.pdf
Unraveling Multimodality with Large Language Models.pdfAlex Barbosa Coqueiro
 
TeamStation AI System Report LATAM IT Salaries 2024
TeamStation AI System Report LATAM IT Salaries 2024TeamStation AI System Report LATAM IT Salaries 2024
TeamStation AI System Report LATAM IT Salaries 2024Lonnie McRorey
 
What's New in Teams Calling, Meetings and Devices March 2024
What's New in Teams Calling, Meetings and Devices March 2024What's New in Teams Calling, Meetings and Devices March 2024
What's New in Teams Calling, Meetings and Devices March 2024Stephanie Beckett
 
Moving Beyond Passwords: FIDO Paris Seminar.pdf
Moving Beyond Passwords: FIDO Paris Seminar.pdfMoving Beyond Passwords: FIDO Paris Seminar.pdf
Moving Beyond Passwords: FIDO Paris Seminar.pdfLoriGlavin3
 
New from BookNet Canada for 2024: Loan Stars - Tech Forum 2024
New from BookNet Canada for 2024: Loan Stars - Tech Forum 2024New from BookNet Canada for 2024: Loan Stars - Tech Forum 2024
New from BookNet Canada for 2024: Loan Stars - Tech Forum 2024BookNet Canada
 
Transcript: New from BookNet Canada for 2024: Loan Stars - Tech Forum 2024
Transcript: New from BookNet Canada for 2024: Loan Stars - Tech Forum 2024Transcript: New from BookNet Canada for 2024: Loan Stars - Tech Forum 2024
Transcript: New from BookNet Canada for 2024: Loan Stars - Tech Forum 2024BookNet Canada
 
Gen AI in Business - Global Trends Report 2024.pdf
Gen AI in Business - Global Trends Report 2024.pdfGen AI in Business - Global Trends Report 2024.pdf
Gen AI in Business - Global Trends Report 2024.pdfAddepto
 
TrustArc Webinar - How to Build Consumer Trust Through Data Privacy
TrustArc Webinar - How to Build Consumer Trust Through Data PrivacyTrustArc Webinar - How to Build Consumer Trust Through Data Privacy
TrustArc Webinar - How to Build Consumer Trust Through Data PrivacyTrustArc
 
Artificial intelligence in cctv survelliance.pptx
Artificial intelligence in cctv survelliance.pptxArtificial intelligence in cctv survelliance.pptx
Artificial intelligence in cctv survelliance.pptxhariprasad279825
 
Passkey Providers and Enabling Portability: FIDO Paris Seminar.pptx
Passkey Providers and Enabling Portability: FIDO Paris Seminar.pptxPasskey Providers and Enabling Portability: FIDO Paris Seminar.pptx
Passkey Providers and Enabling Portability: FIDO Paris Seminar.pptxLoriGlavin3
 
From Family Reminiscence to Scholarly Archive .
From Family Reminiscence to Scholarly Archive .From Family Reminiscence to Scholarly Archive .
From Family Reminiscence to Scholarly Archive .Alan Dix
 
Nell’iperspazio con Rocket: il Framework Web di Rust!
Nell’iperspazio con Rocket: il Framework Web di Rust!Nell’iperspazio con Rocket: il Framework Web di Rust!
Nell’iperspazio con Rocket: il Framework Web di Rust!Commit University
 
DevoxxFR 2024 Reproducible Builds with Apache Maven
DevoxxFR 2024 Reproducible Builds with Apache MavenDevoxxFR 2024 Reproducible Builds with Apache Maven
DevoxxFR 2024 Reproducible Builds with Apache MavenHervé Boutemy
 

Último (20)

unit 4 immunoblotting technique complete.pptx
unit 4 immunoblotting technique complete.pptxunit 4 immunoblotting technique complete.pptx
unit 4 immunoblotting technique complete.pptx
 
Take control of your SAP testing with UiPath Test Suite
Take control of your SAP testing with UiPath Test SuiteTake control of your SAP testing with UiPath Test Suite
Take control of your SAP testing with UiPath Test Suite
 
The Role of FIDO in a Cyber Secure Netherlands: FIDO Paris Seminar.pptx
The Role of FIDO in a Cyber Secure Netherlands: FIDO Paris Seminar.pptxThe Role of FIDO in a Cyber Secure Netherlands: FIDO Paris Seminar.pptx
The Role of FIDO in a Cyber Secure Netherlands: FIDO Paris Seminar.pptx
 
Generative AI for Technical Writer or Information Developers
Generative AI for Technical Writer or Information DevelopersGenerative AI for Technical Writer or Information Developers
Generative AI for Technical Writer or Information Developers
 
Developer Data Modeling Mistakes: From Postgres to NoSQL
Developer Data Modeling Mistakes: From Postgres to NoSQLDeveloper Data Modeling Mistakes: From Postgres to NoSQL
Developer Data Modeling Mistakes: From Postgres to NoSQL
 
A Journey Into the Emotions of Software Developers
A Journey Into the Emotions of Software DevelopersA Journey Into the Emotions of Software Developers
A Journey Into the Emotions of Software Developers
 
New from BookNet Canada for 2024: BNC CataList - Tech Forum 2024
New from BookNet Canada for 2024: BNC CataList - Tech Forum 2024New from BookNet Canada for 2024: BNC CataList - Tech Forum 2024
New from BookNet Canada for 2024: BNC CataList - Tech Forum 2024
 
Unraveling Multimodality with Large Language Models.pdf
Unraveling Multimodality with Large Language Models.pdfUnraveling Multimodality with Large Language Models.pdf
Unraveling Multimodality with Large Language Models.pdf
 
TeamStation AI System Report LATAM IT Salaries 2024
TeamStation AI System Report LATAM IT Salaries 2024TeamStation AI System Report LATAM IT Salaries 2024
TeamStation AI System Report LATAM IT Salaries 2024
 
What's New in Teams Calling, Meetings and Devices March 2024
What's New in Teams Calling, Meetings and Devices March 2024What's New in Teams Calling, Meetings and Devices March 2024
What's New in Teams Calling, Meetings and Devices March 2024
 
Moving Beyond Passwords: FIDO Paris Seminar.pdf
Moving Beyond Passwords: FIDO Paris Seminar.pdfMoving Beyond Passwords: FIDO Paris Seminar.pdf
Moving Beyond Passwords: FIDO Paris Seminar.pdf
 
New from BookNet Canada for 2024: Loan Stars - Tech Forum 2024
New from BookNet Canada for 2024: Loan Stars - Tech Forum 2024New from BookNet Canada for 2024: Loan Stars - Tech Forum 2024
New from BookNet Canada for 2024: Loan Stars - Tech Forum 2024
 
Transcript: New from BookNet Canada for 2024: Loan Stars - Tech Forum 2024
Transcript: New from BookNet Canada for 2024: Loan Stars - Tech Forum 2024Transcript: New from BookNet Canada for 2024: Loan Stars - Tech Forum 2024
Transcript: New from BookNet Canada for 2024: Loan Stars - Tech Forum 2024
 
Gen AI in Business - Global Trends Report 2024.pdf
Gen AI in Business - Global Trends Report 2024.pdfGen AI in Business - Global Trends Report 2024.pdf
Gen AI in Business - Global Trends Report 2024.pdf
 
TrustArc Webinar - How to Build Consumer Trust Through Data Privacy
TrustArc Webinar - How to Build Consumer Trust Through Data PrivacyTrustArc Webinar - How to Build Consumer Trust Through Data Privacy
TrustArc Webinar - How to Build Consumer Trust Through Data Privacy
 
Artificial intelligence in cctv survelliance.pptx
Artificial intelligence in cctv survelliance.pptxArtificial intelligence in cctv survelliance.pptx
Artificial intelligence in cctv survelliance.pptx
 
Passkey Providers and Enabling Portability: FIDO Paris Seminar.pptx
Passkey Providers and Enabling Portability: FIDO Paris Seminar.pptxPasskey Providers and Enabling Portability: FIDO Paris Seminar.pptx
Passkey Providers and Enabling Portability: FIDO Paris Seminar.pptx
 
From Family Reminiscence to Scholarly Archive .
From Family Reminiscence to Scholarly Archive .From Family Reminiscence to Scholarly Archive .
From Family Reminiscence to Scholarly Archive .
 
Nell’iperspazio con Rocket: il Framework Web di Rust!
Nell’iperspazio con Rocket: il Framework Web di Rust!Nell’iperspazio con Rocket: il Framework Web di Rust!
Nell’iperspazio con Rocket: il Framework Web di Rust!
 
DevoxxFR 2024 Reproducible Builds with Apache Maven
DevoxxFR 2024 Reproducible Builds with Apache MavenDevoxxFR 2024 Reproducible Builds with Apache Maven
DevoxxFR 2024 Reproducible Builds with Apache Maven
 

Deep re-id: 关于行人重识别的深度学习方法

  • 1. Deep-Reid:关于行人重识别 的深度学习方法 Zhedong Zheng Centre for Artificial Intelligence (CAI) University of Technology Sydney
  • 2. Background Person Re-identification Learn pedestrian representations from Multi-task learning <--->semantic Part matching <--> syntax Data augmentation Conclusions and Future Works Unsupervised / Semi-supervised Learning Natural Language Based Retrieval Video Based Person Re-ID
  • 3. Background Person Re-identification Learn pedestrian representations from Multi-task learning Part matching Data augmentation Conclusions and Future Works Unsupervised / Semi-supervised Learning Natural Language Based Retrieval Video Based Person Re-ID
  • 5. Zhedong Zheng Centre for Artificial Intelligence (CAI) Input Output Camera Inputs Background RetrievalQuery Large-scale image pool (Gallery)
  • 6. Zhedong Zheng Centre for Artificial Intelligence (CAI) Input Camera Inputs Background Large-scale image pool (Gallery) How the human do? Description in the brain A man in dark coat and blue (red) pants are walking towards the camera.
  • 7. Zhedong Zheng Centre for Artificial Intelligence (CAI) Input Camera Inputs Background Feature Extraction Feature Extraction Feature Matching 语义鸿沟/快速检索 How the machine do?
  • 8. Zhedong Zheng Centre for Artificial Intelligence (CAI)Background Only Color? It is not sufficient for hard samples. (图片来自http://liangzheng.org/Project/project_reid.html)
  • 9. Zhedong Zheng Centre for Artificial Intelligence (CAI)Background (图片来自http://www.liangzheng.com.cn/Project/project_prw.html) Face Recognition? Faces are small and front faces are rare.
  • 10. Zhedong Zheng Centre for Artificial Intelligence (CAI)Background • Person Re-ID is mostly viewed as an image retrieval problem. • The main challenge is the different view points. e.g., camA <-> camB • We may face large-scale image pool. (detailed information) Detailed informationCross-cameras
  • 11. Zhedong Zheng Centre for Artificial Intelligence (CAI)Background Deep Learning 1986 Rumelhart, Hinton and Williams propose back-propagating. 2006 Hinton etal., propose basic paper for ‘deep learning’. 2012 Hinton etal., win the ImageNet competition by a large margin. - Large-scale datasets (ImageNet) - GPUs for faster training and testing - New Improvements: Dropout, ReLu, BatchNorm and so on. Face recognition competition (LFW) surpasses the human. How to apply deep learning to Person re-ID?
  • 12. Zhedong Zheng Centre for Artificial Intelligence (CAI)Background Representation Learning Auto-encoder (low level) Object Recognition (high level) Word2vec (context)
  • 13. Background Person Re-identification Learn pedestrian representations from Multi-task learning <--->semantic Part matching Data augmentation Conclusions and Future Works Unsupervised / Semi-supervised Learning Natural Language Based Retrieval Video Based Person Re-ID
  • 14. Part Matching Zhedong Zheng Centre for Artificial Intelligence (CAI) •Multi-task learning 1. Identification + Verification Loss 2. Triplet Loss 3. Attribute Recognition
  • 15. Multi-task Learning Zhedong Zheng Centre for Artificial Intelligence (CAI) • Verification Loss Are they the same person?
  • 16. Multi-task Learning Zhedong Zheng Centre for Artificial Intelligence (CAI) • Identification Loss Who is he?
  • 17. Multi-task Learning Zhedong Zheng Centre for Artificial Intelligence (CAI) • Verification+Identification Loss Github:https://github.com/layumi/2016_person_re-ID Zheng, Z., Zheng, L., & Yang, Y. (2016). A discriminatively learned cnn embedding for person re- identification. arXiv preprint arXiv:1611.05666. Geng, M., Wang, Y., Xiang, T., & Tian, Y. (2016). Deep transfer learning for person re-identification. arXiv preprint arXiv:1611.05244.
  • 18. Multi-task Learning Zhedong Zheng Centre for Artificial Intelligence (CAI) • Verification+Identification Loss Github:https://github.com/layumi/2016_person_re-ID
  • 19. Multi-task Learning Zhedong Zheng Centre for Artificial Intelligence (CAI) • Triplet Loss Hermans, A., Beyer, L., & Leibe, B. (2017). In Defense of the Triplet Loss for Person Re-Identification. arXiv preprint arXiv:1703.07737. Github:https://github.com/VisualComputingInstitute/triplet-reid
  • 20. Multi-task Learning Zhedong Zheng Centre for Artificial Intelligence (CAI) • Attribute Learning Lin, Y., Zheng, L., Zheng, Z., Wu, Y., & Yang, Y. (2017). Improving person re- identification by attribute and identity learning. arXiv preprint arXiv:1703.07220. Project: https://vana77.github.io/
  • 21. Multi-task Learning Zhedong Zheng Centre for Artificial Intelligence (CAI) • Attribute Learning
  • 22. Background Person Re-identification Learn pedestrian representations from Multi-task learning Part matching <--> syntax Data augmentation Conclusions and Future Works Unsupervised / Semi-supervised Learning Natural Language Based Retrieval Video Based Person Re-ID
  • 23. Part Matching Zhedong Zheng Centre for Artificial Intelligence (CAI) •Part Matching 1. Horizontal Split/Neighbor Comparison 2. Part Detection/Alignment 3. Detection + reID 4. Attention Matching
  • 24. Part Matching Zhedong Zheng Centre for Artificial Intelligence (CAI) • Horizontal Split Yi, D., Lei, Z., Liao, S., & Li, S. Z. (2014, August). Deep metric learning for person re- identification. In Pattern Recognition (ICPR), 2014 22nd International Conference on (pp. 34- 39). IEEE.
  • 25. Part Matching Zhedong Zheng Centre for Artificial Intelligence (CAI) • Horizontal Split Li, W., Zhao, R., Xiao, T., & Wang, X. (2014). Deepreid: Deep filter pairing neural network for person re-identification. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition (pp. 152-159).
  • 26. Part Matching Zhedong Zheng Centre for Artificial Intelligence (CAI) • Neighbor Comparison Ahmed, E., Jones, M., & Marks, T. K. (2015). An improved deep learning architecture for person re-identification. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition (pp. 3908-3916). Github: 1.https://github.com/ptran516/idla-person-reid 2.https://github.com/Ning-Ding/Implementation- CVPR2015-CNN-for-ReID
  • 27. Part Matching Zhedong Zheng Centre for Artificial Intelligence (CAI) • Part Detect + Matching Zheng, L., Huang, Y., Lu, H., & Yang, Y. (2017). Pose invariant embedding for deep person re- identification. arXiv preprint arXiv:1701.07732. Github: https://github.com/erichuang0771/PoseBox-Reid
  • 28. Part Matching Zhedong Zheng Centre for Artificial Intelligence (CAI) • Pedestrian Alignment Zheng, Z., Zheng, L., & Yang, Y. (2017). Pedestrian Alignment Network for Large-scale Person Re-identification. arXiv preprint arXiv:1707.00408. (Github: https://github.com/layumi/Pedestrian_Alignment )
  • 29. Part Matching Zhedong Zheng Centre for Artificial Intelligence (CAI) • Pedestrian Alignment (Github: https://github.com/layumi/Pedestrian_Alignment )
  • 30. Part Matching Zhedong Zheng Centre for Artificial Intelligence (CAI) • Detection + reID Xiao, T., Li, S., Wang, B., Lin, L., & Wang, X. (2017). Joint detection and identification feature learning for person search. In Proc. CVPR. (Github: https://github.com/ShuangLI59/person_search)
  • 31. Part Matching Zhedong Zheng Centre for Artificial Intelligence (CAI) • Attention Matching Varior, R. R., Haloi, M., & Wang, G. (2016, October). Gated siamese convolutional neural network architecture for human re- identification. In European Conference on Computer Vision (pp. 791-808). Springer International Publishing. Query: n Gallery: m Original: n+m Attention: n*m
  • 32. Background Person Re-identification Learn pedestrian representations from Multi-task learning Part matching Data augmentation Conclusions and Future Works Unsupervised / Semi-supervised Learning Natural Language Based Retrieval Video Based Person Re-ID
  • 33. Part Matching Zhedong Zheng Centre for Artificial Intelligence (CAI) •Data augmentation 1. Multi-dataset Fusion 2. GAN
  • 34. Person Re-identification Zhedong Zheng Centre for Artificial Intelligence (CAI) • Multi-dataset Fusion Xiao, T., Li, H., Ouyang, W., & Wang, X. (2016). Learning deep feature representations with domain guided dropout for person re-identification. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition (pp. 1249-1258). Github:https://github.com/Cysu/dg d_person_reid
  • 35. Person Re-identification Zhedong Zheng Centre for Artificial Intelligence (CAI) • GAN Zheng, Z., Zheng, L., & Yang, Y. (2017). Unlabeled samples generated by gan improve the person re-identification baseline in vitro. arXiv preprint arXiv:1701.07717. (Github: https://github.com/layumi/Person-reID_GAN )
  • 36. Person Re-identification Zhedong Zheng Centre for Artificial Intelligence (CAI) • GAN Hinton, G., Vinyals, O., & Dean, J. (2015). Distilling the knowledge in a neural network. arXiv preprint arXiv:1503.02531.
  • 37. Person Re-identification Zhedong Zheng Centre for Artificial Intelligence (CAI) Result Market-1501 Dataset CUHK03 Dataset
  • 38. Person Re-identification Zhedong Zheng Centre for Artificial Intelligence (CAI) Other Applications
  • 39. Person Re-identification Zhedong Zheng Centre for Artificial Intelligence (CAI) Other Applications Wang, X., You, M., & Shen, C. (2017). Adversarial Generation of Training Examples for Vehicle License Plate Recognition. arXiv preprint arXiv:1707.03124.
  • 40. Background Person Re-identification Learn pedestrian representations from Multi-task learning Part matching Data augmentation Conclusions and Future Works Unsupervised / Semi-supervised Learning Natural Language Based Retrieval Video Based Person Re-ID
  • 41. Person Re-identification Zhedong Zheng Centre for Artificial Intelligence (CAI) • Unsupervised / Semi-supervised Learning If we do not have target dataset label, what can we do?
  • 42. Person Re-identification Zhedong Zheng Centre for Artificial Intelligence (CAI) • Unsupervised / Semi-supervised Learning
  • 43. Person Re-identification Zhedong Zheng Centre for Artificial Intelligence (CAI) • Unsupervised / Semi-supervised Learning Fan, H., Zheng, L., & Yang, Y. (2017). Unsupervised Person Re- identification: Clustering and Fine-tuning. arXiv preprint arXiv:1705.10444.
  • 44. Person Re-identification Zhedong Zheng Centre for Artificial Intelligence (CAI) • Unsupervised / Semi-supervised Learning Tzeng, E., Hoffman, J., Saenko, K., & Darrell, T. (2017). Adversarial discriminative domain adaptation. arXiv preprint arXiv:1702.05464.
  • 45. Person Re-identification Zhedong Zheng Centre for Artificial Intelligence (CAI) • Natural Language Based Retrieval Li, S., Xiao, T., Li, H., Zhou, B., Yue, D., & Wang, X. (2017). Person search with natural language description. arXiv preprint arXiv:1702.05729. Project: http://xiaotong.me/static/projects/perso n-search-language/dataset.html
  • 46. Person Re-identification Zhedong Zheng Centre for Artificial Intelligence (CAI) • Natural Language Based Retrieval Li, S., Xiao, T., Li, H., Zhou, B., Yue, D., & Wang, X. (2017). Person search with natural language description. arXiv preprint arXiv:1702.05729. 1. Generative model Mao, J., Xu, W., Yang, Y., Wang, J., Huang, Z., & Yuille, A. (2014). Deep captioning with multimodal recurrent neural networks (m-rnn). arXiv preprint arXiv:1412.6632. 2. Natural Language <---> Attribute
  • 47. Person Re-identification Zhedong Zheng Centre for Artificial Intelligence (CAI) • Video Based Person Re-ID Zheng, L., Bie, Z., Sun, Y., Wang, J., Su, C., Wang, S., & Tian, Q. (2016, October). Mars: A video benchmark for large- scale person re-identification. In European Conference on Computer Vision (pp. 868-884). Springer International Publishing.
  • 48. Person Re-identification Zhedong Zheng Centre for Artificial Intelligence (CAI) • Video Based Person Re-ID Pathak, D., Girshick, R., Dollár, P., Darrell, T., & Hariharan, B. (2016). Learning features by watching objects move. arXiv preprint arXiv:1612.06370. Unsupervised semantic segmentation <---> Re-ID
  • 49. Person Re-identification Zhedong Zheng Centre for Artificial Intelligence (CAI) Collaborators Liang Zheng 郑良 Yutian Lin 林雨恬 Yi Yang 杨易
  • 50. Person Re-identification Zhedong Zheng Centre for Artificial Intelligence (CAI) Thank you! Q&A