SlideShare una empresa de Scribd logo
1 de 194
Descargar para leer sin conexión
Deep
Neural
Networks
for VIDEO
Neither Proprietary nor Confidential – Please Distribute ;)
Alex Conway
alex @ numberboost.com
@ALXCNWY
MACHINE LEARNING TOKYO
MEETUP 2019.03.18
Neitherconfidential norproprietary- pleasedistribute;)
2016 MultiChoice
Innovation Competition
1st PrizeWinners
2017 Mercedes-Benz
Innovation Competition
1st PrizeWinners
2018 Lloyd’s Register
Innovation Competition
1st PrizeWinners
2019 NTT & Dimension Data
Innovation Competition
1st PrizeWinners
3
HODL
Questions
Until End
Hands
up!
Deep learning is MagicDeep learning is MagicDeep learning is EASY!
https://twitter.com/goodfellow_ian/status/1084973596236144640
www.thispersondoesnotexist.com
10
https://twitter.com/quasimondo/status/1100016467213516801
https://techcrunch.com/2016/06/20/twitter-is-buying-magic-pony-technology-which-uses-neural-networks-to-improve-images/
Pixelated OriginalOutput
https://arstech
nica.com/infor
mation-
technology/20
17/02/google-
brain-super-
resolution-
zoom-
enhance/
This image is
3.8 kb
Super-Resolution
14
Original input
Rear Window (1954)
Pix2pix output
Fully Automated
Remastered
Painstakingly by Hand
https://hackernoon.com
/remastering-classic-
films-in-tensorflow-with-
pix2pix-f4d551fa0503
Style Transfer
https://arxiv.org/abs/1508.06576 15
Style Transfer SORCERY
https://github.com/junyanz/CycleGAN
16
17https://www.youtube.com/watch?feature=youtu.be&v=r6zZPn-6dPY&app=desktop
https://www.linkedin.com/feed/update/urn:li:activity:6498172448196820993
https://news.developer.nvidia.com/ai-can-transform-anyone-into-a-professional-dancer/
https://github.com/JoYoungjoo/SC-FEGAN
https://motherboard.vice.com/en_us/article/gydydm/gal-gadot-fake-ai-porn
https://towardsdatascience.com/family-fun-with-deepfakes-or-how-i-got-my-wife-onto-the-tonight-show-a4454775c011
https://medium.com/towards-data-science/face2face-a-pix2pix-demo-that-mimics-the-facial-expression-of-the-german-
chancellor-b6771d65bf66
23
24
https://twitter.com/xinwenfan/status/960695629293928449
25
https://qz.com/1202075/chinese-police-are-using-facial-recognition-glasses-for-survelliance/
Object detection
Real Fake News
https://www.youtube.com/watch?v=MVBe6_o4cMI
27
https://twitter.com/XHNews/status/1098173090448629760
42
…
Video Applications
• Video Generation
• Clip Classification
• Frame Classification
• Object Detection etc.
• Caption Generation
• Video Q & A
43
…
SIZE DOES MATTER
w
h
(w,h,3,t)
e.g.
500x500x3x4x60
= 180 million
44
1. Neural Network Crash Course
2. Convolutional Neural Networks
3. Recurrent Neural Networks
4. Object Detection
5. Show and tell
6. Edge Computing & Federated ML
7. SEBENZ.AI
Jeremy Howard & Rachel Thomas
http://course.fast.ai
Richard Socher’s Class on NLP (great RNN resource)
http://web.stanford.edu/class/cs224n/
Andrej Karpathy’s Class on Computer Vision (great CNN resource)
http://cs231n.github.io
Keras docs
https://keras.io/
Great Free Resources
Neural
Network
Crash
Course
What is a neuron?
47
• 3 inputs [x1,x2,x3]
• 3 weights [w1,w2,w3]
• 1 bias term b
• Element-wise multiply and sum: inputs & weights
• Add bias term
• Apply activation function f
• Output of neuron is just a number (like theinputs!)
48
linear
49
non-linear
What is an Activation Function?
50
Sigmoid Tanh ReLU
Nonlinearities … “squashing functions” … transformneuron’s output
NB: sigmoid output in[0,1]
So what is a
Neural Network?
What is a
52
Inputs outputs
hidden
layer 1
hidden
layer 2
hidden
layer 3
Note: Outputs of one layer are inputs into the next layer
This (non-convolutional) architecture is called a “multi-layered perceptron”
Neural Network?(Deep)
53
54
2 Layer Neural Network
55https://ml4a.github.io/ml4a/looking_inside_neural_nets/
0
1
2
3
4
5
6
7
8
9
56
https://www.youtube.com/watch?v=aircAruvnKk
57
https://www.youtube.com/watch?v=aircAruvnKk
58
https://www.youtube.com/watch?v=aircAruvnKk
“How much
error increases
when we increase
this weight”
How does a neural network learn?
59
New
weight = Old
weight
Learning
rate-
Gradient of
Error with
respect to Weight
( )x
Gradient Descent
60http://scs.ryerson.ca/~aharley/neural-networks/
http://playground.tensorflow.org
http://playground.tensorflow.org
For much more detail, see:
1. Michael Nielson’s Neural Networks & Deep
Learning free online book
http://neuralnetworksanddeeplearning.com/chap1.html
2. Anrej Karpathy’s CS231n Notes
http://neuralnetworksanddeeplearning.com/chap1.html
62
Neural Networks
Why is ML Succeeding?
1. Algorithms
2. Compute
3. Data
git clone https://github.com/tensorflow.git
https://www.youtube.com/watch?v=yvDCzhbjYWs
“The Unreasonable Effectiveness of Data”
Convolutional
Neural
Networks
( CNNs )
Image Classification
68
http://yann.lecun.com/exdb/mnist/
https://github.com/fchollet/keras/blob/master/examples/mnist_cnn.py
(99.25% test accuracy in 192 seconds and 46 lines of code)
Image Classification
69
Image Classification
70
ImageNet Classification withDeepConvolutional Neural Networks, Krizhevsky et. Al.
Advances in Neural Information Processing Systems 25 (NIPS2012)
Image & Video Moderation
TODO
71
Large internationalgay datingapp with tens of millions of users
uploadinghundreds-of-thousandsofphotosperday
CONVOLUTIONAL
NEURAL NETWORK
( CNN )
74
This is VGGNet – don’t panic, we’ll break it down piece by piece
Example Architecture
75
This is VGGNet – don’t panic, we’ll break it down piece by piece
Example Architecture
Convolutions
76
http://setosa.io/ev/image-kernels/
77http://deeplearning.net/software/theano/tutorial/conv_arithmetic.html
Many Kernels = Many Activation Maps = Volume
78http://cs231n.github.io/convolutional-networks/
Convolutional Layer
79
80
https://github.com/fchollet/keras/blob/master/examples/conv_filter_visualization.py
81
82
83
Convolution Learn
Hierarchical Features
84
Max Pooling
85
Max Pooling
86
RINSE WASH REPEAT … DEEEEEP!
87
Convolution+ max pooling + fully connected+ softmax
88
Convolution+ max pooling + fully connected+ softmax
RINSE WASH REPEAT … DEEEEEP!
89
RINSE WASH REPEAT … DEEEEEP!
90
RINSE WASH REPEAT … DEEEEEP!
91
Flatten
Convolution+ max pooling + fully connected+ softmax
Flatten the final7 x 7 x 512 max poolinglayer
Add fully-connecteddense layerontop
92
Bringing it all together
Convolution+ max pooling + fully connected+ softmax
Softmax
Convert scores ∈ ℝ to probabilities ∈ [0,1]
Final output prediction = highest probability class
93
94
We need labelled
training data!
ImageNet
96
http://image-net.org/explore
1000 object categories
1.2 million training images
ImageNet
98
ImageNet
99
ImageNet Top 5 Error Rate
100
Traditional
Image Processing
Methods
AlexNet
8 Layers
ZFNet
8 Layers
GoogLeNet
22 Layers ResNet
152 Layers SENet
Ensamble
TSNet
Ensamble
Using a CNN
Example: Classifying Product Images
102
https://github.com/alexcnwy/DeepLearning4ComputerVision
Classifying
products into
8 categories
103
https://github.com/alexcnwy/
DeepLearning4ComputerVision
104
https://blog.keras.io/building-powerful-image-classification-models-using-very-little-data.html
Start with Pre-Trained
ImageNet Model
Consumers vs Producers of Machine Learning
105
…but we don’t want to
ImageNet categories…
we want to
predict
something new!
“Transfer
Learning”
to the
rescue!1!
108
Before Fine-Tuning
…
109
After Fine-Tuning
Replace Final layers
of Pre-trained Model
Fine-tuning A CNN To Solve A New Problem
• Load pre-trained VGG network
• Remove final dense & softmax layers that predict 1000 ImageNet classes
• Replace with new dense & softmax layer to predict 8 categories
110
96.3% accuracy in under 2 minutes for
classifying products into categories
(WITH ONLY 3467TRAINING IMAGES!!1!)
Fine-tuning is awesome!
Insert obligatory brain analogy
“Encoding”
111
) =f (
Visual Similarity
113
• Chop off VGG dense layers and keep bottleneck features
• Add single dense layer with 256 activations
• “Predict” to get activation for each image
• Compute nearest neighbours in the space of these activations
https://memeburn.com/2017/06/spree-image-search/
114
115
https://github.com/alexcnwy/DeepLearning4ComputerVision
116
Input Image
not seen by model
Results
Top 10 most
“visually similar”
117
Input Image
not seen by model
Results
Top 10 most
“visually similar”
119
Principal Component Analysis
http://setosa.io/ev/principal-component-analysis/
Pro-tip…
120
Use a Better Architecture (or all of them!)
121
“Ensambles win”
learn a weighted average of many models’ predictions
https://arxiv.org/abs/1611.01578
https://twitter.com/StuartReid1929
(2009)
“Spatio-temporal”
2013
128
Recurrent
Neural
Networks
( RNNs )
Recurrent Neural Networks
130
http://colah.github.io/posts/2015-08-Understanding-LSTMs/
http://colah.github.io/posts/2015-08-Understanding-LSTMs/
Long Short Term Memory Networks
132
http://karpathy.github.io/2015/05/21/rnn-effectiveness/
“Encoding”
133
) =f(
KERAS
=
CHEAT CODEZ
• https://github.com/keras-team/keras/blob/master/examples/imdb_lstm.py
134
“Spatial then
temporal”
2015
Penguin
vid
Frame-level
Action Recognition
(7 classes)
142
Video Q&A
XXX
143
https://www.youtube.com/watch?v=UeheTiBJ0Io
Video Q&A
XXX
144
Video Q&A
145
https://www.youtube.com/watch?v=UeheTiBJ0Io
Object
Detection
https://www.youtube.com/watch?v=VOC3huqHrss
http://cs231n.stanford.edu/slides/2017/cs231n_2017_lecture11.pdf
Object detection
https://research.googleblog.com/2017/06/supercharge-your-computer-vision-models.html
Show
And
tell
Deep
Neural
Network
…
P(A) =
0.005
P(B) =
0.002
P(C) = 0.98
P(9) = 0.001
P(0) = 0.03
https://www.reddit.com/r/southafrica/comments/asl4n5/when_a_little_is_just_not_enough/
OFF-THE-SHELF
ML MODELS
DO NOT WORK
IN
AFRICA
Edge
Computing +
Federated
ML
Taxi vid data:
1 week, 1 cam =
~250GB
180
…
SIZE DOES MATTER
w
h
(w,h,3,t)
e.g.
500x500x3x4x60
= 180 million
https://www.youtube.com/watch?v=UgiPrYhBYYo
https://www.youtube.com/watch?v=UgiPrYhBYYo
https://www.youtube.com/watch?v=UgiPrYhBYYo
https://www.youtube.com/watch?v=UgiPrYhBYYo
https://www.youtube.com/watch?v=UgiPrYhBYYo
https://www.youtube.com/watch?v=UgiPrYhBYYo
https://www.youtube.com/watch?v=UgiPrYhBYYo
https://www.youtube.com/watch?v=UgiPrYhBYYo
SEBENZ.AISEBENZ.AISEBENZ.AI
MOBILE GAME
A
MOBILE GAME
THAT
CREATES JOBS
IN AFRICA
MOBILE GAMEMOBILE GAMEMOBILE GAMEMOBILE GAMEMOBILE GAMEMOBILE GAMEMOBILE GAME
27.5%
UNEMPLOYMENT!
let’s build the future
together
alex@numberboost.com
THANK YOUTHANK YOUTHANK YOU
https://twitter.com/alxcnwy

Más contenido relacionado

La actualidad más candente

Siddha Ganju, NVIDIA. Deep Learning for Mobile
Siddha Ganju, NVIDIA. Deep Learning for MobileSiddha Ganju, NVIDIA. Deep Learning for Mobile
Siddha Ganju, NVIDIA. Deep Learning for Mobile
IT Arena
 

La actualidad más candente (20)

An Introduction to Deep Learning (May 2018)
An Introduction to Deep Learning (May 2018)An Introduction to Deep Learning (May 2018)
An Introduction to Deep Learning (May 2018)
 
Introduction to Deep Learning (NVIDIA)
Introduction to Deep Learning (NVIDIA)Introduction to Deep Learning (NVIDIA)
Introduction to Deep Learning (NVIDIA)
 
NVIDIA 深度學習教育機構 (DLI): Approaches to object detection
NVIDIA 深度學習教育機構 (DLI): Approaches to object detectionNVIDIA 深度學習教育機構 (DLI): Approaches to object detection
NVIDIA 深度學習教育機構 (DLI): Approaches to object detection
 
Introduction to multi gpu deep learning with DIGITS 2 - Mike Wang
Introduction to multi gpu deep learning with DIGITS 2 - Mike WangIntroduction to multi gpu deep learning with DIGITS 2 - Mike Wang
Introduction to multi gpu deep learning with DIGITS 2 - Mike Wang
 
Siddha Ganju, NVIDIA. Deep Learning for Mobile
Siddha Ganju, NVIDIA. Deep Learning for MobileSiddha Ganju, NVIDIA. Deep Learning for Mobile
Siddha Ganju, NVIDIA. Deep Learning for Mobile
 
Microsoft Data Wranglers - 8august2017
Microsoft Data Wranglers - 8august2017Microsoft Data Wranglers - 8august2017
Microsoft Data Wranglers - 8august2017
 
Deep learning on mobile - 2019 Practitioner's Guide
Deep learning on mobile - 2019 Practitioner's GuideDeep learning on mobile - 2019 Practitioner's Guide
Deep learning on mobile - 2019 Practitioner's Guide
 
Possibilities of generative models
Possibilities of generative modelsPossibilities of generative models
Possibilities of generative models
 
Deep Dive on Deep Learning (June 2018)
Deep Dive on Deep Learning (June 2018)Deep Dive on Deep Learning (June 2018)
Deep Dive on Deep Learning (June 2018)
 
아마존의 딥러닝 기술 활용 사례
아마존의 딥러닝 기술 활용 사례아마존의 딥러닝 기술 활용 사례
아마존의 딥러닝 기술 활용 사례
 
Metta Innovations - Introdução ao Deep Learning aplicado a vídeo analytics
Metta Innovations - Introdução ao Deep Learning aplicado a vídeo analyticsMetta Innovations - Introdução ao Deep Learning aplicado a vídeo analytics
Metta Innovations - Introdução ao Deep Learning aplicado a vídeo analytics
 
NVIDIA 深度學習教育機構 (DLI): Neural network deployment
NVIDIA 深度學習教育機構 (DLI): Neural network deploymentNVIDIA 深度學習教育機構 (DLI): Neural network deployment
NVIDIA 深度學習教育機構 (DLI): Neural network deployment
 
Quantum computing
Quantum computingQuantum computing
Quantum computing
 
Mastering Computer Vision Problems with State-of-the-art Deep Learning
Mastering Computer Vision Problems with State-of-the-art Deep LearningMastering Computer Vision Problems with State-of-the-art Deep Learning
Mastering Computer Vision Problems with State-of-the-art Deep Learning
 
Rethinking computation: A processor architecture for machine intelligence
Rethinking computation: A processor architecture for machine intelligenceRethinking computation: A processor architecture for machine intelligence
Rethinking computation: A processor architecture for machine intelligence
 
第38回 名古屋CV・PRML勉強会 「Kinect v2本の紹介とPCLの概要」
第38回 名古屋CV・PRML勉強会 「Kinect v2本の紹介とPCLの概要」第38回 名古屋CV・PRML勉強会 「Kinect v2本の紹介とPCLの概要」
第38回 名古屋CV・PRML勉強会 「Kinect v2本の紹介とPCLの概要」
 
Solr and Machine Vision - Scott Cote, Lucidworks & Trevor Grant, IBM
Solr and Machine Vision - Scott Cote, Lucidworks & Trevor Grant, IBMSolr and Machine Vision - Scott Cote, Lucidworks & Trevor Grant, IBM
Solr and Machine Vision - Scott Cote, Lucidworks & Trevor Grant, IBM
 
Urs Köster Presenting at RE-Work DL Summit in Boston
Urs Köster Presenting at RE-Work DL Summit in BostonUrs Köster Presenting at RE-Work DL Summit in Boston
Urs Köster Presenting at RE-Work DL Summit in Boston
 
Belfast JUG, SIMD (Vectorial) Operations
Belfast JUG, SIMD (Vectorial) OperationsBelfast JUG, SIMD (Vectorial) Operations
Belfast JUG, SIMD (Vectorial) Operations
 
On-device machine learning: TensorFlow on Android
On-device machine learning: TensorFlow on AndroidOn-device machine learning: TensorFlow on Android
On-device machine learning: TensorFlow on Android
 

Similar a Machine Learning Tokyo - Deep Neural Networks for Video - NumberBoost

How to prevent cyber terrorism taragana
How to prevent cyber terrorism  taraganaHow to prevent cyber terrorism  taragana
How to prevent cyber terrorism taragana
Gilles Sgro
 

Similar a Machine Learning Tokyo - Deep Neural Networks for Video - NumberBoost (20)

Deep Learning for Computer Vision - ExecutiveML
Deep Learning for Computer Vision - ExecutiveMLDeep Learning for Computer Vision - ExecutiveML
Deep Learning for Computer Vision - ExecutiveML
 
Deep Learning for Developers (October 2017)
Deep Learning for Developers (October 2017)Deep Learning for Developers (October 2017)
Deep Learning for Developers (October 2017)
 
Siddha Ganju. Deep learning on mobile
Siddha Ganju. Deep learning on mobileSiddha Ganju. Deep learning on mobile
Siddha Ganju. Deep learning on mobile
 
Transfer Learning (20230516)
Transfer Learning (20230516)Transfer Learning (20230516)
Transfer Learning (20230516)
 
Nexxworks bootcamp ML6 (27/09/2017)
Nexxworks bootcamp ML6 (27/09/2017)Nexxworks bootcamp ML6 (27/09/2017)
Nexxworks bootcamp ML6 (27/09/2017)
 
NVIDIA深度學習教育機構 (DLI): Object detection with jetson
NVIDIA深度學習教育機構 (DLI): Object detection with jetsonNVIDIA深度學習教育機構 (DLI): Object detection with jetson
NVIDIA深度學習教育機構 (DLI): Object detection with jetson
 
AI Food detector; A model of Generative adversarial network for food Classifier
AI Food detector; A model of Generative adversarial network for food ClassifierAI Food detector; A model of Generative adversarial network for food Classifier
AI Food detector; A model of Generative adversarial network for food Classifier
 
Distributed Deep Learning Using Java on the Client and in the Cloud
Distributed Deep Learning Using Java on the Client and in the CloudDistributed Deep Learning Using Java on the Client and in the Cloud
Distributed Deep Learning Using Java on the Client and in the Cloud
 
深度學習在AOI的應用
深度學習在AOI的應用深度學習在AOI的應用
深度學習在AOI的應用
 
Introduction to Neural Networks
Introduction to Neural NetworksIntroduction to Neural Networks
Introduction to Neural Networks
 
Chaos Engineering - The Art of Breaking Things in Production
Chaos Engineering - The Art of Breaking Things in ProductionChaos Engineering - The Art of Breaking Things in Production
Chaos Engineering - The Art of Breaking Things in Production
 
Ground water prediction screenshots
Ground water prediction screenshotsGround water prediction screenshots
Ground water prediction screenshots
 
How to prevent cyber terrorism taragana
How to prevent cyber terrorism  taraganaHow to prevent cyber terrorism  taragana
How to prevent cyber terrorism taragana
 
Post Graduate in AI PPT.pptx
Post Graduate in AI PPT.pptxPost Graduate in AI PPT.pptx
Post Graduate in AI PPT.pptx
 
2_Image Classification.pdf
2_Image Classification.pdf2_Image Classification.pdf
2_Image Classification.pdf
 
Machine learning the next revolution or just another hype
Machine learning   the next revolution or just another hypeMachine learning   the next revolution or just another hype
Machine learning the next revolution or just another hype
 
AWS re:Invent 2016: Deep Learning at Cloud Scale: Improving Video Discoverabi...
AWS re:Invent 2016: Deep Learning at Cloud Scale: Improving Video Discoverabi...AWS re:Invent 2016: Deep Learning at Cloud Scale: Improving Video Discoverabi...
AWS re:Invent 2016: Deep Learning at Cloud Scale: Improving Video Discoverabi...
 
Metaphorical Analysis of diseases in Tomato leaves using Deep Learning Algori...
Metaphorical Analysis of diseases in Tomato leaves using Deep Learning Algori...Metaphorical Analysis of diseases in Tomato leaves using Deep Learning Algori...
Metaphorical Analysis of diseases in Tomato leaves using Deep Learning Algori...
 
Dog Breed Classification using PyTorch on Azure Machine Learning
Dog Breed Classification using PyTorch on Azure Machine LearningDog Breed Classification using PyTorch on Azure Machine Learning
Dog Breed Classification using PyTorch on Azure Machine Learning
 
Scaling TensorFlow Models for Training using multi-GPUs & Google Cloud ML
Scaling TensorFlow Models for Training using multi-GPUs & Google Cloud MLScaling TensorFlow Models for Training using multi-GPUs & Google Cloud ML
Scaling TensorFlow Models for Training using multi-GPUs & Google Cloud ML
 

Último

如何办理(WashU毕业证书)圣路易斯华盛顿大学毕业证成绩单本科硕士学位证留信学历认证
如何办理(WashU毕业证书)圣路易斯华盛顿大学毕业证成绩单本科硕士学位证留信学历认证如何办理(WashU毕业证书)圣路易斯华盛顿大学毕业证成绩单本科硕士学位证留信学历认证
如何办理(WashU毕业证书)圣路易斯华盛顿大学毕业证成绩单本科硕士学位证留信学历认证
acoha1
 
Abortion Clinic in Kempton Park +27791653574 WhatsApp Abortion Clinic Service...
Abortion Clinic in Kempton Park +27791653574 WhatsApp Abortion Clinic Service...Abortion Clinic in Kempton Park +27791653574 WhatsApp Abortion Clinic Service...
Abortion Clinic in Kempton Park +27791653574 WhatsApp Abortion Clinic Service...
mikehavy0
 
如何办理(UPenn毕业证书)宾夕法尼亚大学毕业证成绩单本科硕士学位证留信学历认证
如何办理(UPenn毕业证书)宾夕法尼亚大学毕业证成绩单本科硕士学位证留信学历认证如何办理(UPenn毕业证书)宾夕法尼亚大学毕业证成绩单本科硕士学位证留信学历认证
如何办理(UPenn毕业证书)宾夕法尼亚大学毕业证成绩单本科硕士学位证留信学历认证
acoha1
 
Audience Researchndfhcvnfgvgbhujhgfv.pptx
Audience Researchndfhcvnfgvgbhujhgfv.pptxAudience Researchndfhcvnfgvgbhujhgfv.pptx
Audience Researchndfhcvnfgvgbhujhgfv.pptx
Stephen266013
 
sourabh vyas1222222222222222222244444444
sourabh vyas1222222222222222222244444444sourabh vyas1222222222222222222244444444
sourabh vyas1222222222222222222244444444
saurabvyas476
 
obat aborsi Banjarmasin wa 082135199655 jual obat aborsi cytotec asli di Ban...
obat aborsi Banjarmasin wa 082135199655 jual obat aborsi cytotec asli di  Ban...obat aborsi Banjarmasin wa 082135199655 jual obat aborsi cytotec asli di  Ban...
obat aborsi Banjarmasin wa 082135199655 jual obat aborsi cytotec asli di Ban...
siskavia95
 
obat aborsi Tarakan wa 081336238223 jual obat aborsi cytotec asli di Tarakan9...
obat aborsi Tarakan wa 081336238223 jual obat aborsi cytotec asli di Tarakan9...obat aborsi Tarakan wa 081336238223 jual obat aborsi cytotec asli di Tarakan9...
obat aborsi Tarakan wa 081336238223 jual obat aborsi cytotec asli di Tarakan9...
yulianti213969
 
一比一原版(Monash毕业证书)莫纳什大学毕业证原件一模一样
一比一原版(Monash毕业证书)莫纳什大学毕业证原件一模一样一比一原版(Monash毕业证书)莫纳什大学毕业证原件一模一样
一比一原版(Monash毕业证书)莫纳什大学毕业证原件一模一样
yhavx
 
Data Analytics for Digital Marketing Lecture for Advanced Digital & Social Me...
Data Analytics for Digital Marketing Lecture for Advanced Digital & Social Me...Data Analytics for Digital Marketing Lecture for Advanced Digital & Social Me...
Data Analytics for Digital Marketing Lecture for Advanced Digital & Social Me...
Valters Lauzums
 
Jual obat aborsi Bandung ( 085657271886 ) Cytote pil telat bulan penggugur ka...
Jual obat aborsi Bandung ( 085657271886 ) Cytote pil telat bulan penggugur ka...Jual obat aborsi Bandung ( 085657271886 ) Cytote pil telat bulan penggugur ka...
Jual obat aborsi Bandung ( 085657271886 ) Cytote pil telat bulan penggugur ka...
Klinik kandungan
 

Último (20)

如何办理(WashU毕业证书)圣路易斯华盛顿大学毕业证成绩单本科硕士学位证留信学历认证
如何办理(WashU毕业证书)圣路易斯华盛顿大学毕业证成绩单本科硕士学位证留信学历认证如何办理(WashU毕业证书)圣路易斯华盛顿大学毕业证成绩单本科硕士学位证留信学历认证
如何办理(WashU毕业证书)圣路易斯华盛顿大学毕业证成绩单本科硕士学位证留信学历认证
 
Abortion Clinic in Kempton Park +27791653574 WhatsApp Abortion Clinic Service...
Abortion Clinic in Kempton Park +27791653574 WhatsApp Abortion Clinic Service...Abortion Clinic in Kempton Park +27791653574 WhatsApp Abortion Clinic Service...
Abortion Clinic in Kempton Park +27791653574 WhatsApp Abortion Clinic Service...
 
What is Insertion Sort. Its basic information
What is Insertion Sort. Its basic informationWhat is Insertion Sort. Its basic information
What is Insertion Sort. Its basic information
 
Formulas dax para power bI de microsoft.pdf
Formulas dax para power bI de microsoft.pdfFormulas dax para power bI de microsoft.pdf
Formulas dax para power bI de microsoft.pdf
 
如何办理(UPenn毕业证书)宾夕法尼亚大学毕业证成绩单本科硕士学位证留信学历认证
如何办理(UPenn毕业证书)宾夕法尼亚大学毕业证成绩单本科硕士学位证留信学历认证如何办理(UPenn毕业证书)宾夕法尼亚大学毕业证成绩单本科硕士学位证留信学历认证
如何办理(UPenn毕业证书)宾夕法尼亚大学毕业证成绩单本科硕士学位证留信学历认证
 
Audience Researchndfhcvnfgvgbhujhgfv.pptx
Audience Researchndfhcvnfgvgbhujhgfv.pptxAudience Researchndfhcvnfgvgbhujhgfv.pptx
Audience Researchndfhcvnfgvgbhujhgfv.pptx
 
Credit Card Fraud Detection: Safeguarding Transactions in the Digital Age
Credit Card Fraud Detection: Safeguarding Transactions in the Digital AgeCredit Card Fraud Detection: Safeguarding Transactions in the Digital Age
Credit Card Fraud Detection: Safeguarding Transactions in the Digital Age
 
Solution manual for managerial accounting 8th edition by john wild ken shaw b...
Solution manual for managerial accounting 8th edition by john wild ken shaw b...Solution manual for managerial accounting 8th edition by john wild ken shaw b...
Solution manual for managerial accounting 8th edition by john wild ken shaw b...
 
Bios of leading Astrologers & Researchers
Bios of leading Astrologers & ResearchersBios of leading Astrologers & Researchers
Bios of leading Astrologers & Researchers
 
Genuine love spell caster )! ,+27834335081) Ex lover back permanently in At...
Genuine love spell caster )! ,+27834335081)   Ex lover back permanently in At...Genuine love spell caster )! ,+27834335081)   Ex lover back permanently in At...
Genuine love spell caster )! ,+27834335081) Ex lover back permanently in At...
 
sourabh vyas1222222222222222222244444444
sourabh vyas1222222222222222222244444444sourabh vyas1222222222222222222244444444
sourabh vyas1222222222222222222244444444
 
Predictive Precipitation: Advanced Rain Forecasting Techniques
Predictive Precipitation: Advanced Rain Forecasting TechniquesPredictive Precipitation: Advanced Rain Forecasting Techniques
Predictive Precipitation: Advanced Rain Forecasting Techniques
 
obat aborsi Banjarmasin wa 082135199655 jual obat aborsi cytotec asli di Ban...
obat aborsi Banjarmasin wa 082135199655 jual obat aborsi cytotec asli di  Ban...obat aborsi Banjarmasin wa 082135199655 jual obat aborsi cytotec asli di  Ban...
obat aborsi Banjarmasin wa 082135199655 jual obat aborsi cytotec asli di Ban...
 
RESEARCH-FINAL-DEFENSE-PPT-TEMPLATE.pptx
RESEARCH-FINAL-DEFENSE-PPT-TEMPLATE.pptxRESEARCH-FINAL-DEFENSE-PPT-TEMPLATE.pptx
RESEARCH-FINAL-DEFENSE-PPT-TEMPLATE.pptx
 
obat aborsi Tarakan wa 081336238223 jual obat aborsi cytotec asli di Tarakan9...
obat aborsi Tarakan wa 081336238223 jual obat aborsi cytotec asli di Tarakan9...obat aborsi Tarakan wa 081336238223 jual obat aborsi cytotec asli di Tarakan9...
obat aborsi Tarakan wa 081336238223 jual obat aborsi cytotec asli di Tarakan9...
 
一比一原版(Monash毕业证书)莫纳什大学毕业证原件一模一样
一比一原版(Monash毕业证书)莫纳什大学毕业证原件一模一样一比一原版(Monash毕业证书)莫纳什大学毕业证原件一模一样
一比一原版(Monash毕业证书)莫纳什大学毕业证原件一模一样
 
社内勉強会資料_Object Recognition as Next Token Prediction
社内勉強会資料_Object Recognition as Next Token Prediction社内勉強会資料_Object Recognition as Next Token Prediction
社内勉強会資料_Object Recognition as Next Token Prediction
 
Data Analytics for Digital Marketing Lecture for Advanced Digital & Social Me...
Data Analytics for Digital Marketing Lecture for Advanced Digital & Social Me...Data Analytics for Digital Marketing Lecture for Advanced Digital & Social Me...
Data Analytics for Digital Marketing Lecture for Advanced Digital & Social Me...
 
Jual obat aborsi Bandung ( 085657271886 ) Cytote pil telat bulan penggugur ka...
Jual obat aborsi Bandung ( 085657271886 ) Cytote pil telat bulan penggugur ka...Jual obat aborsi Bandung ( 085657271886 ) Cytote pil telat bulan penggugur ka...
Jual obat aborsi Bandung ( 085657271886 ) Cytote pil telat bulan penggugur ka...
 
Fuel Efficiency Forecast: Predictive Analytics for a Greener Automotive Future
Fuel Efficiency Forecast: Predictive Analytics for a Greener Automotive FutureFuel Efficiency Forecast: Predictive Analytics for a Greener Automotive Future
Fuel Efficiency Forecast: Predictive Analytics for a Greener Automotive Future
 

Machine Learning Tokyo - Deep Neural Networks for Video - NumberBoost