SlideShare a Scribd company logo
1 of 51
Download to read offline
Copyright Notice
These slides are distributed under the Creative Commons License.
DeepLearning.AI makes these slides available for educational purposes. You may not use or distribute
these slides for commercial purposes. You may make copies of these slides and use or distribute them for
educational purposes as long as you cite DeepLearning.AI as the source of the slides.
For the rest of the details of the license, see https://creativecommons.org/licenses/by-sa/2.0/legalcode
deeplearning.ai
Case	Studies
Why	look	at	
case	studies?
Andrew	Ng
Outline
Classic networks:
• LeNet-5
ResNet
Inception
• AlexNet
• VGG
deeplearning.ai
Case	Studies
Classic	networks
Andrew	Ng
LeNet - 5
⋮ ⋮
"
#
32×32 ×1 28×28×6 14×14×6 10×10×16 5×5×16
120 84
5	× 5
s = 1
f = 2
s = 2
avg pool
5	× 5
s = 1
avg pool
f = 2
s = 2
[LeCun et al., 1998. Gradient-based learning applied to document recognition]
Andrew	Ng
AlexNet
= ⋮ ⋮
227×227 ×3
55×55 ×96 27×27 ×96 27×27 ×256 13×13 ×256
13×13 ×384 13×13 ×384 13×13 ×256 6×6 ×256 9216 4096
⋮
4096
11	× 11
s = 4
3	× 3
s = 2
MAX-POOL
5	× 5
same
3	× 3
s = 2
MAX-POOL
3	× 3
same
3	× 3 3	× 3 3	× 3
s = 2
MAX-POOL
Softmax
1000
[Krizhevsky et al., 2012. ImageNet classification with deep convolutional neural networks]
Andrew	Ng
VGG - 16
224×224 ×3
CONV = 3×3 filter, s = 1, same MAX-POOL = 2×2 , s = 2
[CONV	64]
×2
224×224×64
POOL
112×112 ×64
[CONV	128]
×2
112×112 ×128
POOL
56×56 ×128
[CONV	256]
×3
56×56 ×256
POOL
28×28 ×256
[CONV	512]
×3
28×28 ×512
POOL
14×14×512
[CONV	512]
×3
14×14 ×512
POOL
7×7×512 FC
4096
FC
4096
Softmax
1000
[Simonyan & Zisserman 2015. Very deep convolutional networks for large-scale image recognition]
deeplearning.ai
Case	Studies
Residual	Networks	
(ResNets)
Andrew	Ng
Residual block
![#] ![#%&]
'[#%(] = *[#%(] ![#] + ,[#%(] ![#%(] = -('[#%(]) '[#%&] =	*[#%&]![#%(] + ,[#%&] ![#%&] = -('[#%&])
![#%(]
[He et al., 2015. Deep residual networks for image recognition]
Andrew	Ng
Residual Network
x ![#]
# layers
training
error
Plain
# layers
training
error
ResNet
[He et al., 2015. Deep residual networks for image recognition]
deeplearning.ai
Case	Studies
Why	ResNets
work
Andrew	Ng
Why do residual networks work?
Andrew	Ng
ResNet
Plain
ResNet
[He et al., 2015. Deep residual networks for image recognition]
deeplearning.ai
Case	Studies
Network	in	Network	
and	1×1	convolutions
Andrew	Ng
Why does a 1 × 1 convolution do?
1 2 3 6 5 8
3 5 5 1 3 4
2 1 3 4 9 3
4 7 8 5 7 9
1 5 3 7 4 8
5 4 9 8 3 5
2
∗ =
∗ =
6	× 6
6	× 6 × 32 1	× 1 × 32 6	× 6 × #	filters
[Lin et al., 2013. Network in network]
Andrew	Ng
Using 1×1 convolutions
28	× 28	× 192
28	× 28	× 32
ReLU
CONV 1 × 1
32
[Lin et al., 2013. Network in network]
deeplearning.ai
Case	Studies
Inception	network	
motivation
Andrew	Ng
Motivation for inception network
28 × 28 × 192
1 × 1
3 × 3
5 × 5
MAX-POOL
128
32
32
64
28
28
[Szegedy et al. 2014. Going deeper with convolutions]
Andrew	Ng
The problem of computational cost
28 × 28 × 192
CONV
5 × 5,
same,
32 28 × 28 × 32
Andrew	Ng
Using 1×1 convolution
28 × 28 × 192
CONV
1 × 1,
16,
1 × 1 × 192 28 × 28 × 16
CONV
5 × 5,
32,
5 × 5 × 16 28 × 28 × 32
deeplearning.ai
Case	Studies
Inception	network
Andrew	Ng
Inception module
Previous
Activation
1 × 1
CONV
1 × 1
CONV
3 × 3
CONV
1 × 1
CONV
5 × 5
CONV
MAXPOOL
3 × 3,s = 1
same
1 × 1
CONV
Channel
Concat
Andrew	Ng
Inception network
[Szegedy et al., 2014, Going Deeper with Convolutions]
Andrew	Ng
http://knowyourmeme.com/memes/we-need-to-go-deeper
MobileNet
Convolutional
Neural Networks
Andrew Ng
Motivation for MobileNets
• Low computational cost at deployment
• Useful for mobile and embedded vision
applications
• Key idea: Normal vs. depthwise-
separable convolutions
[Howard et al. 2017, MobileNets: Efficient Convolutional Neural Networks for Mobile Vision Applications]
Andrew Ng
Normal Convolution
Computational cost = #filter params x # filter positions x # of filters
6 x 6 x 3
*
3 x 3 x 3
=
4 x 4
4 x 4 x 5
Andrew Ng
Depthwise Separable Convolution
* =
Normal Convolution
* =
*
Depthwise Separable Convolution
Depthwise Pointwise
Andrew Ng
Computational cost = #filter params x # filter positions x # of filters
6 x 6 x 3
*
3 x 3
=
4 x 4 x 3
Depthwise Convolution
Andrew Ng
Depthwise Separable Convolution
* =
Depthwise Convolution
Pointwise Convolution
* =
Andrew Ng
Pointwise Convolution
Computational cost = #filter params x # filter positions x # of filters
* =
4 x 4 x 3
1 x 1 x 3
4 x 4 x 5
4 x 4
Andrew Ng
Depthwise Separable Convolution
* =
Normal Convolution
* =
*
Depthwise Separable Convolution
Depthwise Pointwise
Andrew Ng
Cost Summary
[Howard et al. 2017, MobileNets: Efficient Convolutional Neural Networks for Mobile Vision Applications]
Cost of depthwise separable convolution
Cost of normal convolution
Andrew Ng
Depthwise Separable Convolution
Depthwise Convolution
* =
Pointwise Convolution
* =
MobileNet
Architecture
Convolutional
Neural Networks
MobileNet
Andrew Ng
[Sandler et al. 2019, MobileNetV2: Inverted Residuals and Linear Bottlenecks]
MobileNet v1
MobileNet v2
Depthwise Projection
Expansion
Residual Connection
Andrew Ng
MobileNet v2 Bottleneck
[Sandler et al. 2019, MobileNetV2: Inverted Residuals and Linear Bottlenecks]
Residual Connection
Expansion Depthwise Pointwise
MobileNet
Andrew Ng
[Sandler et al. 2019, MobileNetV2: Inverted Residuals and Linear Bottlenecks]
MobileNet v1
MobileNet v2
Depthwise Projection
Expansion
Residual Connection
Andrew Ng
MobileNet v2 Full Architecture
[Sandler et al. 2019, MobileNetV2: Inverted Residuals and Linear Bottlenecks]
conv2d
conv2d
1 x 1
avgpool
7 x 7
conv2d
1 x 1
EfficientNet
Convolutional
Neural Networks
Andrew Ng
[Tan and Le, 2019, EfficientNet: Rethinking Model Scaling for Convolutional Neural Networks]
Baseline
Higher Resolution
Deeper
Wider
EfficientNet
ො
𝑦 ො
𝑦
ො
𝑦
ො
𝑦
Compound scaling
ො
𝑦
deeplearning.ai
Practical	advice	for	
using	ConvNets
Transfer	Learning
deeplearning.ai
Practical	advice	for	
using	ConvNets
Data	augmentation
Andrew	Ng
Common augmentation method
Mirroring
Random Cropping Rotation
Shearing
Local warping
…
Andrew	Ng
Color shifting
+20,-20,+20
-20,+20,+20
+5,0,+50
Andrew	Ng
Implementing distortions during training
deeplearning.ai
Practical	advice	for	
using	ConvNets
The	state	of	
computer	vision
Andrew	Ng
Data vs. hand-engineering
Two sources of knowledge
• Labeled data
• Hand engineered features/network architecture/other components
Andrew	Ng
Tips for doing well on benchmarks/winning
competitions
Ensembling
• Train several networks independently and average their outputs
Multi-crop at test time
• Run classifier on multiple versions of test images and average results
Andrew	Ng
Use open source code
• Use architectures of networks published in the literature
• Use pretrained models and fine-tune on your dataset
• Use open source implementations if possible

More Related Content

What's hot

Machine Learning with Decision trees
Machine Learning with Decision treesMachine Learning with Decision trees
Machine Learning with Decision treesKnoldus Inc.
 
Linear regression with gradient descent
Linear regression with gradient descentLinear regression with gradient descent
Linear regression with gradient descentSuraj Parmar
 
Introduction to Generative Adversarial Networks (GANs)
Introduction to Generative Adversarial Networks (GANs)Introduction to Generative Adversarial Networks (GANs)
Introduction to Generative Adversarial Networks (GANs)Appsilon Data Science
 
You Only Look Once: Unified, Real-Time Object Detection
You Only Look Once: Unified, Real-Time Object DetectionYou Only Look Once: Unified, Real-Time Object Detection
You Only Look Once: Unified, Real-Time Object DetectionDADAJONJURAKUZIEV
 
Generative adversarial networks
Generative adversarial networksGenerative adversarial networks
Generative adversarial networks남주 김
 
Deep neural networks
Deep neural networksDeep neural networks
Deep neural networksSi Haem
 
Vanishing & Exploding Gradients
Vanishing & Exploding GradientsVanishing & Exploding Gradients
Vanishing & Exploding GradientsSiddharth Vij
 
GAN in medical imaging
GAN in medical imagingGAN in medical imaging
GAN in medical imagingCheng-Bin Jin
 
Generative Adversarial Network (GAN)
Generative Adversarial Network (GAN)Generative Adversarial Network (GAN)
Generative Adversarial Network (GAN)Prakhar Rastogi
 
PR-132: SSD: Single Shot MultiBox Detector
PR-132: SSD: Single Shot MultiBox DetectorPR-132: SSD: Single Shot MultiBox Detector
PR-132: SSD: Single Shot MultiBox DetectorJinwon Lee
 
Convolutional Neural Network (CNN)
Convolutional Neural Network (CNN)Convolutional Neural Network (CNN)
Convolutional Neural Network (CNN)Muhammad Haroon
 
diffusion 모델부터 DALLE2까지.pdf
diffusion 모델부터 DALLE2까지.pdfdiffusion 모델부터 DALLE2까지.pdf
diffusion 모델부터 DALLE2까지.pdf수철 박
 
Onnx and onnx runtime
Onnx and onnx runtimeOnnx and onnx runtime
Onnx and onnx runtimeVishwas N
 
GANs and Applications
GANs and ApplicationsGANs and Applications
GANs and ApplicationsHoang Nguyen
 
Transformer based approaches for visual representation learning
Transformer based approaches for visual representation learningTransformer based approaches for visual representation learning
Transformer based approaches for visual representation learningRyohei Suzuki
 

What's hot (20)

Machine Learning with Decision trees
Machine Learning with Decision treesMachine Learning with Decision trees
Machine Learning with Decision trees
 
Linear regression with gradient descent
Linear regression with gradient descentLinear regression with gradient descent
Linear regression with gradient descent
 
Introduction to Generative Adversarial Networks (GANs)
Introduction to Generative Adversarial Networks (GANs)Introduction to Generative Adversarial Networks (GANs)
Introduction to Generative Adversarial Networks (GANs)
 
YOLO
YOLOYOLO
YOLO
 
Genetic Algorithms
Genetic AlgorithmsGenetic Algorithms
Genetic Algorithms
 
You Only Look Once: Unified, Real-Time Object Detection
You Only Look Once: Unified, Real-Time Object DetectionYou Only Look Once: Unified, Real-Time Object Detection
You Only Look Once: Unified, Real-Time Object Detection
 
Generative adversarial networks
Generative adversarial networksGenerative adversarial networks
Generative adversarial networks
 
Deep neural networks
Deep neural networksDeep neural networks
Deep neural networks
 
Vanishing & Exploding Gradients
Vanishing & Exploding GradientsVanishing & Exploding Gradients
Vanishing & Exploding Gradients
 
Ensemble methods
Ensemble methodsEnsemble methods
Ensemble methods
 
GAN in medical imaging
GAN in medical imagingGAN in medical imaging
GAN in medical imaging
 
Generative Adversarial Network (GAN)
Generative Adversarial Network (GAN)Generative Adversarial Network (GAN)
Generative Adversarial Network (GAN)
 
PR-132: SSD: Single Shot MultiBox Detector
PR-132: SSD: Single Shot MultiBox DetectorPR-132: SSD: Single Shot MultiBox Detector
PR-132: SSD: Single Shot MultiBox Detector
 
Convolutional Neural Network (CNN)
Convolutional Neural Network (CNN)Convolutional Neural Network (CNN)
Convolutional Neural Network (CNN)
 
diffusion 모델부터 DALLE2까지.pdf
diffusion 모델부터 DALLE2까지.pdfdiffusion 모델부터 DALLE2까지.pdf
diffusion 모델부터 DALLE2까지.pdf
 
Onnx and onnx runtime
Onnx and onnx runtimeOnnx and onnx runtime
Onnx and onnx runtime
 
GANs and Applications
GANs and ApplicationsGANs and Applications
GANs and Applications
 
Transformer based approaches for visual representation learning
Transformer based approaches for visual representation learningTransformer based approaches for visual representation learning
Transformer based approaches for visual representation learning
 
Desktop assistant
Desktop assistant Desktop assistant
Desktop assistant
 
Mask R-CNN
Mask R-CNNMask R-CNN
Mask R-CNN
 

Similar to C4_W2.pdf

"Designing CNN Algorithms for Real-time Applications," a Presentation from Al...
"Designing CNN Algorithms for Real-time Applications," a Presentation from Al..."Designing CNN Algorithms for Real-time Applications," a Presentation from Al...
"Designing CNN Algorithms for Real-time Applications," a Presentation from Al...Edge AI and Vision Alliance
 
Applying your Convolutional Neural Networks
Applying your Convolutional Neural NetworksApplying your Convolutional Neural Networks
Applying your Convolutional Neural NetworksDatabricks
 
IRJET- Generating 3D Models Using 3D Generative Adversarial Network
IRJET- Generating 3D Models Using 3D Generative Adversarial NetworkIRJET- Generating 3D Models Using 3D Generative Adversarial Network
IRJET- Generating 3D Models Using 3D Generative Adversarial NetworkIRJET Journal
 
SHORTEST PATH FINDING VISUALIZER
SHORTEST PATH FINDING VISUALIZERSHORTEST PATH FINDING VISUALIZER
SHORTEST PATH FINDING VISUALIZERIRJET Journal
 
Face recognition face verification one shot learning
Face recognition face verification one shot learningFace recognition face verification one shot learning
Face recognition face verification one shot learningcg14tech
 
Convolution Neural Networks and Ensembles for Visually Impaired Aid.pdf
Convolution Neural Networks and Ensembles for Visually Impaired Aid.pdfConvolution Neural Networks and Ensembles for Visually Impaired Aid.pdf
Convolution Neural Networks and Ensembles for Visually Impaired Aid.pdfloliktry1
 
A Novel Target Marketing Approach based on Influence Maximization
A Novel Target Marketing Approach based on Influence MaximizationA Novel Target Marketing Approach based on Influence Maximization
A Novel Target Marketing Approach based on Influence MaximizationSurendra Gadwal
 
Neural Architectures for Still Images - Xavier Giro- UPC Barcelona 2019
Neural Architectures for Still Images - Xavier Giro- UPC Barcelona 2019Neural Architectures for Still Images - Xavier Giro- UPC Barcelona 2019
Neural Architectures for Still Images - Xavier Giro- UPC Barcelona 2019Universitat Politècnica de Catalunya
 
"Demystifying Deep Neural Networks," a Presentation from BDTI
"Demystifying Deep Neural Networks," a Presentation from BDTI"Demystifying Deep Neural Networks," a Presentation from BDTI
"Demystifying Deep Neural Networks," a Presentation from BDTIEdge AI and Vision Alliance
 
PERICLES Ecosystem Modelling (NCDD use case) - Acting on Change 2016
PERICLES Ecosystem Modelling (NCDD use case) - Acting on Change 2016PERICLES Ecosystem Modelling (NCDD use case) - Acting on Change 2016
PERICLES Ecosystem Modelling (NCDD use case) - Acting on Change 2016PERICLES_FP7
 
OPTIMAL CLUSTERING AND ROUTING FOR WIRELESS SENSOR NETWORK BASED ON CUCKOO SE...
OPTIMAL CLUSTERING AND ROUTING FOR WIRELESS SENSOR NETWORK BASED ON CUCKOO SE...OPTIMAL CLUSTERING AND ROUTING FOR WIRELESS SENSOR NETWORK BASED ON CUCKOO SE...
OPTIMAL CLUSTERING AND ROUTING FOR WIRELESS SENSOR NETWORK BASED ON CUCKOO SE...ijassn
 
Fractional step discriminant pruning
Fractional step discriminant pruningFractional step discriminant pruning
Fractional step discriminant pruningVasileiosMezaris
 
Entity embeddings for categorical data
Entity embeddings for categorical dataEntity embeddings for categorical data
Entity embeddings for categorical dataPaul Skeie
 
A new approachto image classification based on adeep multiclass AdaBoosting e...
A new approachto image classification based on adeep multiclass AdaBoosting e...A new approachto image classification based on adeep multiclass AdaBoosting e...
A new approachto image classification based on adeep multiclass AdaBoosting e...IJECEIAES
 
Scalable Graph Convolutional Network Based Link Prediction on a Distributed G...
Scalable Graph Convolutional Network Based Link Prediction on a Distributed G...Scalable Graph Convolutional Network Based Link Prediction on a Distributed G...
Scalable Graph Convolutional Network Based Link Prediction on a Distributed G...miyurud
 
Convolutional Neural Networks - Xavier Giro - UPC TelecomBCN Barcelona 2020
Convolutional Neural Networks - Xavier Giro - UPC TelecomBCN Barcelona 2020Convolutional Neural Networks - Xavier Giro - UPC TelecomBCN Barcelona 2020
Convolutional Neural Networks - Xavier Giro - UPC TelecomBCN Barcelona 2020Universitat Politècnica de Catalunya
 
Small Deep-Neural-Networks: Their Advantages and Their Design
Small Deep-Neural-Networks: Their Advantages and Their DesignSmall Deep-Neural-Networks: Their Advantages and Their Design
Small Deep-Neural-Networks: Their Advantages and Their DesignForrest Iandola
 

Similar to C4_W2.pdf (20)

DA FDAFDSasd
DA FDAFDSasdDA FDAFDSasd
DA FDAFDSasd
 
"Designing CNN Algorithms for Real-time Applications," a Presentation from Al...
"Designing CNN Algorithms for Real-time Applications," a Presentation from Al..."Designing CNN Algorithms for Real-time Applications," a Presentation from Al...
"Designing CNN Algorithms for Real-time Applications," a Presentation from Al...
 
Applying your Convolutional Neural Networks
Applying your Convolutional Neural NetworksApplying your Convolutional Neural Networks
Applying your Convolutional Neural Networks
 
IRJET- Generating 3D Models Using 3D Generative Adversarial Network
IRJET- Generating 3D Models Using 3D Generative Adversarial NetworkIRJET- Generating 3D Models Using 3D Generative Adversarial Network
IRJET- Generating 3D Models Using 3D Generative Adversarial Network
 
SHORTEST PATH FINDING VISUALIZER
SHORTEST PATH FINDING VISUALIZERSHORTEST PATH FINDING VISUALIZER
SHORTEST PATH FINDING VISUALIZER
 
Face recognition face verification one shot learning
Face recognition face verification one shot learningFace recognition face verification one shot learning
Face recognition face verification one shot learning
 
Convolution Neural Networks and Ensembles for Visually Impaired Aid.pdf
Convolution Neural Networks and Ensembles for Visually Impaired Aid.pdfConvolution Neural Networks and Ensembles for Visually Impaired Aid.pdf
Convolution Neural Networks and Ensembles for Visually Impaired Aid.pdf
 
A Novel Target Marketing Approach based on Influence Maximization
A Novel Target Marketing Approach based on Influence MaximizationA Novel Target Marketing Approach based on Influence Maximization
A Novel Target Marketing Approach based on Influence Maximization
 
Neural Architectures for Still Images - Xavier Giro- UPC Barcelona 2019
Neural Architectures for Still Images - Xavier Giro- UPC Barcelona 2019Neural Architectures for Still Images - Xavier Giro- UPC Barcelona 2019
Neural Architectures for Still Images - Xavier Giro- UPC Barcelona 2019
 
"Demystifying Deep Neural Networks," a Presentation from BDTI
"Demystifying Deep Neural Networks," a Presentation from BDTI"Demystifying Deep Neural Networks," a Presentation from BDTI
"Demystifying Deep Neural Networks," a Presentation from BDTI
 
PERICLES Ecosystem Modelling (NCDD use case) - Acting on Change 2016
PERICLES Ecosystem Modelling (NCDD use case) - Acting on Change 2016PERICLES Ecosystem Modelling (NCDD use case) - Acting on Change 2016
PERICLES Ecosystem Modelling (NCDD use case) - Acting on Change 2016
 
OPTIMAL CLUSTERING AND ROUTING FOR WIRELESS SENSOR NETWORK BASED ON CUCKOO SE...
OPTIMAL CLUSTERING AND ROUTING FOR WIRELESS SENSOR NETWORK BASED ON CUCKOO SE...OPTIMAL CLUSTERING AND ROUTING FOR WIRELESS SENSOR NETWORK BASED ON CUCKOO SE...
OPTIMAL CLUSTERING AND ROUTING FOR WIRELESS SENSOR NETWORK BASED ON CUCKOO SE...
 
Fractional step discriminant pruning
Fractional step discriminant pruningFractional step discriminant pruning
Fractional step discriminant pruning
 
Cmpe 255 Short Story Assignment
Cmpe 255 Short Story AssignmentCmpe 255 Short Story Assignment
Cmpe 255 Short Story Assignment
 
Entity embeddings for categorical data
Entity embeddings for categorical dataEntity embeddings for categorical data
Entity embeddings for categorical data
 
A detailed analysis of the supervised machine Learning Algorithms
A detailed analysis of the supervised machine Learning AlgorithmsA detailed analysis of the supervised machine Learning Algorithms
A detailed analysis of the supervised machine Learning Algorithms
 
A new approachto image classification based on adeep multiclass AdaBoosting e...
A new approachto image classification based on adeep multiclass AdaBoosting e...A new approachto image classification based on adeep multiclass AdaBoosting e...
A new approachto image classification based on adeep multiclass AdaBoosting e...
 
Scalable Graph Convolutional Network Based Link Prediction on a Distributed G...
Scalable Graph Convolutional Network Based Link Prediction on a Distributed G...Scalable Graph Convolutional Network Based Link Prediction on a Distributed G...
Scalable Graph Convolutional Network Based Link Prediction on a Distributed G...
 
Convolutional Neural Networks - Xavier Giro - UPC TelecomBCN Barcelona 2020
Convolutional Neural Networks - Xavier Giro - UPC TelecomBCN Barcelona 2020Convolutional Neural Networks - Xavier Giro - UPC TelecomBCN Barcelona 2020
Convolutional Neural Networks - Xavier Giro - UPC TelecomBCN Barcelona 2020
 
Small Deep-Neural-Networks: Their Advantages and Their Design
Small Deep-Neural-Networks: Their Advantages and Their DesignSmall Deep-Neural-Networks: Their Advantages and Their Design
Small Deep-Neural-Networks: Their Advantages and Their Design
 

Recently uploaded

Call Girls in Sarai Kale Khan Delhi 💯 Call Us 🔝9205541914 🔝( Delhi) Escorts S...
Call Girls in Sarai Kale Khan Delhi 💯 Call Us 🔝9205541914 🔝( Delhi) Escorts S...Call Girls in Sarai Kale Khan Delhi 💯 Call Us 🔝9205541914 🔝( Delhi) Escorts S...
Call Girls in Sarai Kale Khan Delhi 💯 Call Us 🔝9205541914 🔝( Delhi) Escorts S...Delhi Call girls
 
Al Barsha Escorts $#$ O565212860 $#$ Escort Service In Al Barsha
Al Barsha Escorts $#$ O565212860 $#$ Escort Service In Al BarshaAl Barsha Escorts $#$ O565212860 $#$ Escort Service In Al Barsha
Al Barsha Escorts $#$ O565212860 $#$ Escort Service In Al BarshaAroojKhan71
 
Smarteg dropshipping via API with DroFx.pptx
Smarteg dropshipping via API with DroFx.pptxSmarteg dropshipping via API with DroFx.pptx
Smarteg dropshipping via API with DroFx.pptxolyaivanovalion
 
Chintamani Call Girls: 🍓 7737669865 🍓 High Profile Model Escorts | Bangalore ...
Chintamani Call Girls: 🍓 7737669865 🍓 High Profile Model Escorts | Bangalore ...Chintamani Call Girls: 🍓 7737669865 🍓 High Profile Model Escorts | Bangalore ...
Chintamani Call Girls: 🍓 7737669865 🍓 High Profile Model Escorts | Bangalore ...amitlee9823
 
Vip Model Call Girls (Delhi) Karol Bagh 9711199171✔️Body to body massage wit...
Vip Model  Call Girls (Delhi) Karol Bagh 9711199171✔️Body to body massage wit...Vip Model  Call Girls (Delhi) Karol Bagh 9711199171✔️Body to body massage wit...
Vip Model Call Girls (Delhi) Karol Bagh 9711199171✔️Body to body massage wit...shivangimorya083
 
Halmar dropshipping via API with DroFx
Halmar  dropshipping  via API with DroFxHalmar  dropshipping  via API with DroFx
Halmar dropshipping via API with DroFxolyaivanovalion
 
Zuja dropshipping via API with DroFx.pptx
Zuja dropshipping via API with DroFx.pptxZuja dropshipping via API with DroFx.pptx
Zuja dropshipping via API with DroFx.pptxolyaivanovalion
 
Best VIP Call Girls Noida Sector 22 Call Me: 8448380779
Best VIP Call Girls Noida Sector 22 Call Me: 8448380779Best VIP Call Girls Noida Sector 22 Call Me: 8448380779
Best VIP Call Girls Noida Sector 22 Call Me: 8448380779Delhi Call girls
 
Carero dropshipping via API with DroFx.pptx
Carero dropshipping via API with DroFx.pptxCarero dropshipping via API with DroFx.pptx
Carero dropshipping via API with DroFx.pptxolyaivanovalion
 
Invezz.com - Grow your wealth with trading signals
Invezz.com - Grow your wealth with trading signalsInvezz.com - Grow your wealth with trading signals
Invezz.com - Grow your wealth with trading signalsInvezz1
 
100-Concepts-of-AI by Anupama Kate .pptx
100-Concepts-of-AI by Anupama Kate .pptx100-Concepts-of-AI by Anupama Kate .pptx
100-Concepts-of-AI by Anupama Kate .pptxAnupama Kate
 
CebaBaby dropshipping via API with DroFX.pptx
CebaBaby dropshipping via API with DroFX.pptxCebaBaby dropshipping via API with DroFX.pptx
CebaBaby dropshipping via API with DroFX.pptxolyaivanovalion
 
Midocean dropshipping via API with DroFx
Midocean dropshipping via API with DroFxMidocean dropshipping via API with DroFx
Midocean dropshipping via API with DroFxolyaivanovalion
 
Introduction-to-Machine-Learning (1).pptx
Introduction-to-Machine-Learning (1).pptxIntroduction-to-Machine-Learning (1).pptx
Introduction-to-Machine-Learning (1).pptxfirstjob4
 
Generative AI on Enterprise Cloud with NiFi and Milvus
Generative AI on Enterprise Cloud with NiFi and MilvusGenerative AI on Enterprise Cloud with NiFi and Milvus
Generative AI on Enterprise Cloud with NiFi and MilvusTimothy Spann
 

Recently uploaded (20)

Delhi 99530 vip 56974 Genuine Escort Service Call Girls in Kishangarh
Delhi 99530 vip 56974 Genuine Escort Service Call Girls in  KishangarhDelhi 99530 vip 56974 Genuine Escort Service Call Girls in  Kishangarh
Delhi 99530 vip 56974 Genuine Escort Service Call Girls in Kishangarh
 
Call Girls In Shalimar Bagh ( Delhi) 9953330565 Escorts Service
Call Girls In Shalimar Bagh ( Delhi) 9953330565 Escorts ServiceCall Girls In Shalimar Bagh ( Delhi) 9953330565 Escorts Service
Call Girls In Shalimar Bagh ( Delhi) 9953330565 Escorts Service
 
Call Girls in Sarai Kale Khan Delhi 💯 Call Us 🔝9205541914 🔝( Delhi) Escorts S...
Call Girls in Sarai Kale Khan Delhi 💯 Call Us 🔝9205541914 🔝( Delhi) Escorts S...Call Girls in Sarai Kale Khan Delhi 💯 Call Us 🔝9205541914 🔝( Delhi) Escorts S...
Call Girls in Sarai Kale Khan Delhi 💯 Call Us 🔝9205541914 🔝( Delhi) Escorts S...
 
CHEAP Call Girls in Saket (-DELHI )🔝 9953056974🔝(=)/CALL GIRLS SERVICE
CHEAP Call Girls in Saket (-DELHI )🔝 9953056974🔝(=)/CALL GIRLS SERVICECHEAP Call Girls in Saket (-DELHI )🔝 9953056974🔝(=)/CALL GIRLS SERVICE
CHEAP Call Girls in Saket (-DELHI )🔝 9953056974🔝(=)/CALL GIRLS SERVICE
 
Al Barsha Escorts $#$ O565212860 $#$ Escort Service In Al Barsha
Al Barsha Escorts $#$ O565212860 $#$ Escort Service In Al BarshaAl Barsha Escorts $#$ O565212860 $#$ Escort Service In Al Barsha
Al Barsha Escorts $#$ O565212860 $#$ Escort Service In Al Barsha
 
Smarteg dropshipping via API with DroFx.pptx
Smarteg dropshipping via API with DroFx.pptxSmarteg dropshipping via API with DroFx.pptx
Smarteg dropshipping via API with DroFx.pptx
 
Chintamani Call Girls: 🍓 7737669865 🍓 High Profile Model Escorts | Bangalore ...
Chintamani Call Girls: 🍓 7737669865 🍓 High Profile Model Escorts | Bangalore ...Chintamani Call Girls: 🍓 7737669865 🍓 High Profile Model Escorts | Bangalore ...
Chintamani Call Girls: 🍓 7737669865 🍓 High Profile Model Escorts | Bangalore ...
 
Vip Model Call Girls (Delhi) Karol Bagh 9711199171✔️Body to body massage wit...
Vip Model  Call Girls (Delhi) Karol Bagh 9711199171✔️Body to body massage wit...Vip Model  Call Girls (Delhi) Karol Bagh 9711199171✔️Body to body massage wit...
Vip Model Call Girls (Delhi) Karol Bagh 9711199171✔️Body to body massage wit...
 
Halmar dropshipping via API with DroFx
Halmar  dropshipping  via API with DroFxHalmar  dropshipping  via API with DroFx
Halmar dropshipping via API with DroFx
 
Zuja dropshipping via API with DroFx.pptx
Zuja dropshipping via API with DroFx.pptxZuja dropshipping via API with DroFx.pptx
Zuja dropshipping via API with DroFx.pptx
 
Abortion pills in Doha Qatar (+966572737505 ! Get Cytotec
Abortion pills in Doha Qatar (+966572737505 ! Get CytotecAbortion pills in Doha Qatar (+966572737505 ! Get Cytotec
Abortion pills in Doha Qatar (+966572737505 ! Get Cytotec
 
Best VIP Call Girls Noida Sector 22 Call Me: 8448380779
Best VIP Call Girls Noida Sector 22 Call Me: 8448380779Best VIP Call Girls Noida Sector 22 Call Me: 8448380779
Best VIP Call Girls Noida Sector 22 Call Me: 8448380779
 
Carero dropshipping via API with DroFx.pptx
Carero dropshipping via API with DroFx.pptxCarero dropshipping via API with DroFx.pptx
Carero dropshipping via API with DroFx.pptx
 
Invezz.com - Grow your wealth with trading signals
Invezz.com - Grow your wealth with trading signalsInvezz.com - Grow your wealth with trading signals
Invezz.com - Grow your wealth with trading signals
 
100-Concepts-of-AI by Anupama Kate .pptx
100-Concepts-of-AI by Anupama Kate .pptx100-Concepts-of-AI by Anupama Kate .pptx
100-Concepts-of-AI by Anupama Kate .pptx
 
CebaBaby dropshipping via API with DroFX.pptx
CebaBaby dropshipping via API with DroFX.pptxCebaBaby dropshipping via API with DroFX.pptx
CebaBaby dropshipping via API with DroFX.pptx
 
Midocean dropshipping via API with DroFx
Midocean dropshipping via API with DroFxMidocean dropshipping via API with DroFx
Midocean dropshipping via API with DroFx
 
(NEHA) Call Girls Katra Call Now 8617697112 Katra Escorts 24x7
(NEHA) Call Girls Katra Call Now 8617697112 Katra Escorts 24x7(NEHA) Call Girls Katra Call Now 8617697112 Katra Escorts 24x7
(NEHA) Call Girls Katra Call Now 8617697112 Katra Escorts 24x7
 
Introduction-to-Machine-Learning (1).pptx
Introduction-to-Machine-Learning (1).pptxIntroduction-to-Machine-Learning (1).pptx
Introduction-to-Machine-Learning (1).pptx
 
Generative AI on Enterprise Cloud with NiFi and Milvus
Generative AI on Enterprise Cloud with NiFi and MilvusGenerative AI on Enterprise Cloud with NiFi and Milvus
Generative AI on Enterprise Cloud with NiFi and Milvus
 

C4_W2.pdf