SlideShare a Scribd company logo
1 of 46
Download to read offline
https://connpass.com/event/136350/
TensorFlow

Quantization Tour
2019/07/10 @KSuzukiii
Quantization!?
Mobile & IoT( )
float/double( ) 



Integer( ) 

int4,int8,int16…
:http://bit.ly/2FJJtw1
TensorFlow Model Optimization Toolkit — Post-Training Integer Quantization
Quantization Flow
Post-training Quantization
Quantization-aware training
Quantization Flow
Post-training Quantization
Quantization-aware training
Post-training Q
Post-training Q
Post-training Q
NN Weight/Bias
Post-training Q
NN Weight/Bias
Post-training Q
NN Weight/Bias
Quantizing weights
https://www.tensorflow.org/lite/
performance/post_training_quantization
import tensorflow as tf
converter = tf.lite.TFLiteConverter.from_saved_model(saved_model_dir)
converter.optimizations = [tf.lite.Optimize.OPTIMIZE_FOR_SIZE]
tflite_quant_model = converter.convert()
tf.lite.Optimize
DEFAULT(Improved Size and Latency)
OPTIMIZE_FOR_SIZE
OPTIMIZE_FOR_LATENCY
NN
CONV2D
ReLU
CONV2D
BatchNorm
ReLU
Pooling
CONV2D
ReLU
CONV2D
BatchNorm
ReLU
Pooling
flatten
Dense
SoftMax
CIFAR10
(32x32x3)
Label:10
_________________________________________________________
Layer (type) Output Shape Param #
=========================================================
conv2d (Conv2D) (None, 32, 32, 64) 1792
_________________________________________________________
conv2d_1 (Conv2D) (None, 32, 32, 64) 36928
_________________________________________________________
batch_normalization (BatchNo (None, 32, 32, 64) 256
_________________________________________________________
activation (Activation) (None, 32, 32, 64) 0
_________________________________________________________
max_pooling2d (MaxPooling2D) (None, 16, 16, 64) 0
_________________________________________________________
conv2d_2 (Conv2D) (None, 16, 16, 128) 73856
_________________________________________________________
conv2d_3 (Conv2D) (None, 16, 16, 128) 147584
_________________________________________________________
batch_normalization_1 (Batch (None, 16, 16, 128) 512
_________________________________________________________
activation_1 (Activation) (None, 16, 16, 128) 0
_________________________________________________________
max_pooling2d_1 (MaxPooling2 (None, 8, 8, 128) 0
_________________________________________________________
flatten (Flatten) (None, 8192) 0
_________________________________________________________
dense (Dense) (None, 10) 81930
=========================================================
Total params: 342,858
Trainable params: 342,474
Non-trainable params: 384
_________________________________________________________
NORMAL 4.18MiB
TensorFlowLite
NORMAL 4.18MiB
DEFAULT 1.37MiB
70%
TensorFlowLite
NORMAL 4.18MiB
DEFAULT 1.37MiB
70%
TensorFlowLite
{'dtype': numpy.float32,
'index': 4,
'name': 'sequential/conv2d/Conv2D/ReadVariableOp',
'quantization': (0.0, 0),
'shape': array([64, 3, 3, 3], dtype=int32)},
{'dtype': numpy.float32,
'index': 5,
'name': 'sequential/conv2d/Conv2D_bias',
'quantization': (0.0, 0),
'shape': array([64], dtype=int32)},
NORMAL 4.18MiB
DEFAULT 1.37MiB
FOR_SIZE 346KiB
FOR_LATENCY 346KiB
92%
75%
TensorFlowLite
NORMAL 4.18MiB
DEFAULT 1.37MiB
FOR_SIZE 346KiB
FOR_LATENCY 346KiB
92%
75%
TensorFlowLite
{‘dtype': numpy.int8,
'index': 4,
'name': 'sequential/conv2d/Conv2D/ReadVariableOp',
'quantization': (0.0017586048925295472, 0),
'shape': array([64, 3, 3, 3], dtype=int32)},
{'dtype': numpy.float32,
'index': 5,
'name': 'sequential/conv2d/Conv2D_bias',
'quantization': (0.0, 0),
'shape': array([64], dtype=int32)},
NORMAL 4.18MiB
DEFAULT 1.37MiB
FOR_SIZE 346KiB
FOR_LATENCY 346KiB
92%
75%
TensorFlowLite
{‘dtype': numpy.int8,
'index': 4,
'name': 'sequential/conv2d/Conv2D/ReadVariableOp',
'quantization': (0.0017586048925295472, 0),
'shape': array([64, 3, 3, 3], dtype=int32)},
{'dtype': numpy.float32,
'index': 5,
'name': 'sequential/conv2d/Conv2D_bias',
'quantization': (0.0, 0),
'shape': array([64], dtype=int32)},
TFLite 8-bit
quantization spec
real_value = (int8_value − zero_point) × scale
TFLite 8-bit
quantization spec
real_value = (int8_value − zero_point) × scale
{‘dtype': numpy.int8,
'index': 4,
'name': 'sequential/conv2d/Conv2D/ReadVariableOp',
'quantization': (0.0017586048925295472, 0),
'shape': array([64, 3, 3, 3], dtype=int32)},
TFLite 8-bit
quantization spec
real_value = (int8_value − zero_point) × scale
{‘dtype': numpy.int8,
'index': 4,
'name': 'sequential/conv2d/Conv2D/ReadVariableOp',
'quantization': (0.0017586048925295472, 0),
'shape': array([64, 3, 3, 3], dtype=int32)},
TFLite 8-bit
quantization spec
real_value = (int8_value − zero_point) × scale
{‘dtype': numpy.int8,
'index': 4,
'name': 'sequential/conv2d/Conv2D/ReadVariableOp',
'quantization': (0.0017586048925295472, 0),
'shape': array([64, 3, 3, 3], dtype=int32)},
:weight -127, —8, 2, 127
-0.2233428213512525, -0.014068839140236378,
0.0035172097850590944, 0.2233428213512525
-0.2233428213512525 0.2233428213512525
input +× ReLU
Weight Bias
quantize
float32 float32
float32 float32 float32 float32
int8
CONV2D
input +× ReLU
Weight Bias
quantize
float32 float32
float32 float32 float32 float32
int8
CONV2D
http://bit.ly/2jF7hck
P5
int8 float32
Energy
Full integer quantization
of weights and activations
https://www.tensorflow.org/lite/
performance/post_training_quantization
import tensorflow as tf
def representative_dataset_gen():
  for _ in range(num_calibration_steps):
    # Get sample input data as a numpy array in a method of your choosing.
    yield [input]
converter = tf.lite.TFLiteConverter.from_saved_model(saved_model_dir)
converter.optimizations = [tf.lite.Optimize.DEFAULT]
converter.representative_dataset = representative_dataset_gen
tflite_quant_model = converter.convert()
100( 1000 ) calibration
NORMAL 4.18MiB
DEFAULT 1.37MiB
FOR_SIZE 346KiB
FOR_LATENCY 346KiB
Full integer
quantization
356KiB
70%
92%
75%
TensorFlowLite
NORMAL 4.18MiB
DEFAULT 1.37MiB
FOR_SIZE 346KiB
FOR_LATENCY 346KiB
Full integer
quantization
356KiB
70%
92%
75%
TensorFlowLite
{‘dtype': numpy.int8,
'index': 4,
'name': 'sequential/conv2d/Conv2D/ReadVariableOp',
'quantization': (0.0, 0),
'shape': array([64, 3, 3, 3], dtype=int32)},
{'dtype': numpy.int32,
'index': 5,
'name': 'sequential/conv2d/Conv2D_bias',
'quantization': (0.0, 0),
'shape': array([64], dtype=int32)},
input +× ReLU
Weight Bias
int32
int8 int32? int32? int8?
int8
CONV2D
quantize
float32
input +× ReLU
Weight Bias
int32
int8 int32? int32? int8?
int8
CONV2D
quantize
float32
input +× ReLU
Weight Bias
int32
int8 int32? int32? int8?
int8
CONV2D
quantize
float32
{'dtype': numpy.int8,
'index': 6,
'name': 'sequential/conv2d/Relu',
'quantization': (0.0032105057034641504, -128),
'shape': array([ 1, 32, 32, 64], dtype=int32)},
Edge TPU
NORMAL 4.18MiB
DEFAULT 1.37MiB
FOR_SIZE 346KiB
FOR_LATENCY 346KiB
Full integer
quantization
356KiB
Edge TPU 451KiB
70%
92%
75%
TensorFlowLite
Edge TPU
edgetpu_compiler
--show_operations
Number of operations that will run on Edge TPU: 8
Number of operations that will run on CPU: 2
Operator Count Status
MAX_POOL_2D 2 Mapped to Edge TPU
QUANTIZE 1 Operation is otherwise supported, but not mapped due
to some unspecified limitation
CONV_2D 4 Mapped to Edge TPU
DEQUANTIZE 1 Operation is working on an unsupported data type
SOFTMAX 1 Mapped to Edge TPU
FULLY_CONNECTED 1 Mapped to Edge TPU
edgetpu_compiler
--show_operations
Number of operations that will run on Edge TPU: 8
Number of operations that will run on CPU: 2
Operator Count Status
MAX_POOL_2D 2 Mapped to Edge TPU
QUANTIZE 1 Operation is otherwise supported, but not mapped due
to some unspecified limitation
CONV_2D 4 Mapped to Edge TPU
DEQUANTIZE 1 Operation is working on an unsupported data type
SOFTMAX 1 Mapped to Edge TPU
FULLY_CONNECTED 1 Mapped to Edge TPU
CONV2D DenseSoftMaxPooling
Quantize Dequantize
Edge TPU
CPU
input
Weight Bias
int32
int8
int8
Quantize
float32
CONV2D
Weight Bias
int32
int8
int8
CONV2D
Weight Bias
int32
int8
int8
Dense
int8
SoftMax Dequantize
output
float32int8
input
Weight Bias
int32
int8
int8
Quantize
float32
CONV2D
Weight Bias
int32
int8
int8
CONV2D
Weight Bias
int32
int8
int8
Dense
int8
SoftMax Dequantize
output
float32int8
restriction:
(scale, zero_point) =
(1.0 / 256.0, -128)
output int8
input
Weight Bias
int32
int8
int8
Quantize
float32
CONV2D
Weight Bias
int32
int8
int8
CONV2D
Weight Bias
int32
int8
int8
Dense
int8
SoftMax Dequantize
output
float32int8
output int8
input
Weight Bias
int32
int8
int8
Quantize
float32
CONV2D
Weight Bias
int32
int8
int8
CONV2D
Weight Bias
int32
int8
int8
Dense
int8
SoftMax Dequantize
output
float32int8
converter.target_spec.supported_ops =
[tf.lite.OpSet.TFLITE_BUILTINS_INT8]
int8
Quantization
TFLiteConverter
Quantization
Winter
→
Optimization Toolkit -
Pruning API
TensorFlow Lite 8-bit quantization specification

https://www.tensorflow.org/lite/performance/
quantization_spec
Performance best practices

https://www.tensorflow.org/lite/performance/
best_practices

More Related Content

What's hot (19)

DATA TYPE IN PYTHON
DATA TYPE IN PYTHONDATA TYPE IN PYTHON
DATA TYPE IN PYTHON
 
Python-oop
Python-oopPython-oop
Python-oop
 
Python + Tensorflow: how to earn money in the Stock Exchange with Deep Learni...
Python + Tensorflow: how to earn money in the Stock Exchange with Deep Learni...Python + Tensorflow: how to earn money in the Stock Exchange with Deep Learni...
Python + Tensorflow: how to earn money in the Stock Exchange with Deep Learni...
 
Advanced C - Part 3
Advanced C - Part 3Advanced C - Part 3
Advanced C - Part 3
 
A look into the sanitizer family (ASAN & UBSAN) by Akul Pillai
A look into the sanitizer family (ASAN & UBSAN) by Akul PillaiA look into the sanitizer family (ASAN & UBSAN) by Akul Pillai
A look into the sanitizer family (ASAN & UBSAN) by Akul Pillai
 
Computer Programming- Lecture 3
Computer Programming- Lecture 3Computer Programming- Lecture 3
Computer Programming- Lecture 3
 
Introduction to AspectJ
Introduction to AspectJIntroduction to AspectJ
Introduction to AspectJ
 
Chap 4 c++
Chap 4 c++Chap 4 c++
Chap 4 c++
 
Chap 4 c++
Chap 4 c++Chap 4 c++
Chap 4 c++
 
Computer Programming- Lecture 8
Computer Programming- Lecture 8Computer Programming- Lecture 8
Computer Programming- Lecture 8
 
Programming Fundamentals Arrays and Strings
Programming Fundamentals   Arrays and Strings Programming Fundamentals   Arrays and Strings
Programming Fundamentals Arrays and Strings
 
Memory management in C++
Memory management in C++Memory management in C++
Memory management in C++
 
Quality Python Homework Help
Quality Python Homework HelpQuality Python Homework Help
Quality Python Homework Help
 
Computer Programming- Lecture 7
Computer Programming- Lecture 7Computer Programming- Lecture 7
Computer Programming- Lecture 7
 
OPERATOR IN PYTHON-PART1
OPERATOR IN PYTHON-PART1OPERATOR IN PYTHON-PART1
OPERATOR IN PYTHON-PART1
 
Quality Python Homework Help
Quality Python Homework HelpQuality Python Homework Help
Quality Python Homework Help
 
Python Exception Handling
Python Exception HandlingPython Exception Handling
Python Exception Handling
 
Lab. Programs in C
Lab. Programs in CLab. Programs in C
Lab. Programs in C
 
Computer science ms
Computer science msComputer science ms
Computer science ms
 

Similar to TensorFlow Quantization Tour

The System of Automatic Searching for Vulnerabilities or how to use Taint Ana...
The System of Automatic Searching for Vulnerabilities or how to use Taint Ana...The System of Automatic Searching for Vulnerabilities or how to use Taint Ana...
The System of Automatic Searching for Vulnerabilities or how to use Taint Ana...Positive Hack Days
 
Static analysis of C++ source code
Static analysis of C++ source codeStatic analysis of C++ source code
Static analysis of C++ source codeAndrey Karpov
 
Static analysis of C++ source code
Static analysis of C++ source codeStatic analysis of C++ source code
Static analysis of C++ source codePVS-Studio
 
[DevDay2019] Python Machine Learning with Jupyter Notebook - By Nguyen Huu Th...
[DevDay2019] Python Machine Learning with Jupyter Notebook - By Nguyen Huu Th...[DevDay2019] Python Machine Learning with Jupyter Notebook - By Nguyen Huu Th...
[DevDay2019] Python Machine Learning with Jupyter Notebook - By Nguyen Huu Th...DevDay.org
 
Tech day ngobrol santai tensorflow
Tech day ngobrol santai tensorflowTech day ngobrol santai tensorflow
Tech day ngobrol santai tensorflowRamdhan Rizki
 
Computer Architecture and Organization
Computer Architecture and OrganizationComputer Architecture and Organization
Computer Architecture and Organizationssuserdfc773
 
Kapacitor - Real Time Data Processing Engine
Kapacitor - Real Time Data Processing EngineKapacitor - Real Time Data Processing Engine
Kapacitor - Real Time Data Processing EnginePrashant Vats
 
Adam Sitnik "State of the .NET Performance"
Adam Sitnik "State of the .NET Performance"Adam Sitnik "State of the .NET Performance"
Adam Sitnik "State of the .NET Performance"Yulia Tsisyk
 
State of the .Net Performance
State of the .Net PerformanceState of the .Net Performance
State of the .Net PerformanceCUSTIS
 
Lesson 9. Pattern 1. Magic numbers
Lesson 9. Pattern 1. Magic numbersLesson 9. Pattern 1. Magic numbers
Lesson 9. Pattern 1. Magic numbersPVS-Studio
 
Automate ml workflow_transmogrif_ai-_chetan_khatri_berlin-scala
Automate ml workflow_transmogrif_ai-_chetan_khatri_berlin-scalaAutomate ml workflow_transmogrif_ai-_chetan_khatri_berlin-scala
Automate ml workflow_transmogrif_ai-_chetan_khatri_berlin-scalaChetan Khatri
 
A Tale of Three Deep Learning Frameworks: TensorFlow, Keras, & PyTorch with B...
A Tale of Three Deep Learning Frameworks: TensorFlow, Keras, & PyTorch with B...A Tale of Three Deep Learning Frameworks: TensorFlow, Keras, & PyTorch with B...
A Tale of Three Deep Learning Frameworks: TensorFlow, Keras, & PyTorch with B...Databricks
 
TransmogrifAI - Automate Machine Learning Workflow with the power of Scala an...
TransmogrifAI - Automate Machine Learning Workflow with the power of Scala an...TransmogrifAI - Automate Machine Learning Workflow with the power of Scala an...
TransmogrifAI - Automate Machine Learning Workflow with the power of Scala an...Chetan Khatri
 

Similar to TensorFlow Quantization Tour (20)

The System of Automatic Searching for Vulnerabilities or how to use Taint Ana...
The System of Automatic Searching for Vulnerabilities or how to use Taint Ana...The System of Automatic Searching for Vulnerabilities or how to use Taint Ana...
The System of Automatic Searching for Vulnerabilities or how to use Taint Ana...
 
Joel Falcou, Boost.SIMD
Joel Falcou, Boost.SIMDJoel Falcou, Boost.SIMD
Joel Falcou, Boost.SIMD
 
Static analysis of C++ source code
Static analysis of C++ source codeStatic analysis of C++ source code
Static analysis of C++ source code
 
Static analysis of C++ source code
Static analysis of C++ source codeStatic analysis of C++ source code
Static analysis of C++ source code
 
[DevDay2019] Python Machine Learning with Jupyter Notebook - By Nguyen Huu Th...
[DevDay2019] Python Machine Learning with Jupyter Notebook - By Nguyen Huu Th...[DevDay2019] Python Machine Learning with Jupyter Notebook - By Nguyen Huu Th...
[DevDay2019] Python Machine Learning with Jupyter Notebook - By Nguyen Huu Th...
 
Tech day ngobrol santai tensorflow
Tech day ngobrol santai tensorflowTech day ngobrol santai tensorflow
Tech day ngobrol santai tensorflow
 
Computer Architecture and Organization
Computer Architecture and OrganizationComputer Architecture and Organization
Computer Architecture and Organization
 
TensorRT survey
TensorRT surveyTensorRT survey
TensorRT survey
 
Kapacitor - Real Time Data Processing Engine
Kapacitor - Real Time Data Processing EngineKapacitor - Real Time Data Processing Engine
Kapacitor - Real Time Data Processing Engine
 
Xgboost
XgboostXgboost
Xgboost
 
Adam Sitnik "State of the .NET Performance"
Adam Sitnik "State of the .NET Performance"Adam Sitnik "State of the .NET Performance"
Adam Sitnik "State of the .NET Performance"
 
State of the .Net Performance
State of the .Net PerformanceState of the .Net Performance
State of the .Net Performance
 
C programming part2
C programming part2C programming part2
C programming part2
 
C programming part2
C programming part2C programming part2
C programming part2
 
C programming part2
C programming part2C programming part2
C programming part2
 
Fedor Polyakov - Optimizing computer vision problems on mobile platforms
Fedor Polyakov - Optimizing computer vision problems on mobile platforms Fedor Polyakov - Optimizing computer vision problems on mobile platforms
Fedor Polyakov - Optimizing computer vision problems on mobile platforms
 
Lesson 9. Pattern 1. Magic numbers
Lesson 9. Pattern 1. Magic numbersLesson 9. Pattern 1. Magic numbers
Lesson 9. Pattern 1. Magic numbers
 
Automate ml workflow_transmogrif_ai-_chetan_khatri_berlin-scala
Automate ml workflow_transmogrif_ai-_chetan_khatri_berlin-scalaAutomate ml workflow_transmogrif_ai-_chetan_khatri_berlin-scala
Automate ml workflow_transmogrif_ai-_chetan_khatri_berlin-scala
 
A Tale of Three Deep Learning Frameworks: TensorFlow, Keras, & PyTorch with B...
A Tale of Three Deep Learning Frameworks: TensorFlow, Keras, & PyTorch with B...A Tale of Three Deep Learning Frameworks: TensorFlow, Keras, & PyTorch with B...
A Tale of Three Deep Learning Frameworks: TensorFlow, Keras, & PyTorch with B...
 
TransmogrifAI - Automate Machine Learning Workflow with the power of Scala an...
TransmogrifAI - Automate Machine Learning Workflow with the power of Scala an...TransmogrifAI - Automate Machine Learning Workflow with the power of Scala an...
TransmogrifAI - Automate Machine Learning Workflow with the power of Scala an...
 

Recently uploaded

Electronically Controlled suspensions system .pdf
Electronically Controlled suspensions system .pdfElectronically Controlled suspensions system .pdf
Electronically Controlled suspensions system .pdfme23b1001
 
Work Experience-Dalton Park.pptxfvvvvvvv
Work Experience-Dalton Park.pptxfvvvvvvvWork Experience-Dalton Park.pptxfvvvvvvv
Work Experience-Dalton Park.pptxfvvvvvvvLewisJB
 
Gurgaon ✡️9711147426✨Call In girls Gurgaon Sector 51 escort service
Gurgaon ✡️9711147426✨Call In girls Gurgaon Sector 51 escort serviceGurgaon ✡️9711147426✨Call In girls Gurgaon Sector 51 escort service
Gurgaon ✡️9711147426✨Call In girls Gurgaon Sector 51 escort servicejennyeacort
 
Architect Hassan Khalil Portfolio for 2024
Architect Hassan Khalil Portfolio for 2024Architect Hassan Khalil Portfolio for 2024
Architect Hassan Khalil Portfolio for 2024hassan khalil
 
Application of Residue Theorem to evaluate real integrations.pptx
Application of Residue Theorem to evaluate real integrations.pptxApplication of Residue Theorem to evaluate real integrations.pptx
Application of Residue Theorem to evaluate real integrations.pptx959SahilShah
 
complete construction, environmental and economics information of biomass com...
complete construction, environmental and economics information of biomass com...complete construction, environmental and economics information of biomass com...
complete construction, environmental and economics information of biomass com...asadnawaz62
 
VICTOR MAESTRE RAMIREZ - Planetary Defender on NASA's Double Asteroid Redirec...
VICTOR MAESTRE RAMIREZ - Planetary Defender on NASA's Double Asteroid Redirec...VICTOR MAESTRE RAMIREZ - Planetary Defender on NASA's Double Asteroid Redirec...
VICTOR MAESTRE RAMIREZ - Planetary Defender on NASA's Double Asteroid Redirec...VICTOR MAESTRE RAMIREZ
 
Concrete Mix Design - IS 10262-2019 - .pptx
Concrete Mix Design - IS 10262-2019 - .pptxConcrete Mix Design - IS 10262-2019 - .pptx
Concrete Mix Design - IS 10262-2019 - .pptxKartikeyaDwivedi3
 
IVE Industry Focused Event - Defence Sector 2024
IVE Industry Focused Event - Defence Sector 2024IVE Industry Focused Event - Defence Sector 2024
IVE Industry Focused Event - Defence Sector 2024Mark Billinghurst
 
Arduino_CSE ece ppt for working and principal of arduino.ppt
Arduino_CSE ece ppt for working and principal of arduino.pptArduino_CSE ece ppt for working and principal of arduino.ppt
Arduino_CSE ece ppt for working and principal of arduino.pptSAURABHKUMAR892774
 
Decoding Kotlin - Your guide to solving the mysterious in Kotlin.pptx
Decoding Kotlin - Your guide to solving the mysterious in Kotlin.pptxDecoding Kotlin - Your guide to solving the mysterious in Kotlin.pptx
Decoding Kotlin - Your guide to solving the mysterious in Kotlin.pptxJoão Esperancinha
 
Call Girls Narol 7397865700 Independent Call Girls
Call Girls Narol 7397865700 Independent Call GirlsCall Girls Narol 7397865700 Independent Call Girls
Call Girls Narol 7397865700 Independent Call Girlsssuser7cb4ff
 
Internship report on mechanical engineering
Internship report on mechanical engineeringInternship report on mechanical engineering
Internship report on mechanical engineeringmalavadedarshan25
 
An experimental study in using natural admixture as an alternative for chemic...
An experimental study in using natural admixture as an alternative for chemic...An experimental study in using natural admixture as an alternative for chemic...
An experimental study in using natural admixture as an alternative for chemic...Chandu841456
 
Biology for Computer Engineers Course Handout.pptx
Biology for Computer Engineers Course Handout.pptxBiology for Computer Engineers Course Handout.pptx
Biology for Computer Engineers Course Handout.pptxDeepakSakkari2
 
main PPT.pptx of girls hostel security using rfid
main PPT.pptx of girls hostel security using rfidmain PPT.pptx of girls hostel security using rfid
main PPT.pptx of girls hostel security using rfidNikhilNagaraju
 
pipeline in computer architecture design
pipeline in computer architecture  designpipeline in computer architecture  design
pipeline in computer architecture designssuser87fa0c1
 

Recently uploaded (20)

Electronically Controlled suspensions system .pdf
Electronically Controlled suspensions system .pdfElectronically Controlled suspensions system .pdf
Electronically Controlled suspensions system .pdf
 
Work Experience-Dalton Park.pptxfvvvvvvv
Work Experience-Dalton Park.pptxfvvvvvvvWork Experience-Dalton Park.pptxfvvvvvvv
Work Experience-Dalton Park.pptxfvvvvvvv
 
Gurgaon ✡️9711147426✨Call In girls Gurgaon Sector 51 escort service
Gurgaon ✡️9711147426✨Call In girls Gurgaon Sector 51 escort serviceGurgaon ✡️9711147426✨Call In girls Gurgaon Sector 51 escort service
Gurgaon ✡️9711147426✨Call In girls Gurgaon Sector 51 escort service
 
Architect Hassan Khalil Portfolio for 2024
Architect Hassan Khalil Portfolio for 2024Architect Hassan Khalil Portfolio for 2024
Architect Hassan Khalil Portfolio for 2024
 
young call girls in Green Park🔝 9953056974 🔝 escort Service
young call girls in Green Park🔝 9953056974 🔝 escort Serviceyoung call girls in Green Park🔝 9953056974 🔝 escort Service
young call girls in Green Park🔝 9953056974 🔝 escort Service
 
Application of Residue Theorem to evaluate real integrations.pptx
Application of Residue Theorem to evaluate real integrations.pptxApplication of Residue Theorem to evaluate real integrations.pptx
Application of Residue Theorem to evaluate real integrations.pptx
 
9953056974 Call Girls In South Ex, Escorts (Delhi) NCR.pdf
9953056974 Call Girls In South Ex, Escorts (Delhi) NCR.pdf9953056974 Call Girls In South Ex, Escorts (Delhi) NCR.pdf
9953056974 Call Girls In South Ex, Escorts (Delhi) NCR.pdf
 
complete construction, environmental and economics information of biomass com...
complete construction, environmental and economics information of biomass com...complete construction, environmental and economics information of biomass com...
complete construction, environmental and economics information of biomass com...
 
VICTOR MAESTRE RAMIREZ - Planetary Defender on NASA's Double Asteroid Redirec...
VICTOR MAESTRE RAMIREZ - Planetary Defender on NASA's Double Asteroid Redirec...VICTOR MAESTRE RAMIREZ - Planetary Defender on NASA's Double Asteroid Redirec...
VICTOR MAESTRE RAMIREZ - Planetary Defender on NASA's Double Asteroid Redirec...
 
Concrete Mix Design - IS 10262-2019 - .pptx
Concrete Mix Design - IS 10262-2019 - .pptxConcrete Mix Design - IS 10262-2019 - .pptx
Concrete Mix Design - IS 10262-2019 - .pptx
 
IVE Industry Focused Event - Defence Sector 2024
IVE Industry Focused Event - Defence Sector 2024IVE Industry Focused Event - Defence Sector 2024
IVE Industry Focused Event - Defence Sector 2024
 
Arduino_CSE ece ppt for working and principal of arduino.ppt
Arduino_CSE ece ppt for working and principal of arduino.pptArduino_CSE ece ppt for working and principal of arduino.ppt
Arduino_CSE ece ppt for working and principal of arduino.ppt
 
Decoding Kotlin - Your guide to solving the mysterious in Kotlin.pptx
Decoding Kotlin - Your guide to solving the mysterious in Kotlin.pptxDecoding Kotlin - Your guide to solving the mysterious in Kotlin.pptx
Decoding Kotlin - Your guide to solving the mysterious in Kotlin.pptx
 
Call Girls Narol 7397865700 Independent Call Girls
Call Girls Narol 7397865700 Independent Call GirlsCall Girls Narol 7397865700 Independent Call Girls
Call Girls Narol 7397865700 Independent Call Girls
 
Internship report on mechanical engineering
Internship report on mechanical engineeringInternship report on mechanical engineering
Internship report on mechanical engineering
 
Exploring_Network_Security_with_JA3_by_Rakesh Seal.pptx
Exploring_Network_Security_with_JA3_by_Rakesh Seal.pptxExploring_Network_Security_with_JA3_by_Rakesh Seal.pptx
Exploring_Network_Security_with_JA3_by_Rakesh Seal.pptx
 
An experimental study in using natural admixture as an alternative for chemic...
An experimental study in using natural admixture as an alternative for chemic...An experimental study in using natural admixture as an alternative for chemic...
An experimental study in using natural admixture as an alternative for chemic...
 
Biology for Computer Engineers Course Handout.pptx
Biology for Computer Engineers Course Handout.pptxBiology for Computer Engineers Course Handout.pptx
Biology for Computer Engineers Course Handout.pptx
 
main PPT.pptx of girls hostel security using rfid
main PPT.pptx of girls hostel security using rfidmain PPT.pptx of girls hostel security using rfid
main PPT.pptx of girls hostel security using rfid
 
pipeline in computer architecture design
pipeline in computer architecture  designpipeline in computer architecture  design
pipeline in computer architecture design
 

TensorFlow Quantization Tour