SlideShare a Scribd company logo
1 of 42
Download to read offline
GEMA PARREÑO PIQUERAS@SoyGema
WHAT IS AN ARTIFICIAL
NEURON?
WHAT IS AN ARTIFICIAL NEURON ?
Image Recognition
Classification using Softmax Regressions and Convolutional Neural Networks
Languaje Understanding
Find in SoftMax Regression interesting semantic Relationships
What is Tensor Flow ?
Open Source Python
artificial intelligence
library using data flow
graphs to build models
Helps to create
a deep neural
network
architecture
Used in language
understanding,image
recognition,
classification and
prediction .
Advantajes about
1.Flexibility of
representation. Create any
type of data flow graph
2.Performs calculations both
on CPU and GPU . Supports for
parallel and asynchronous
computations
1.Higly Scalable across
many machines and huge
datasets
3. Comes with many tools
helping to build and
visualize the data flow
networks and neural nets
What is Tensor Flow used for ?
PERCEPTION
License Apache
For both Research and Commercial Propouses
DISCOVERING
UNDERSTANDING
PREDICTION
CREATION
CLASSIFICATION
Difference in between Machine Learning and Deep Learning
CORE : Deep Learning
Can run on multiple CUPs and GPUs
USES : Perceptual and language
understanding
NEURAL NETWORKS
MULTILAYERED - HMM
CORE : Machine Learning
Based on more logical inputs
USES : Perceptual and language
understanding
REASONING
NAIVE BAYES
MULTILAYERED CONTEXTS
CORE :
Deep learning generally means
building large scale neural
networks with many layers
LOGICAL REASONING
The Main architecture of TensorFlow
The Main architecture of TensorFlow
TENSORS
Structure of data
GRAPHS
Graphic representation
of the computational
process
VARIABLES
Helps define the
structure of the neural
net model
NEURAL NETS
Structure that is built to
deal with complex problems
The Main architecture of TensorFlow
DATA
Tensors :multidimensional and
dynamically sized data arrays
TF use a tensor data structure
to represent all data
Comparing to matrix it has
more dregrees of freedom
regarding data selection and
slicing.
tf.Tensor class
TENSOR
ARCHITECTURE TIP
Tensor is a structure in wich
you can add levels of
complexity
From Scalar to time!
The Main architecture of TensorFlow TENSOR
RANK
SHAPES
TYPES
Defines
structure of
the Tensor
How we write or
represent it on
Tensor Flow
Defines
dimensionality
Structure of
the kind of
data we are
going to deal
with
The Main architecture of TensorFlow TENSOR
TENSOR TRANSFORMATIONS
SHAPING
Operations that you can use to
determine the shape of a
tensor and change the shape of
a tensor
tf.reshape(input, name=None)
Reshape a tensor
SLICING &
JOINING
Operations to slice or extract parts
of a tensor, or join multiple tensors
together
Tf.slice(input_, begin, size,
name=None)
Extracts a slice of a tensor
The Main architecture of TensorFlow
TRAIN
When you train a model,
you use variables to
hold and update
parameters .
Variables contains
tensors
Can be shaped and restored.
It has an specific class
tf.Variable class
VARIABLES
ARCHITECTURE TIP
During the training
phase, you might
discover a variable
useful value.
Weights and biases are
variables
The Main architecture of TensorFlow
Process for
initializing
the
variables.
Save and
restore a model
to the graphs
with a variable
When you
restore
variables from
a file you do
not have to
initialize them
INITIALIZATION
SAVING
RESTORING
tf.initialize_all_variables()
tf.train.Saver()
Saver.save ()
VARIABLES
Saver.restore()
The Main architecture of TensorFlow
KNOWLEDGE
REPRESENTATION
Launch de graph starting a session.A
session object encapsulates th
enviroment in wich Operation objects
are exexuted, and Tensor objects are
evaluated
When you run a session
it is considered a
representation
tf.Graph class
GRAPHS
ARCHITECTURE TIP
Graphs are visual
construction of the
Neural Network :
considered knowledge
representation
How to best construct a Graph in Tensor Flow ?
Example of of a data flow graph with multiple nodes (data operations). Notice how
the execution of nodes is asynchronous. This allows incredible scalability across
many machines
Online Resources for TensorFlow
Tips & Tricks for Designing Neural Nets
TIPS & TRICKS
FOR DESIGNING NEURAL
NETS
ARCHITECTURE TIP
In the Neural Net, how
we structure data will
define the tensorflow
model construction.
ARCHITECTURE TIP
Seize the data . The
selection of training
data has alredy proven
to be key in the
learning process
ARCHITECTURE TIP
Think about the
learning as a
multilayered
process by design
ARCHITECTURE TIP
In the Neural Net,
knowledge hierarchy is
key. Think about
learning from bottom-top
of top-bottom aproach
Books
The
BRAIN
Tutorials
Social
Courses
https://medium.com/@gema.parreno.piquera
s/
TENSOR FLOW
PLAYGROUND
DESIGN THE LEARNING
PROCESS in the net
Input / output and
activation function
TENSOR FLOW
FOR POETS
CREATE YOUR OWN
CLASSIFIER in the
net
Input / output and
activation function
Integration
in products
NO
SILVER
BULLETS
Without
product
expertise
…
Nasa Apps Challenge 2016
Neo´s neural Net design NEURAL NET
A
DATASETS
B
EXECUTION OF NEO
RECOGNIZING
PROTOCOL
Extract into a CSV
the actionable data
for training process.
Select a balanced
dataset for training,
including known
matched NEO´s.
C D
1st LAYER
EVALUATIONExecution of the
protocol described in
“Hazards Due to Comets
and Asteroids” Tree
decision data pruning
process that allows raw
data to transform into
knowledge
Feed the neural net with
training data. Create a
tensor and including a
transfer function that
matches the known orbit
of the NEO and do
classification into the 4
main groups.
Execute a Softmax
regression with the
spectral and physical
data about the
asteroid, gathering
info about the
potencial harm the
NEO could do.
Neo´s neural Net design NEURAL NET
E
2nd LAYER
Retrain the Neural
Network. Sometimes the
observation of NEO´s
might drive into
changes. The software
allow us to prune false
positives
If we re-train a neural
net over time, are we
teaching it to change ?
Top 25 project among all
projects worldwide
Variables can be trained
about the uncertainty of
the change in orbit
classification, offering
an advantage against other
classification approaches
Opportunity to have a high
level of abstraction in
design, and learn about
how the observation of
NEO´s can influence into
their classification
One of the main key
concepts about this is
about how time can change
classification and how we
train a neural net to
visualize it.
Thank you!
@SoyGema
Gema.parreno.piqueras@gmail.com

More Related Content

What's hot

What is TensorFlow? | Introduction to TensorFlow | TensorFlow Tutorial For Be...
What is TensorFlow? | Introduction to TensorFlow | TensorFlow Tutorial For Be...What is TensorFlow? | Introduction to TensorFlow | TensorFlow Tutorial For Be...
What is TensorFlow? | Introduction to TensorFlow | TensorFlow Tutorial For Be...
Simplilearn
 
Introduction to Deep Learning, Keras, and TensorFlow
Introduction to Deep Learning, Keras, and TensorFlowIntroduction to Deep Learning, Keras, and TensorFlow
Introduction to Deep Learning, Keras, and TensorFlow
Sri Ambati
 

What's hot (20)

Getting started with TensorFlow
Getting started with TensorFlowGetting started with TensorFlow
Getting started with TensorFlow
 
Introduction to TensorFlow
Introduction to TensorFlowIntroduction to TensorFlow
Introduction to TensorFlow
 
What is TensorFlow? | Introduction to TensorFlow | TensorFlow Tutorial For Be...
What is TensorFlow? | Introduction to TensorFlow | TensorFlow Tutorial For Be...What is TensorFlow? | Introduction to TensorFlow | TensorFlow Tutorial For Be...
What is TensorFlow? | Introduction to TensorFlow | TensorFlow Tutorial For Be...
 
Introduction to Neural Networks in Tensorflow
Introduction to Neural Networks in TensorflowIntroduction to Neural Networks in Tensorflow
Introduction to Neural Networks in Tensorflow
 
Machine Intelligence at Google Scale: TensorFlow
Machine Intelligence at Google Scale: TensorFlowMachine Intelligence at Google Scale: TensorFlow
Machine Intelligence at Google Scale: TensorFlow
 
Neural Networks with Google TensorFlow
Neural Networks with Google TensorFlowNeural Networks with Google TensorFlow
Neural Networks with Google TensorFlow
 
TensorFrames: Google Tensorflow on Apache Spark
TensorFrames: Google Tensorflow on Apache SparkTensorFrames: Google Tensorflow on Apache Spark
TensorFrames: Google Tensorflow on Apache Spark
 
Rajat Monga, Engineering Director, TensorFlow, Google at MLconf 2016
Rajat Monga, Engineering Director, TensorFlow, Google at MLconf 2016Rajat Monga, Engineering Director, TensorFlow, Google at MLconf 2016
Rajat Monga, Engineering Director, TensorFlow, Google at MLconf 2016
 
TensorFlow example for AI Ukraine2016
TensorFlow example  for AI Ukraine2016TensorFlow example  for AI Ukraine2016
TensorFlow example for AI Ukraine2016
 
Introduction to TensorFlow
Introduction to TensorFlowIntroduction to TensorFlow
Introduction to TensorFlow
 
Introduction to Deep Learning, Keras, and TensorFlow
Introduction to Deep Learning, Keras, and TensorFlowIntroduction to Deep Learning, Keras, and TensorFlow
Introduction to Deep Learning, Keras, and TensorFlow
 
Introduction To TensorFlow
Introduction To TensorFlowIntroduction To TensorFlow
Introduction To TensorFlow
 
Introduction to Machine Learning with TensorFlow
Introduction to Machine Learning with TensorFlowIntroduction to Machine Learning with TensorFlow
Introduction to Machine Learning with TensorFlow
 
TensorFlow
TensorFlowTensorFlow
TensorFlow
 
Large Scale Deep Learning with TensorFlow
Large Scale Deep Learning with TensorFlow Large Scale Deep Learning with TensorFlow
Large Scale Deep Learning with TensorFlow
 
Data Science and Deep Learning on Spark with 1/10th of the Code with Roope As...
Data Science and Deep Learning on Spark with 1/10th of the Code with Roope As...Data Science and Deep Learning on Spark with 1/10th of the Code with Roope As...
Data Science and Deep Learning on Spark with 1/10th of the Code with Roope As...
 
Deep learning with Tensorflow in R
Deep learning with Tensorflow in RDeep learning with Tensorflow in R
Deep learning with Tensorflow in R
 
Tensorflow
TensorflowTensorflow
Tensorflow
 
Tensor flow
Tensor flowTensor flow
Tensor flow
 
Hussein Mehanna, Engineering Director, ML Core - Facebook at MLconf ATL 2016
Hussein Mehanna, Engineering Director, ML Core - Facebook at MLconf ATL 2016Hussein Mehanna, Engineering Director, ML Core - Facebook at MLconf ATL 2016
Hussein Mehanna, Engineering Director, ML Core - Facebook at MLconf ATL 2016
 

Viewers also liked

Viewers also liked (12)

Apache Hive 2.0 SQL, Speed, Scale by Alan Gates
Apache Hive 2.0 SQL, Speed, Scale by Alan GatesApache Hive 2.0 SQL, Speed, Scale by Alan Gates
Apache Hive 2.0 SQL, Speed, Scale by Alan Gates
 
Growing Data Scientists by Amparo Alonso Betanzos
Growing Data Scientists by Amparo Alonso BetanzosGrowing Data Scientists by Amparo Alonso Betanzos
Growing Data Scientists by Amparo Alonso Betanzos
 
Managing Data Science by David Martínez Rego
Managing Data Science by David Martínez RegoManaging Data Science by David Martínez Rego
Managing Data Science by David Martínez Rego
 
Stream Processing as Game Changer for Big Data and Internet of Things by Kai ...
Stream Processing as Game Changer for Big Data and Internet of Things by Kai ...Stream Processing as Game Changer for Big Data and Internet of Things by Kai ...
Stream Processing as Game Changer for Big Data and Internet of Things by Kai ...
 
RUNNING A PETASCALE DATA SYSTEM: GOOD, BAD, AND UGLY CHOICES by Alexey Kharlamov
RUNNING A PETASCALE DATA SYSTEM: GOOD, BAD, AND UGLY CHOICES by Alexey KharlamovRUNNING A PETASCALE DATA SYSTEM: GOOD, BAD, AND UGLY CHOICES by Alexey Kharlamov
RUNNING A PETASCALE DATA SYSTEM: GOOD, BAD, AND UGLY CHOICES by Alexey Kharlamov
 
Turning an idea into a Data-Driven Production System: An Energy Load Forecas...
 Turning an idea into a Data-Driven Production System: An Energy Load Forecas... Turning an idea into a Data-Driven Production System: An Energy Load Forecas...
Turning an idea into a Data-Driven Production System: An Energy Load Forecas...
 
Multiplatform Spark solution for Graph datasources by Javier Dominguez
Multiplatform Spark solution for Graph datasources by Javier DominguezMultiplatform Spark solution for Graph datasources by Javier Dominguez
Multiplatform Spark solution for Graph datasources by Javier Dominguez
 
Inferring the effect of an event using CausalImpact by Kay H. Brodersen
Inferring the effect of an event using CausalImpact by Kay H. BrodersenInferring the effect of an event using CausalImpact by Kay H. Brodersen
Inferring the effect of an event using CausalImpact by Kay H. Brodersen
 
Apache Flink for IoT: How Event-Time Processing Enables Easy and Accurate Ana...
Apache Flink for IoT: How Event-Time Processing Enables Easy and Accurate Ana...Apache Flink for IoT: How Event-Time Processing Enables Easy and Accurate Ana...
Apache Flink for IoT: How Event-Time Processing Enables Easy and Accurate Ana...
 
HOW TO APPLY BIG DATA ANALYTICS AND MACHINE LEARNING TO REAL TIME PROCESSING ...
HOW TO APPLY BIG DATA ANALYTICS AND MACHINE LEARNING TO REAL TIME PROCESSING ...HOW TO APPLY BIG DATA ANALYTICS AND MACHINE LEARNING TO REAL TIME PROCESSING ...
HOW TO APPLY BIG DATA ANALYTICS AND MACHINE LEARNING TO REAL TIME PROCESSING ...
 
Next generation Polyglot Architectures using Neo4j by Stefan Kolmar
Next generation Polyglot Architectures using Neo4j by Stefan KolmarNext generation Polyglot Architectures using Neo4j by Stefan Kolmar
Next generation Polyglot Architectures using Neo4j by Stefan Kolmar
 
Open data : from Insight to Visualisation with Google BigQuery and Carto.com ...
Open data : from Insight to Visualisation with Google BigQuery and Carto.com ...Open data : from Insight to Visualisation with Google BigQuery and Carto.com ...
Open data : from Insight to Visualisation with Google BigQuery and Carto.com ...
 

Similar to TENSORFLOW: ARCHITECTURE AND USE CASE - NASA SPACE APPS CHALLENGE by Gema Parreño

TensorFlow Tutorial | Deep Learning With TensorFlow | TensorFlow Tutorial For...
TensorFlow Tutorial | Deep Learning With TensorFlow | TensorFlow Tutorial For...TensorFlow Tutorial | Deep Learning With TensorFlow | TensorFlow Tutorial For...
TensorFlow Tutorial | Deep Learning With TensorFlow | TensorFlow Tutorial For...
Simplilearn
 

Similar to TENSORFLOW: ARCHITECTURE AND USE CASE - NASA SPACE APPS CHALLENGE by Gema Parreño (20)

1645 goldenberg using our laptop
1645 goldenberg using our laptop1645 goldenberg using our laptop
1645 goldenberg using our laptop
 
Tensorflow 2.0 and Coral Edge TPU
Tensorflow 2.0 and Coral Edge TPU Tensorflow 2.0 and Coral Edge TPU
Tensorflow 2.0 and Coral Edge TPU
 
Introduction to Tensor Flow-v1.pptx
Introduction to Tensor Flow-v1.pptxIntroduction to Tensor Flow-v1.pptx
Introduction to Tensor Flow-v1.pptx
 
A TensorFlow ppt for the gdsc event used in my college.
A TensorFlow ppt for the gdsc event used in my college.A TensorFlow ppt for the gdsc event used in my college.
A TensorFlow ppt for the gdsc event used in my college.
 
KERAS Python Tutorial
KERAS Python TutorialKERAS Python Tutorial
KERAS Python Tutorial
 
Overview of TensorFlow For Natural Language Processing
Overview of TensorFlow For Natural Language ProcessingOverview of TensorFlow For Natural Language Processing
Overview of TensorFlow For Natural Language Processing
 
App development with stable diffusion model Unlocking the power of generative...
App development with stable diffusion model Unlocking the power of generative...App development with stable diffusion model Unlocking the power of generative...
App development with stable diffusion model Unlocking the power of generative...
 
TensorFlow Tutorial | Deep Learning With TensorFlow | TensorFlow Tutorial For...
TensorFlow Tutorial | Deep Learning With TensorFlow | TensorFlow Tutorial For...TensorFlow Tutorial | Deep Learning With TensorFlow | TensorFlow Tutorial For...
TensorFlow Tutorial | Deep Learning With TensorFlow | TensorFlow Tutorial For...
 
DLT UNIT-3.docx
DLT  UNIT-3.docxDLT  UNIT-3.docx
DLT UNIT-3.docx
 
Transfer Leaning Using Pytorch synopsis Minor project pptx
Transfer Leaning Using Pytorch  synopsis Minor project pptxTransfer Leaning Using Pytorch  synopsis Minor project pptx
Transfer Leaning Using Pytorch synopsis Minor project pptx
 
Benchmarking open source deep learning frameworks
Benchmarking open source deep learning frameworksBenchmarking open source deep learning frameworks
Benchmarking open source deep learning frameworks
 
Machine Learning and Deep Learning with R
Machine Learning and Deep Learning with RMachine Learning and Deep Learning with R
Machine Learning and Deep Learning with R
 
Learn about Tensorflow for Deep Learning now! Part 1
Learn about Tensorflow for Deep Learning now! Part 1Learn about Tensorflow for Deep Learning now! Part 1
Learn about Tensorflow for Deep Learning now! Part 1
 
Performance Comparison between Pytorch and Mindspore
Performance Comparison between Pytorch and MindsporePerformance Comparison between Pytorch and Mindspore
Performance Comparison between Pytorch and Mindspore
 
TensorFlow.pptx
TensorFlow.pptxTensorFlow.pptx
TensorFlow.pptx
 
Austin,TX Meetup presentation tensorflow final oct 26 2017
Austin,TX Meetup presentation tensorflow final oct 26 2017Austin,TX Meetup presentation tensorflow final oct 26 2017
Austin,TX Meetup presentation tensorflow final oct 26 2017
 
Azure 機器學習 - 使用Python, R, Spark, CNTK 深度學習
Azure 機器學習 - 使用Python, R, Spark, CNTK 深度學習 Azure 機器學習 - 使用Python, R, Spark, CNTK 深度學習
Azure 機器學習 - 使用Python, R, Spark, CNTK 深度學習
 
Big Data Analytics (ML, DL, AI) hands-on
Big Data Analytics (ML, DL, AI) hands-onBig Data Analytics (ML, DL, AI) hands-on
Big Data Analytics (ML, DL, AI) hands-on
 
Deep Learning Demystified
Deep Learning DemystifiedDeep Learning Demystified
Deep Learning Demystified
 
Tensorflow Ecosystem
Tensorflow EcosystemTensorflow Ecosystem
Tensorflow Ecosystem
 

More from Big Data Spain

More from Big Data Spain (20)

Big Data, Big Quality? by Irene Gonzálvez at Big Data Spain 2017
Big Data, Big Quality? by Irene Gonzálvez at Big Data Spain 2017Big Data, Big Quality? by Irene Gonzálvez at Big Data Spain 2017
Big Data, Big Quality? by Irene Gonzálvez at Big Data Spain 2017
 
Scaling a backend for a big data and blockchain environment by Rafael Ríos at...
Scaling a backend for a big data and blockchain environment by Rafael Ríos at...Scaling a backend for a big data and blockchain environment by Rafael Ríos at...
Scaling a backend for a big data and blockchain environment by Rafael Ríos at...
 
AI: The next frontier by Amparo Alonso at Big Data Spain 2017
AI: The next frontier by Amparo Alonso at Big Data Spain 2017AI: The next frontier by Amparo Alonso at Big Data Spain 2017
AI: The next frontier by Amparo Alonso at Big Data Spain 2017
 
Disaster Recovery for Big Data by Carlos Izquierdo at Big Data Spain 2017
Disaster Recovery for Big Data by Carlos Izquierdo at Big Data Spain 2017Disaster Recovery for Big Data by Carlos Izquierdo at Big Data Spain 2017
Disaster Recovery for Big Data by Carlos Izquierdo at Big Data Spain 2017
 
Presentation: Boost Hadoop and Spark with in-memory technologies by Akmal Cha...
Presentation: Boost Hadoop and Spark with in-memory technologies by Akmal Cha...Presentation: Boost Hadoop and Spark with in-memory technologies by Akmal Cha...
Presentation: Boost Hadoop and Spark with in-memory technologies by Akmal Cha...
 
Data science for lazy people, Automated Machine Learning by Diego Hueltes at ...
Data science for lazy people, Automated Machine Learning by Diego Hueltes at ...Data science for lazy people, Automated Machine Learning by Diego Hueltes at ...
Data science for lazy people, Automated Machine Learning by Diego Hueltes at ...
 
Training Deep Learning Models on Multiple GPUs in the Cloud by Enrique Otero ...
Training Deep Learning Models on Multiple GPUs in the Cloud by Enrique Otero ...Training Deep Learning Models on Multiple GPUs in the Cloud by Enrique Otero ...
Training Deep Learning Models on Multiple GPUs in the Cloud by Enrique Otero ...
 
Unbalanced data: Same algorithms different techniques by Eric Martín at Big D...
Unbalanced data: Same algorithms different techniques by Eric Martín at Big D...Unbalanced data: Same algorithms different techniques by Eric Martín at Big D...
Unbalanced data: Same algorithms different techniques by Eric Martín at Big D...
 
State of the art time-series analysis with deep learning by Javier Ordóñez at...
State of the art time-series analysis with deep learning by Javier Ordóñez at...State of the art time-series analysis with deep learning by Javier Ordóñez at...
State of the art time-series analysis with deep learning by Javier Ordóñez at...
 
Trading at market speed with the latest Kafka features by Iñigo González at B...
Trading at market speed with the latest Kafka features by Iñigo González at B...Trading at market speed with the latest Kafka features by Iñigo González at B...
Trading at market speed with the latest Kafka features by Iñigo González at B...
 
Unified Stream Processing at Scale with Apache Samza by Jake Maes at Big Data...
Unified Stream Processing at Scale with Apache Samza by Jake Maes at Big Data...Unified Stream Processing at Scale with Apache Samza by Jake Maes at Big Data...
Unified Stream Processing at Scale with Apache Samza by Jake Maes at Big Data...
 
The Analytic Platform behind IBM’s Watson Data Platform by Luciano Resende a...
 The Analytic Platform behind IBM’s Watson Data Platform by Luciano Resende a... The Analytic Platform behind IBM’s Watson Data Platform by Luciano Resende a...
The Analytic Platform behind IBM’s Watson Data Platform by Luciano Resende a...
 
Artificial Intelligence and Data-centric businesses by Óscar Méndez at Big Da...
Artificial Intelligence and Data-centric businesses by Óscar Méndez at Big Da...Artificial Intelligence and Data-centric businesses by Óscar Méndez at Big Da...
Artificial Intelligence and Data-centric businesses by Óscar Méndez at Big Da...
 
Why big data didn’t end causal inference by Totte Harinen at Big Data Spain 2017
Why big data didn’t end causal inference by Totte Harinen at Big Data Spain 2017Why big data didn’t end causal inference by Totte Harinen at Big Data Spain 2017
Why big data didn’t end causal inference by Totte Harinen at Big Data Spain 2017
 
Meme Index. Analyzing fads and sensations on the Internet by Miguel Romero at...
Meme Index. Analyzing fads and sensations on the Internet by Miguel Romero at...Meme Index. Analyzing fads and sensations on the Internet by Miguel Romero at...
Meme Index. Analyzing fads and sensations on the Internet by Miguel Romero at...
 
Vehicle Big Data that Drives Smart City Advancement by Mike Branch at Big Dat...
Vehicle Big Data that Drives Smart City Advancement by Mike Branch at Big Dat...Vehicle Big Data that Drives Smart City Advancement by Mike Branch at Big Dat...
Vehicle Big Data that Drives Smart City Advancement by Mike Branch at Big Dat...
 
End of the Myth: Ultra-Scalable Transactional Management by Ricardo Jiménez-P...
End of the Myth: Ultra-Scalable Transactional Management by Ricardo Jiménez-P...End of the Myth: Ultra-Scalable Transactional Management by Ricardo Jiménez-P...
End of the Myth: Ultra-Scalable Transactional Management by Ricardo Jiménez-P...
 
Attacking Machine Learning used in AntiVirus with Reinforcement by Rubén Mart...
Attacking Machine Learning used in AntiVirus with Reinforcement by Rubén Mart...Attacking Machine Learning used in AntiVirus with Reinforcement by Rubén Mart...
Attacking Machine Learning used in AntiVirus with Reinforcement by Rubén Mart...
 
More people, less banking: Blockchain by Salvador Casquero at Big Data Spain ...
More people, less banking: Blockchain by Salvador Casquero at Big Data Spain ...More people, less banking: Blockchain by Salvador Casquero at Big Data Spain ...
More people, less banking: Blockchain by Salvador Casquero at Big Data Spain ...
 
Make the elephant fly, once again by Sourygna Luangsay at Big Data Spain 2017
Make the elephant fly, once again by Sourygna Luangsay at Big Data Spain 2017Make the elephant fly, once again by Sourygna Luangsay at Big Data Spain 2017
Make the elephant fly, once again by Sourygna Luangsay at Big Data Spain 2017
 

Recently uploaded

TrustArc Webinar - Unified Trust Center for Privacy, Security, Compliance, an...
TrustArc Webinar - Unified Trust Center for Privacy, Security, Compliance, an...TrustArc Webinar - Unified Trust Center for Privacy, Security, Compliance, an...
TrustArc Webinar - Unified Trust Center for Privacy, Security, Compliance, an...
TrustArc
 
Modular Monolith - a Practical Alternative to Microservices @ Devoxx UK 2024
Modular Monolith - a Practical Alternative to Microservices @ Devoxx UK 2024Modular Monolith - a Practical Alternative to Microservices @ Devoxx UK 2024
Modular Monolith - a Practical Alternative to Microservices @ Devoxx UK 2024
Victor Rentea
 

Recently uploaded (20)

Six Myths about Ontologies: The Basics of Formal Ontology
Six Myths about Ontologies: The Basics of Formal OntologySix Myths about Ontologies: The Basics of Formal Ontology
Six Myths about Ontologies: The Basics of Formal Ontology
 
How to Check CNIC Information Online with Pakdata cf
How to Check CNIC Information Online with Pakdata cfHow to Check CNIC Information Online with Pakdata cf
How to Check CNIC Information Online with Pakdata cf
 
Less Is More: Utilizing Ballerina to Architect a Cloud Data Platform
Less Is More: Utilizing Ballerina to Architect a Cloud Data PlatformLess Is More: Utilizing Ballerina to Architect a Cloud Data Platform
Less Is More: Utilizing Ballerina to Architect a Cloud Data Platform
 
Quantum Leap in Next-Generation Computing
Quantum Leap in Next-Generation ComputingQuantum Leap in Next-Generation Computing
Quantum Leap in Next-Generation Computing
 
WSO2's API Vision: Unifying Control, Empowering Developers
WSO2's API Vision: Unifying Control, Empowering DevelopersWSO2's API Vision: Unifying Control, Empowering Developers
WSO2's API Vision: Unifying Control, Empowering Developers
 
Exploring Multimodal Embeddings with Milvus
Exploring Multimodal Embeddings with MilvusExploring Multimodal Embeddings with Milvus
Exploring Multimodal Embeddings with Milvus
 
DEV meet-up UiPath Document Understanding May 7 2024 Amsterdam
DEV meet-up UiPath Document Understanding May 7 2024 AmsterdamDEV meet-up UiPath Document Understanding May 7 2024 Amsterdam
DEV meet-up UiPath Document Understanding May 7 2024 Amsterdam
 
Navigating Identity and Access Management in the Modern Enterprise
Navigating Identity and Access Management in the Modern EnterpriseNavigating Identity and Access Management in the Modern Enterprise
Navigating Identity and Access Management in the Modern Enterprise
 
Choreo: Empowering the Future of Enterprise Software Engineering
Choreo: Empowering the Future of Enterprise Software EngineeringChoreo: Empowering the Future of Enterprise Software Engineering
Choreo: Empowering the Future of Enterprise Software Engineering
 
DBX First Quarter 2024 Investor Presentation
DBX First Quarter 2024 Investor PresentationDBX First Quarter 2024 Investor Presentation
DBX First Quarter 2024 Investor Presentation
 
Intro to Passkeys and the State of Passwordless.pptx
Intro to Passkeys and the State of Passwordless.pptxIntro to Passkeys and the State of Passwordless.pptx
Intro to Passkeys and the State of Passwordless.pptx
 
Polkadot JAM Slides - Token2049 - By Dr. Gavin Wood
Polkadot JAM Slides - Token2049 - By Dr. Gavin WoodPolkadot JAM Slides - Token2049 - By Dr. Gavin Wood
Polkadot JAM Slides - Token2049 - By Dr. Gavin Wood
 
TEST BANK For Principles of Anatomy and Physiology, 16th Edition by Gerard J....
TEST BANK For Principles of Anatomy and Physiology, 16th Edition by Gerard J....TEST BANK For Principles of Anatomy and Physiology, 16th Edition by Gerard J....
TEST BANK For Principles of Anatomy and Physiology, 16th Edition by Gerard J....
 
Introduction to Multilingual Retrieval Augmented Generation (RAG)
Introduction to Multilingual Retrieval Augmented Generation (RAG)Introduction to Multilingual Retrieval Augmented Generation (RAG)
Introduction to Multilingual Retrieval Augmented Generation (RAG)
 
الأمن السيبراني - ما لا يسع للمستخدم جهله
الأمن السيبراني - ما لا يسع للمستخدم جهلهالأمن السيبراني - ما لا يسع للمستخدم جهله
الأمن السيبراني - ما لا يسع للمستخدم جهله
 
The Zero-ETL Approach: Enhancing Data Agility and Insight
The Zero-ETL Approach: Enhancing Data Agility and InsightThe Zero-ETL Approach: Enhancing Data Agility and Insight
The Zero-ETL Approach: Enhancing Data Agility and Insight
 
TrustArc Webinar - Unified Trust Center for Privacy, Security, Compliance, an...
TrustArc Webinar - Unified Trust Center for Privacy, Security, Compliance, an...TrustArc Webinar - Unified Trust Center for Privacy, Security, Compliance, an...
TrustArc Webinar - Unified Trust Center for Privacy, Security, Compliance, an...
 
Modernizing Legacy Systems Using Ballerina
Modernizing Legacy Systems Using BallerinaModernizing Legacy Systems Using Ballerina
Modernizing Legacy Systems Using Ballerina
 
Modular Monolith - a Practical Alternative to Microservices @ Devoxx UK 2024
Modular Monolith - a Practical Alternative to Microservices @ Devoxx UK 2024Modular Monolith - a Practical Alternative to Microservices @ Devoxx UK 2024
Modular Monolith - a Practical Alternative to Microservices @ Devoxx UK 2024
 
Web Form Automation for Bonterra Impact Management (fka Social Solutions Apri...
Web Form Automation for Bonterra Impact Management (fka Social Solutions Apri...Web Form Automation for Bonterra Impact Management (fka Social Solutions Apri...
Web Form Automation for Bonterra Impact Management (fka Social Solutions Apri...
 

TENSORFLOW: ARCHITECTURE AND USE CASE - NASA SPACE APPS CHALLENGE by Gema Parreño

  • 1.
  • 3. WHAT IS AN ARTIFICIAL NEURON?
  • 4. WHAT IS AN ARTIFICIAL NEURON ?
  • 5. Image Recognition Classification using Softmax Regressions and Convolutional Neural Networks
  • 6. Languaje Understanding Find in SoftMax Regression interesting semantic Relationships
  • 7. What is Tensor Flow ? Open Source Python artificial intelligence library using data flow graphs to build models Helps to create a deep neural network architecture Used in language understanding,image recognition, classification and prediction .
  • 8. Advantajes about 1.Flexibility of representation. Create any type of data flow graph 2.Performs calculations both on CPU and GPU . Supports for parallel and asynchronous computations 1.Higly Scalable across many machines and huge datasets 3. Comes with many tools helping to build and visualize the data flow networks and neural nets
  • 9. What is Tensor Flow used for ? PERCEPTION License Apache For both Research and Commercial Propouses DISCOVERING UNDERSTANDING PREDICTION CREATION CLASSIFICATION
  • 10. Difference in between Machine Learning and Deep Learning CORE : Deep Learning Can run on multiple CUPs and GPUs USES : Perceptual and language understanding NEURAL NETWORKS MULTILAYERED - HMM CORE : Machine Learning Based on more logical inputs USES : Perceptual and language understanding REASONING NAIVE BAYES MULTILAYERED CONTEXTS CORE : Deep learning generally means building large scale neural networks with many layers LOGICAL REASONING
  • 11. The Main architecture of TensorFlow
  • 12. The Main architecture of TensorFlow TENSORS Structure of data GRAPHS Graphic representation of the computational process VARIABLES Helps define the structure of the neural net model NEURAL NETS Structure that is built to deal with complex problems
  • 13. The Main architecture of TensorFlow DATA Tensors :multidimensional and dynamically sized data arrays TF use a tensor data structure to represent all data Comparing to matrix it has more dregrees of freedom regarding data selection and slicing. tf.Tensor class TENSOR ARCHITECTURE TIP Tensor is a structure in wich you can add levels of complexity From Scalar to time!
  • 14. The Main architecture of TensorFlow TENSOR RANK SHAPES TYPES Defines structure of the Tensor How we write or represent it on Tensor Flow Defines dimensionality Structure of the kind of data we are going to deal with
  • 15. The Main architecture of TensorFlow TENSOR TENSOR TRANSFORMATIONS SHAPING Operations that you can use to determine the shape of a tensor and change the shape of a tensor tf.reshape(input, name=None) Reshape a tensor SLICING & JOINING Operations to slice or extract parts of a tensor, or join multiple tensors together Tf.slice(input_, begin, size, name=None) Extracts a slice of a tensor
  • 16. The Main architecture of TensorFlow TRAIN When you train a model, you use variables to hold and update parameters . Variables contains tensors Can be shaped and restored. It has an specific class tf.Variable class VARIABLES ARCHITECTURE TIP During the training phase, you might discover a variable useful value. Weights and biases are variables
  • 17. The Main architecture of TensorFlow Process for initializing the variables. Save and restore a model to the graphs with a variable When you restore variables from a file you do not have to initialize them INITIALIZATION SAVING RESTORING tf.initialize_all_variables() tf.train.Saver() Saver.save () VARIABLES Saver.restore()
  • 18. The Main architecture of TensorFlow KNOWLEDGE REPRESENTATION Launch de graph starting a session.A session object encapsulates th enviroment in wich Operation objects are exexuted, and Tensor objects are evaluated When you run a session it is considered a representation tf.Graph class GRAPHS ARCHITECTURE TIP Graphs are visual construction of the Neural Network : considered knowledge representation
  • 19. How to best construct a Graph in Tensor Flow ? Example of of a data flow graph with multiple nodes (data operations). Notice how the execution of nodes is asynchronous. This allows incredible scalability across many machines
  • 20. Online Resources for TensorFlow
  • 21. Tips & Tricks for Designing Neural Nets
  • 22. TIPS & TRICKS FOR DESIGNING NEURAL NETS ARCHITECTURE TIP In the Neural Net, how we structure data will define the tensorflow model construction. ARCHITECTURE TIP Seize the data . The selection of training data has alredy proven to be key in the learning process ARCHITECTURE TIP Think about the learning as a multilayered process by design ARCHITECTURE TIP In the Neural Net, knowledge hierarchy is key. Think about learning from bottom-top of top-bottom aproach
  • 24. TENSOR FLOW PLAYGROUND DESIGN THE LEARNING PROCESS in the net Input / output and activation function
  • 25. TENSOR FLOW FOR POETS CREATE YOUR OWN CLASSIFIER in the net Input / output and activation function
  • 30.
  • 31.
  • 32.
  • 33.
  • 34.
  • 35.
  • 36.
  • 37.
  • 38. Neo´s neural Net design NEURAL NET A DATASETS B EXECUTION OF NEO RECOGNIZING PROTOCOL Extract into a CSV the actionable data for training process. Select a balanced dataset for training, including known matched NEO´s. C D 1st LAYER EVALUATIONExecution of the protocol described in “Hazards Due to Comets and Asteroids” Tree decision data pruning process that allows raw data to transform into knowledge Feed the neural net with training data. Create a tensor and including a transfer function that matches the known orbit of the NEO and do classification into the 4 main groups. Execute a Softmax regression with the spectral and physical data about the asteroid, gathering info about the potencial harm the NEO could do.
  • 39. Neo´s neural Net design NEURAL NET E 2nd LAYER Retrain the Neural Network. Sometimes the observation of NEO´s might drive into changes. The software allow us to prune false positives
  • 40. If we re-train a neural net over time, are we teaching it to change ?
  • 41. Top 25 project among all projects worldwide Variables can be trained about the uncertainty of the change in orbit classification, offering an advantage against other classification approaches Opportunity to have a high level of abstraction in design, and learn about how the observation of NEO´s can influence into their classification One of the main key concepts about this is about how time can change classification and how we train a neural net to visualize it.