SlideShare a Scribd company logo
Tomomi Research Inc.
Tensor
: Data representation for deep learning
2018/09/21 (Fri)
Dr. Seong-Hun Choe
Tomomi Research Inc.
Agenda
9/22/2018 2©2017 Western Digital Corporation or its affiliates. All rights reserved. Confidential.
1. Tensor : Dimension
2. Tensor : Shape
3. Real world data : Which tensor?
Tomomi Research Inc.
Tensor
WTF is a tensor?
Remember that it is a just container for data.
the data are almost numerical data.
So, Tensor is a container for numbers.
9/22/2018 3©2017 Western Digital Corporation or its affiliates. All rights reserved. Confidential.
Various explanations,
but very hard to understand its concept
?
?
Tomomi Research Inc.
Keywords
9/22/2018 4©2017 Western Digital Corporation or its affiliates. All rights reserved. Confidential.
1. Tensor is a container of numbers.
2. Tensor is a generalization of matrices to an arbitrary number of dimensions.
3. In tensor, dimension is often called axis.
4. number of dimension (=axis) is called ranks.
Tomomi Research Inc.
1. Scalar (0D tensor)
A tensor that contains only one number is called a scalar
9/22/2018 5©2017 Western Digital Corporation or its affiliates. All rights reserved. Confidential.
• example : 12
dimension can be shown with ndim method.
Tomomi Research Inc.
2. Vector (1D tensor)
An array of numbers is called a vector, or 1D tensor
9/22/2018 6©2017 Western Digital Corporation or its affiliates. All rights reserved. Confidential.
• example : [12,3,6,14]
Tomomi Research Inc.
3. Matrix (2D tensor)
An array of vectors is a matrix, or 2D tensor
9/22/2018 7©2017 Western Digital Corporation or its affiliates. All rights reserved. Confidential.
• example : [[1, 3, 5, 7],
[2, 4, 6, 8],
[3 ,6, 9,12]]
Tomomi Research Inc.
4. 3D tensor
It is just nD tensor from 3D tensor.
9/22/2018 8©2017 Western Digital Corporation or its affiliates. All rights reserved. Confidential.
• example :[[[1, 3, 5, 7],
[2, 4, 6, 8],
[3 ,6, 9,12]],
[[1, 3, 5, 7],
[2, 4, 6, 8],
[3 ,6, 9,12]],
[[1, 3, 5, 7],
[2, 4, 6, 8],
[3 ,6, 9,12]]]
Tomomi Research Inc.
Agenda
9/22/2018 9©2017 Western Digital Corporation or its affiliates. All rights reserved. Confidential.
1. Tensor : Dimension
2. Tensor : Shape
3. Real world data : Which tensor?
Tomomi Research Inc.
Key attributes
9/22/2018 10©2017 Western Digital Corporation or its affiliates. All rights reserved. Confidential.
1. Number of dimension(=axes)
2. Shape : how many dimensions in the tensor has along each axis.
3. Data type : dtype in python, (float32, float64, unit8 and so on.)
Shape is very important in deep learning programming.
Tomomi Research Inc.
2.1. Scalar (0D tensor)
Scalar has empty shape.
9/22/2018 11©2017 Western Digital Corporation or its affiliates. All rights reserved. Confidential.
• example : 12
Tomomi Research Inc.
2.2 Vector (1D tensor)
1D tensor has a shape with a single element, such as (4,)
9/22/2018 12©2017 Western Digital Corporation or its affiliates. All rights reserved. Confidential.
• example : [12,3,6,14]
Tomomi Research Inc.
2.3. Matrix (2D tensor)
2D tensor has a shape such as (3,4). it is familiar with matrix
representation.
9/22/2018 13©2017 Western Digital Corporation or its affiliates. All rights reserved. Confidential.
• example : [[1, 3, 5, 7],
[2, 4, 6, 8],
[3 ,6, 9,12]]
Tomomi Research Inc.
2.4. 3D tensor
3D tensor has a shape (3, 3, 4)
9/22/2018 14©2017 Western Digital Corporation or its affiliates. All rights reserved. Confidential.
• example :[[[1, 3, 5, 7],
[2, 4, 6, 8],
[3 ,6, 9,12]],
[[1, 3, 5, 7],
[2, 4, 6, 8],
[3 ,6, 9,12]],
[[1, 3, 5, 7],
[2, 4, 6, 8],
[3 ,6, 9,12]]]
Tomomi Research Inc.
2.5. MNIST example
Keras & Tensorflow
9/22/2018 15©2017 Western Digital Corporation or its affiliates. All rights reserved. Confidential.
• loading the mnist dataset:
• dimension of train images
-> 3D tensor
• shape of train images
-> 3D tensor여서(m,n,p)의 형태
내용은、(28,28)の어레이가 60000개 있습니다. 라는
의미
• data type of train images
-> 8 bit integer
Tomomi Research Inc.
Summary (1) : Tensor
9/22/2018 16©2017 Western Digital Corporation or its affiliates. All rights reserved. Confidential.
dimension 0 1 2 3 4
Name Scalar Vector Matrix 3D tensor 4D tensor
Another name 0D tensor 1D tensor 2D tensor 3D tensor 4D tensor
Example 12 [12,3,6,14] …
Shape
()
empty
(4,) (3,4) (3,3,4) (5,3,3,4)
Tomomi Research Inc.
Agenda
9/22/2018 17©2017 Western Digital Corporation or its affiliates. All rights reserved. Confidential.
1. Tensor : Dimension
2. Tensor : Shape
3. Real world data : Which tensor?
Tomomi Research Inc.
3. Real-World examples of data as tensors
9/22/2018 18©2017 Western Digital Corporation or its affiliates. All rights reserved. Confidential.
Name Tensor Shape
Vector data* 2D tensor (samples, feature)
Timeseries data or
sequence data
3D tensor (samples, timesteps, features)
Images 4D tensor (samples, height, width, channels)
Video 5D tensor (samples, frames, height, width, channels)
Vector data is different with vector. vector is 1D tensor.
Tomomi Research Inc.
3.1. Vector data
2D tensor
9/22/2018 19©2017 Western Digital Corporation or its affiliates. All rights reserved. Confidential.
Samples Age ZIP code Income
1 12 123-324 10k
2 34 234-567 13k
3 12 349-874 20k
…
9,999 45 874-988 30k
10,000 56 888-234 12k
Example : Actual personal data,
3
10,000
Shape : (samples, feature)
= (10,000, 3)
• Numpy array
[[12, 123-324,10k],
[34,234-567,13k],
…
[56 ,888-234, 12k]]
Tomomi Research Inc.
time
(min.)
current price the highest
price
the lowest
price
0
1
2
…
390
time
(min.)
current price the highest
price
the lowest
price
0
1
2
…
390
time
(min.)
current price the highest
price
the lowest
price
0
1
2
…
390
3.2. Timeseries data or sequence data
3D tensor
9/22/2018 20©2017 Western Digital Corporation or its affiliates. All rights reserved. Confidential.
time
(min.)
current price the highest
price
the lowest
price
0
1
2
…
390
Example: stock price dataset (1 year)
3
390
min.
250 days
Shape : (samples, timesteps, features)
= (250, 390, 3)
Tomomi Research Inc.
3.3 Image data
4D tensor
9/22/2018 21©2017 Western Digital Corporation or its affiliates. All rights reserved. Confidential.
Example : A batch of 128 color images of size 256 * 256
Shape : (samples, height, width, channels)
= (128, 256, 256, 3)
Tomomi Research Inc.
3.3 Video data
5D tensor
9/22/2018 22©2017 Western Digital Corporation or its affiliates. All rights reserved. Confidential.
Example : 60 second, 144X 156 Youtube video clip sample at 4 fps would be 240 frames.
A batch of 4 such video clips
Shape : (samples, frames, height, width, channels)
= (4, 240, 144, 156, 3)
total = 4 * 240 * 144 * 156 * 3 = 106,168,320
if dtype of the tensor is float32,
total memory will be 405 MB!
Tomomi Research Inc.
Summary (2) : Real data
9/22/2018 23©2017 Western Digital Corporation or its affiliates. All rights reserved. Confidential.
Vector data
Timeseries data or
sequence data
Image data Video data
Tensor dimension 2D 3D 4D 5D
Example personal data annual stock data batch of color image batch of video frame
Example
Shape
(samples, feature)
= (10,000, 3)
(samples, timesteps, features)
= (250, 390, 3)
(samples, height, width,
channels)
= (128, 256, 256, 3)
(samples, frames, height, width,
channels)
=(4, 240, 144, 156, 3)
Tomomi Research Inc.
Tensor at Sony neural network console
9/22/2018 24©2017 Western Digital Corporation or its affiliates. All rights reserved. Confidential.
(samples, channels, height, width)
= (128, 1, 28, 28)
Tomomi Research Inc.
Tensor at Tensorflow
주로Placeholder를 이용해 input data를 준비할때
9/22/2018 25©2017 Western Digital Corporation or its affiliates. All rights reserved. Confidential.
(samples, timesteps, features)
= (?, 25, 1)
Sample수를 placeholder안에
지정하지 않을때는 、None으로 기입.
Tomomi Research Inc.
Tensor at Keras
9/22/2018 26©2017 Western Digital Corporation or its affiliates. All rights reserved. Confidential.
(samples, time_setp, features)
= (176, 25,1)

More Related Content

PDF
Lecture 1: Deep Learning for Computer Vision
PDF
Chap 8. Optimization for training deep models
PPTX
Similarity Measures (pptx)
PPTX
Unit I and II Machine Learning MCA CREC.pptx
PDF
Steffen Rendle, Research Scientist, Google at MLconf SF
PDF
Siamese networks
PDF
DS LAB MANUAL.pdf
PPT
3.5 model based clustering
Lecture 1: Deep Learning for Computer Vision
Chap 8. Optimization for training deep models
Similarity Measures (pptx)
Unit I and II Machine Learning MCA CREC.pptx
Steffen Rendle, Research Scientist, Google at MLconf SF
Siamese networks
DS LAB MANUAL.pdf
3.5 model based clustering

What's hot (20)

PDF
Matrix and Tensor Tools for Computer Vision
PDF
A brief survey of tensors
PDF
Singular Value Decompostion (SVD)
PPTX
Computer Graphics - Bresenham's line drawing algorithm & Mid Point Circle alg...
PDF
Python for Data Science
PPT
Image compression using singular value decomposition
PDF
Graphic Notes on Introduction to Linear Algebra
PPT
Midpoint circle algo
PPTX
Dm from databases perspective u 1
PDF
Introduction to pattern recognition
PPTX
SPATIAL FILTERING IN IMAGE PROCESSING
PPTX
Computer graphics
PPTX
2.mathematics for machine learning
PDF
Knn Algorithm
PPSX
Image Processing: Spatial filters
PDF
Rnn and lstm
PDF
2D Rotation- Transformation in Computer Graphics
PDF
Descriptive Statistics with R
PPT
Pattern recognition
PPTX
Deep Learning Tutorial | Deep Learning Tutorial For Beginners | What Is Deep ...
Matrix and Tensor Tools for Computer Vision
A brief survey of tensors
Singular Value Decompostion (SVD)
Computer Graphics - Bresenham's line drawing algorithm & Mid Point Circle alg...
Python for Data Science
Image compression using singular value decomposition
Graphic Notes on Introduction to Linear Algebra
Midpoint circle algo
Dm from databases perspective u 1
Introduction to pattern recognition
SPATIAL FILTERING IN IMAGE PROCESSING
Computer graphics
2.mathematics for machine learning
Knn Algorithm
Image Processing: Spatial filters
Rnn and lstm
2D Rotation- Transformation in Computer Graphics
Descriptive Statistics with R
Pattern recognition
Deep Learning Tutorial | Deep Learning Tutorial For Beginners | What Is Deep ...
Ad

Similar to Tensor Explained (13)

PDF
ppt of no tensors , how they word etc etc etc
PPTX
TENSOR .pptx
PPTX
TensorFlow.pptx
PDF
Tensor representations in signal processing and machine learning (tutorial ta...
PDF
Exploring temporal graph data with Python: 
a study on tensor decomposition o...
PPTX
Vector and Matrix operationsVector and Matrix operations
PDF
A guide to Tensor and its applications in Machine Learning.pdf
PDF
Lec12: Shape Models and Medical Image Segmentation
PDF
PyTorch Introduction
PDF
TensorFlow Tutorial.pdf
PPTX
A Framework for Scene Recognition Using Convolutional Neural Network as Featu...
PDF
lecture_16_jiajun.pdf
PDF
TensorFlow example for AI Ukraine2016
ppt of no tensors , how they word etc etc etc
TENSOR .pptx
TensorFlow.pptx
Tensor representations in signal processing and machine learning (tutorial ta...
Exploring temporal graph data with Python: 
a study on tensor decomposition o...
Vector and Matrix operationsVector and Matrix operations
A guide to Tensor and its applications in Machine Learning.pdf
Lec12: Shape Models and Medical Image Segmentation
PyTorch Introduction
TensorFlow Tutorial.pdf
A Framework for Scene Recognition Using Convolutional Neural Network as Featu...
lecture_16_jiajun.pdf
TensorFlow example for AI Ukraine2016
Ad

More from Seong-Hun Choe (15)

PDF
AIFrienz_Webinar_Tomomi_Research_Inc).pdf
PPTX
Installing tensorflow object detection on raspberry pi
PDF
TD4 Assembly Instruction
PDF
4bit-CPU : TD4の解説
PPTX
딥러닝 추천교재 및 강좌
PPTX
Python : Class
PPTX
Python : for文の解説
PPTX
20170315 deeplearning from_scratch_ch01
PDF
NVIDIA ディープラーニング入門
PPTX
DC-DC-Converter Evaluation Report
PPTX
LTSpice : How to import the transistor spice model
PPTX
RF Power Amplifier Tutorial (2) Class A, B and C
PPTX
RF Power Amplifier Tutorial (1)
PPTX
Impedance matching of the RF sputtering system
PPTX
Introduction of the Wireless Power Transfer System using Inductive resonant ...
AIFrienz_Webinar_Tomomi_Research_Inc).pdf
Installing tensorflow object detection on raspberry pi
TD4 Assembly Instruction
4bit-CPU : TD4の解説
딥러닝 추천교재 및 강좌
Python : Class
Python : for文の解説
20170315 deeplearning from_scratch_ch01
NVIDIA ディープラーニング入門
DC-DC-Converter Evaluation Report
LTSpice : How to import the transistor spice model
RF Power Amplifier Tutorial (2) Class A, B and C
RF Power Amplifier Tutorial (1)
Impedance matching of the RF sputtering system
Introduction of the Wireless Power Transfer System using Inductive resonant ...

Recently uploaded (20)

PDF
Approach and Philosophy of On baking technology
PDF
Assigned Numbers - 2025 - Bluetooth® Document
PDF
project resource management chapter-09.pdf
PPTX
TechTalks-8-2019-Service-Management-ITIL-Refresh-ITIL-4-Framework-Supports-Ou...
PPTX
Digital-Transformation-Roadmap-for-Companies.pptx
PDF
Heart disease approach using modified random forest and particle swarm optimi...
PPTX
A Presentation on Artificial Intelligence
PPTX
Group 1 Presentation -Planning and Decision Making .pptx
PDF
Getting Started with Data Integration: FME Form 101
PDF
Hybrid model detection and classification of lung cancer
PDF
DP Operators-handbook-extract for the Mautical Institute
PDF
From MVP to Full-Scale Product A Startup’s Software Journey.pdf
PPTX
Programs and apps: productivity, graphics, security and other tools
PDF
Accuracy of neural networks in brain wave diagnosis of schizophrenia
PDF
Zenith AI: Advanced Artificial Intelligence
PDF
MIND Revenue Release Quarter 2 2025 Press Release
PDF
Encapsulation theory and applications.pdf
PPTX
KOM of Painting work and Equipment Insulation REV00 update 25-dec.pptx
PDF
Enhancing emotion recognition model for a student engagement use case through...
PPTX
SOPHOS-XG Firewall Administrator PPT.pptx
Approach and Philosophy of On baking technology
Assigned Numbers - 2025 - Bluetooth® Document
project resource management chapter-09.pdf
TechTalks-8-2019-Service-Management-ITIL-Refresh-ITIL-4-Framework-Supports-Ou...
Digital-Transformation-Roadmap-for-Companies.pptx
Heart disease approach using modified random forest and particle swarm optimi...
A Presentation on Artificial Intelligence
Group 1 Presentation -Planning and Decision Making .pptx
Getting Started with Data Integration: FME Form 101
Hybrid model detection and classification of lung cancer
DP Operators-handbook-extract for the Mautical Institute
From MVP to Full-Scale Product A Startup’s Software Journey.pdf
Programs and apps: productivity, graphics, security and other tools
Accuracy of neural networks in brain wave diagnosis of schizophrenia
Zenith AI: Advanced Artificial Intelligence
MIND Revenue Release Quarter 2 2025 Press Release
Encapsulation theory and applications.pdf
KOM of Painting work and Equipment Insulation REV00 update 25-dec.pptx
Enhancing emotion recognition model for a student engagement use case through...
SOPHOS-XG Firewall Administrator PPT.pptx

Tensor Explained

  • 1. Tomomi Research Inc. Tensor : Data representation for deep learning 2018/09/21 (Fri) Dr. Seong-Hun Choe
  • 2. Tomomi Research Inc. Agenda 9/22/2018 2©2017 Western Digital Corporation or its affiliates. All rights reserved. Confidential. 1. Tensor : Dimension 2. Tensor : Shape 3. Real world data : Which tensor?
  • 3. Tomomi Research Inc. Tensor WTF is a tensor? Remember that it is a just container for data. the data are almost numerical data. So, Tensor is a container for numbers. 9/22/2018 3©2017 Western Digital Corporation or its affiliates. All rights reserved. Confidential. Various explanations, but very hard to understand its concept ? ?
  • 4. Tomomi Research Inc. Keywords 9/22/2018 4©2017 Western Digital Corporation or its affiliates. All rights reserved. Confidential. 1. Tensor is a container of numbers. 2. Tensor is a generalization of matrices to an arbitrary number of dimensions. 3. In tensor, dimension is often called axis. 4. number of dimension (=axis) is called ranks.
  • 5. Tomomi Research Inc. 1. Scalar (0D tensor) A tensor that contains only one number is called a scalar 9/22/2018 5©2017 Western Digital Corporation or its affiliates. All rights reserved. Confidential. • example : 12 dimension can be shown with ndim method.
  • 6. Tomomi Research Inc. 2. Vector (1D tensor) An array of numbers is called a vector, or 1D tensor 9/22/2018 6©2017 Western Digital Corporation or its affiliates. All rights reserved. Confidential. • example : [12,3,6,14]
  • 7. Tomomi Research Inc. 3. Matrix (2D tensor) An array of vectors is a matrix, or 2D tensor 9/22/2018 7©2017 Western Digital Corporation or its affiliates. All rights reserved. Confidential. • example : [[1, 3, 5, 7], [2, 4, 6, 8], [3 ,6, 9,12]]
  • 8. Tomomi Research Inc. 4. 3D tensor It is just nD tensor from 3D tensor. 9/22/2018 8©2017 Western Digital Corporation or its affiliates. All rights reserved. Confidential. • example :[[[1, 3, 5, 7], [2, 4, 6, 8], [3 ,6, 9,12]], [[1, 3, 5, 7], [2, 4, 6, 8], [3 ,6, 9,12]], [[1, 3, 5, 7], [2, 4, 6, 8], [3 ,6, 9,12]]]
  • 9. Tomomi Research Inc. Agenda 9/22/2018 9©2017 Western Digital Corporation or its affiliates. All rights reserved. Confidential. 1. Tensor : Dimension 2. Tensor : Shape 3. Real world data : Which tensor?
  • 10. Tomomi Research Inc. Key attributes 9/22/2018 10©2017 Western Digital Corporation or its affiliates. All rights reserved. Confidential. 1. Number of dimension(=axes) 2. Shape : how many dimensions in the tensor has along each axis. 3. Data type : dtype in python, (float32, float64, unit8 and so on.) Shape is very important in deep learning programming.
  • 11. Tomomi Research Inc. 2.1. Scalar (0D tensor) Scalar has empty shape. 9/22/2018 11©2017 Western Digital Corporation or its affiliates. All rights reserved. Confidential. • example : 12
  • 12. Tomomi Research Inc. 2.2 Vector (1D tensor) 1D tensor has a shape with a single element, such as (4,) 9/22/2018 12©2017 Western Digital Corporation or its affiliates. All rights reserved. Confidential. • example : [12,3,6,14]
  • 13. Tomomi Research Inc. 2.3. Matrix (2D tensor) 2D tensor has a shape such as (3,4). it is familiar with matrix representation. 9/22/2018 13©2017 Western Digital Corporation or its affiliates. All rights reserved. Confidential. • example : [[1, 3, 5, 7], [2, 4, 6, 8], [3 ,6, 9,12]]
  • 14. Tomomi Research Inc. 2.4. 3D tensor 3D tensor has a shape (3, 3, 4) 9/22/2018 14©2017 Western Digital Corporation or its affiliates. All rights reserved. Confidential. • example :[[[1, 3, 5, 7], [2, 4, 6, 8], [3 ,6, 9,12]], [[1, 3, 5, 7], [2, 4, 6, 8], [3 ,6, 9,12]], [[1, 3, 5, 7], [2, 4, 6, 8], [3 ,6, 9,12]]]
  • 15. Tomomi Research Inc. 2.5. MNIST example Keras & Tensorflow 9/22/2018 15©2017 Western Digital Corporation or its affiliates. All rights reserved. Confidential. • loading the mnist dataset: • dimension of train images -> 3D tensor • shape of train images -> 3D tensor여서(m,n,p)의 형태 내용은、(28,28)の어레이가 60000개 있습니다. 라는 의미 • data type of train images -> 8 bit integer
  • 16. Tomomi Research Inc. Summary (1) : Tensor 9/22/2018 16©2017 Western Digital Corporation or its affiliates. All rights reserved. Confidential. dimension 0 1 2 3 4 Name Scalar Vector Matrix 3D tensor 4D tensor Another name 0D tensor 1D tensor 2D tensor 3D tensor 4D tensor Example 12 [12,3,6,14] … Shape () empty (4,) (3,4) (3,3,4) (5,3,3,4)
  • 17. Tomomi Research Inc. Agenda 9/22/2018 17©2017 Western Digital Corporation or its affiliates. All rights reserved. Confidential. 1. Tensor : Dimension 2. Tensor : Shape 3. Real world data : Which tensor?
  • 18. Tomomi Research Inc. 3. Real-World examples of data as tensors 9/22/2018 18©2017 Western Digital Corporation or its affiliates. All rights reserved. Confidential. Name Tensor Shape Vector data* 2D tensor (samples, feature) Timeseries data or sequence data 3D tensor (samples, timesteps, features) Images 4D tensor (samples, height, width, channels) Video 5D tensor (samples, frames, height, width, channels) Vector data is different with vector. vector is 1D tensor.
  • 19. Tomomi Research Inc. 3.1. Vector data 2D tensor 9/22/2018 19©2017 Western Digital Corporation or its affiliates. All rights reserved. Confidential. Samples Age ZIP code Income 1 12 123-324 10k 2 34 234-567 13k 3 12 349-874 20k … 9,999 45 874-988 30k 10,000 56 888-234 12k Example : Actual personal data, 3 10,000 Shape : (samples, feature) = (10,000, 3) • Numpy array [[12, 123-324,10k], [34,234-567,13k], … [56 ,888-234, 12k]]
  • 20. Tomomi Research Inc. time (min.) current price the highest price the lowest price 0 1 2 … 390 time (min.) current price the highest price the lowest price 0 1 2 … 390 time (min.) current price the highest price the lowest price 0 1 2 … 390 3.2. Timeseries data or sequence data 3D tensor 9/22/2018 20©2017 Western Digital Corporation or its affiliates. All rights reserved. Confidential. time (min.) current price the highest price the lowest price 0 1 2 … 390 Example: stock price dataset (1 year) 3 390 min. 250 days Shape : (samples, timesteps, features) = (250, 390, 3)
  • 21. Tomomi Research Inc. 3.3 Image data 4D tensor 9/22/2018 21©2017 Western Digital Corporation or its affiliates. All rights reserved. Confidential. Example : A batch of 128 color images of size 256 * 256 Shape : (samples, height, width, channels) = (128, 256, 256, 3)
  • 22. Tomomi Research Inc. 3.3 Video data 5D tensor 9/22/2018 22©2017 Western Digital Corporation or its affiliates. All rights reserved. Confidential. Example : 60 second, 144X 156 Youtube video clip sample at 4 fps would be 240 frames. A batch of 4 such video clips Shape : (samples, frames, height, width, channels) = (4, 240, 144, 156, 3) total = 4 * 240 * 144 * 156 * 3 = 106,168,320 if dtype of the tensor is float32, total memory will be 405 MB!
  • 23. Tomomi Research Inc. Summary (2) : Real data 9/22/2018 23©2017 Western Digital Corporation or its affiliates. All rights reserved. Confidential. Vector data Timeseries data or sequence data Image data Video data Tensor dimension 2D 3D 4D 5D Example personal data annual stock data batch of color image batch of video frame Example Shape (samples, feature) = (10,000, 3) (samples, timesteps, features) = (250, 390, 3) (samples, height, width, channels) = (128, 256, 256, 3) (samples, frames, height, width, channels) =(4, 240, 144, 156, 3)
  • 24. Tomomi Research Inc. Tensor at Sony neural network console 9/22/2018 24©2017 Western Digital Corporation or its affiliates. All rights reserved. Confidential. (samples, channels, height, width) = (128, 1, 28, 28)
  • 25. Tomomi Research Inc. Tensor at Tensorflow 주로Placeholder를 이용해 input data를 준비할때 9/22/2018 25©2017 Western Digital Corporation or its affiliates. All rights reserved. Confidential. (samples, timesteps, features) = (?, 25, 1) Sample수를 placeholder안에 지정하지 않을때는 、None으로 기입.
  • 26. Tomomi Research Inc. Tensor at Keras 9/22/2018 26©2017 Western Digital Corporation or its affiliates. All rights reserved. Confidential. (samples, time_setp, features) = (176, 25,1)