SlideShare a Scribd company logo
BRV CTO Summit
• UC Berkeley Undergrad/Stanford Grad EE
• Statistical physics helped/tensors, Lagrangian
• Tech Lead @Google/Waymo started w/Book Search
• self driving cars/RTOS C++
1
Outline
• Basic Architectures — Group discussion first
• What I need from you/similar to Andrei Pop discussions
• CNNs
• Motivation (better than human performance)
• CNN applications
• Backprop/ deep dive demo only (replicating papers).
• tools for getting to 30 deep layers
• CNN / building a model -> tips for DL
• RNNs applications
• RNN language models
• Word Embeddings(word2Vec) -> Entity Embeddings
• Rossmann stores
• State of the art >90% modeling performance.
Group discussion/ Don’t need the functional spec <-> need
enough experience with your data to be useful
• deepRL (remove) replace w/request for reinforcement learning vs. mobile
2
Types of Machine Learning
• Supervised(data train)
• Unsupervised(data/dist)
• Reinforcement Learning
Data vs. algorithms/data is used in place of an algorithm
Data vs. Algorithm
Computer vision approach
Which approach is cheaper by 50x+?
$600 vs 30k
No collision assumption
Some things algos can’t do
How to solve the turtle problem?
Source: Nvidia
Source: Nvidia
Source: Nvidia
Source: Nvidia
https://github.com/jcjohnson/neural-style
CNN / Image recognition
Better than humans
Image captioning
CNN+RNN
RNN for language modeling
Deep Learning
13
• Position above Udacity/Coursera classes/solutions
• Quality/Relevance based on quality of input. (group feed
back based for next lecture)
• HealthAPI embeddings/database; have seen their
data and use cases 2+ years ago.
• Poll: DL in production? Replicating papers? PyTorch vs.
TF(production)? Structured Data? Tools for 32layer
deep CNN?
• Start CNN/RNN architectures/ following the class format
CNNs - Convoutional Neural
Networks • ~2015 Beat
humans(94%
vs.
99%)/caused
creation of
cs231n
14
Source:cs231n
cifar10/cifar100
LeNet CNN
• 2D convolution; take a window and slide over the image. The
amount sliding to right then down when end is reached is the
stride
• The size of the convolution window is kernel/filter
• padding is an extra line of pixels on the edges added if padding is
SAME. Valid has no padding. Truncate the multiply. Assume 0.
tf.conf2d
Source: Hinton/Coursera
Numerical examples for debugging 1 image
Gap between udacity/coursera/cs231n assignments building application/deployment
Source: Hinton/Coursera
Fully connected layer for outputting probability
tf implementation page1/2
Source: https://github.com/dougc333/UdacityCarStuff/tree/master/CarND-Traffic-Sign-Classifier-Project
tf implementation page2/2
Source: https://github.com/dougc333/UdacityCarStuff/tree/master/CarND-Traffic-Sign-Classifier-Project
Keras / use for kaggle/practice/replicate papers
Source: https://github.com/dougc333/UdacityCarStuff/tree/master/CarND-Traffic-Sign-Classifier-Project
OO Models from cs20SI
Models Iteration 1
Source: https://github.com/dougc333/DeepLearning
After building hundreds of models here are some problems I still have:
Error message won’t say no init. Will seem like you have an unrelated problem
debug adding new variable
Can’t print variable w/o session run()
TF tips:
Source: Stanford cs20si slides
Unlike normal programming languages Printing a variable is hard
W=tf.Variable(tf.truncated_normal[700,10]))
print(W)
with tf.Session() as sess:
sess.run(init)
print(W)
Tensor(“Variable/read:100”, shape(700,10))
no var name
there is global init
no init/
won’t see: no session/no eval
with tf.Session() as sess:
sess.run(init)
print(W.eval())
Tensor(“Variable/read:100”, shape(700,10))
I want to change the variable value while debugging someone’s code
no output?
create an assign op first then run the op
assign the assign!!!!
delayed execution
not in the web pages/might be in slack now
Source: Stanford cs20si slides
tensorflow graphs when debugging/order is not guaranteed
with g.control_dependencies([a,b,c]):
A+B+C = (A+B) +C or A + (B+C)
easy to figure out when you get to it..
a reminder this is a lazy eval graph language/
not like a normal programming language
things take longer with TF
the old versions are stable in production
Lazy graph problems
in a training loop/want to change variable
make op an add to keep simple
in tf/second example creates 10 adds
common error/works but graph too large
Source: Stanford cs20si slides
Difference between
Models/InferencePoll: mobile/targeting speeds
Modeling tips next
No slides on inference speed.
Big gap for mobile deployment
Poll, inference speed for mobile
Prep for training
vs. batch normalization/gradient clipping
Augmentation
source: https://github.com/dougc333/DeepLearning
Overfitting/early stop
NN overfit
Weight histograms
L2 regularization, get rid of large weights,
center around origin
L1 regularization: center around 0
Additive noise: stops learning early
multiplicative noise, helps to push to origin/mean
Generalization
Medical Imaging
Can replicate the turtle ~ tumor Need higher resolutions
Debug a higher resolution cnn > 224x224 input image size
Poll: who has/is working on higher resolution cnn?
Muffin or Chihuahua
fix w/PCA
Key to DL - Backprop
• leave out derivatives….
• none of the online classes emphasize this; matching manual gradient
calculations to code.
• need this skill to debug larger/deeper networks. Builds intuition on how
networks fail/recover.
• Tradeoff between batch normalization/L1/L2 regularization/adding
noise/reducing overfitting
• Overfitting necessary for failed nodes during SGD. Sampling process not
uniform.
• practice derivatives/chain rule — implemented by sw packages
tensorflow/pytorch/theano.
Key to Deep Learning
Need this to replicate papers/debug networks
Derivation of backdrop
Notation
Derivation of backdrop — Linear function
Linear Result
Feedforward Network
Logistic Function
Logistic Result
Logistic Layer+ Logistic Activation
Logistic/Logistic Result
Shared Weights Increases generality and reduces computation
Not just for CNNS
Derivation of backdrop
Derivation of backdrop
Derivation of backdrop
Structured data with shared weights
Accuracy comparisons
• graphs w/# hidden neurons height, width
• accuracy w/hidden weights
• computation time savings w/hidden weights
Keras may not be best tool for Architecture experiments
Do the work and have your own opinion
Derivation of backdrop
Derivation of backdrop
Derivation of backdrop
Gradient Based Methods
Conjugate Gradient Descent
SGD (Vincent’s lecture)
LGBFS/Ng’s UFDL Stanford Notes
Udacity covers GD; Vincent covers SGD
Only 1 option w/BigData
SGD samples the input data
Poll: who is interested in hw accelerated momentum/python
Andrew Ng <-> Andrew Pop (word2vec)
Marshall /not telling him what to
do
Deep Learning wo CNN
DL
Input Output
Super Resolution Best algos not always DL
not zoom, subpixel reconstruction
Trick: optimize for digits. leaf still blurry
GANs
http://cvl-demos.cs.nott.ac.uk/vrn/view.php?name=../59b194ceed046
3D reconstruction from 2d image
BMW Car locator/parking
Perspective mapping
Deep learning would find a better matrix/2 cameras to calibrate
RNNs
NLP - add more?
Build a language model Source: Peter Norvig(Google)/udacity
n-grams
Next: word2vec
Need for embeddings
Poll: NLP tasks
Semantic Ambuigity problem
We want to learn in a corpus cat similar to kitty and we want to share weights
This task using supervised learning would require too much labeled data which we don't ha
We are going to use unsupervised learning
Source: Vincent Vanhoucke(Google)/Udacity
Unsupervised learning
The trick we are going to use is similar words appear in similar context.
s we process more and more text we will notice we can use kitty and cat interchangably
Source: Vincent Vanhoucke(Google)/Udacity
We are going to use embeddings which is a NN and
will map similar words close to each other
Source: Vincent Vanhoucke(Google)/Udacity
Word2Vec finds these embeddings
1) map each word to a random embedding
2) use embedding to predict next word
3) iterate over massive text and kitty purrs and cat
purrs examples will cause cat/kitty to be next to a
common word. This signal makes these words
close together in the embedded cube
Source: Vincent Vanhoucke(Google)/Udacity
Embeddings/Word2Vec
rs.nips.cc/paper/5021-distributed-representations-of-words-and-phrases-and-their-compos
Source: Vincent Vanhoucke(Google)/Udacity
Don’t do this Feature Engineering
Create separate feature to detect
outliers.
Increase profit
Do not hide it. Underfit
Never underfit
Example viable models
cs20si youtube lecture3 18:39
Outliers are good/ we need them to do feature engineering/on the outliers!!!!
https://www.slideshare.net/DougChang1/demographics-andweblogtargeting-10757778
The crappy way/ can add numerical values to DL
make them more efficient/sparse w/embeddings
https://www.kaggle.com/thie1e/exploratory-analysis-rossmann
Entity Embeddings of Categorical
Variables Cheng Guo/Felix Berkhahn
• Convert categorical to embeddings. Related to Word2Vec
• DL back propagation only holds for continuous functions.
EE map them closer to continuous distributions
• Add additional data from weather and Google Trends
• Feature Engineering
• Bonus/makes existing algorithms Decision Trees/XGBoost
orders of magnitude faster
• State of the art performance at 90-95%.
74
https://arxiv.org/pdf/1604.06737.pdf
Reformat date split the strings into month/#, day/# etc…
2 layer FF network
Discrete values close enough to be continuous
Transfer Learning
Transfer Learning - data vs. new algorithms
https://medium.com/nf2-project
NF1 on chromosome 18
NF2 on chromosome 22
Discovered via hackathon
Sponsored by accel.ai/google
Expanded to health events
Multitask learning
• multimodal learning from Ng, using audio and video
together;
• Multi-Task learning: https://arxiv.org/pdf/1705.07115.pdf
79
Poll: who has seen this/has application for this?
RNN type apps
Reinforcement Learning
Dec 2013 Deepmind Atari games/agents
Design an agent to maximize a reward
take screenshots of atari
games, build a modified
CNN to output a reward
vs. a classification
probability
reward: get points for staying in
lane, etc.
lose points for collisions, etc…
actions: speed of car, steering
angle
maximize reward
Deterministic Policy Gradients
Q learning:
minimize temporal difference
maximize expected reward
MDP-Markov Decision
Process
• in current state s member of S
• with action a member of Actions(s)
• P(s’|s,a) probability of going to state s’ when in state s and
action a. We have a probability P because we don’t have
the same result every time on action a. (definition of
stochastic)
• R(s,a,s’) ; R is a reward state given current state s, next
state s’ and action a.
To solve a MDP
• find a PI(s) which is going to maximize the discounted total
reward.
math… 10/19 4am.. I changed my mind.. schedule a deep dive like backprop

More Related Content

What's hot

Neural Networks and Deep Learning
Neural Networks and Deep LearningNeural Networks and Deep Learning
Neural Networks and Deep Learning
Asim Jalis
 
Julia: A modern language for software 2.0
Julia: A modern language for software 2.0Julia: A modern language for software 2.0
Julia: A modern language for software 2.0
Viral Shah
 
Deep Learning: a birds eye view
Deep Learning: a birds eye viewDeep Learning: a birds eye view
Deep Learning: a birds eye view
Roelof Pieters
 
Learn to Build an App to Find Similar Images using Deep Learning- Piotr Teterwak
Learn to Build an App to Find Similar Images using Deep Learning- Piotr TeterwakLearn to Build an App to Find Similar Images using Deep Learning- Piotr Teterwak
Learn to Build an App to Find Similar Images using Deep Learning- Piotr Teterwak
PyData
 
DEF CON 24 - Clarence Chio - machine duping 101
DEF CON 24 - Clarence Chio - machine duping 101DEF CON 24 - Clarence Chio - machine duping 101
DEF CON 24 - Clarence Chio - machine duping 101
Felipe Prado
 
Deep Learning
Deep LearningDeep Learning
Deep Learning
Jun Wang
 
Jeff Dean at AI Frontiers: Trends and Developments in Deep Learning Research
Jeff Dean at AI Frontiers: Trends and Developments in Deep Learning ResearchJeff Dean at AI Frontiers: Trends and Developments in Deep Learning Research
Jeff Dean at AI Frontiers: Trends and Developments in Deep Learning Research
AI Frontiers
 
Academia to Data Science - A Hitchhiker's Guide
Academia to Data Science - A Hitchhiker's GuideAcademia to Data Science - A Hitchhiker's Guide
Academia to Data Science - A Hitchhiker's Guide
Sudeep Das, Ph.D.
 
Deep Learning And Business Models (VNITC 2015-09-13)
Deep Learning And Business Models (VNITC 2015-09-13)Deep Learning And Business Models (VNITC 2015-09-13)
Deep Learning And Business Models (VNITC 2015-09-13)
Ha Phuong
 
Deep Learning - Convolutional Neural Networks
Deep Learning - Convolutional Neural NetworksDeep Learning - Convolutional Neural Networks
Deep Learning - Convolutional Neural Networks
Christian Perone
 
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
Forrest Iandola
 
TensorFlow
TensorFlowTensorFlow
TensorFlow
Sang-Houn Choi
 
Lecture 1: Deep Learning Fundamentals - Full Stack Deep Learning - Spring 2021
Lecture 1: Deep Learning Fundamentals - Full Stack Deep Learning - Spring 2021Lecture 1: Deep Learning Fundamentals - Full Stack Deep Learning - Spring 2021
Lecture 1: Deep Learning Fundamentals - Full Stack Deep Learning - Spring 2021
Sergey Karayev
 
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
Poo Kuan Hoong
 

What's hot (14)

Neural Networks and Deep Learning
Neural Networks and Deep LearningNeural Networks and Deep Learning
Neural Networks and Deep Learning
 
Julia: A modern language for software 2.0
Julia: A modern language for software 2.0Julia: A modern language for software 2.0
Julia: A modern language for software 2.0
 
Deep Learning: a birds eye view
Deep Learning: a birds eye viewDeep Learning: a birds eye view
Deep Learning: a birds eye view
 
Learn to Build an App to Find Similar Images using Deep Learning- Piotr Teterwak
Learn to Build an App to Find Similar Images using Deep Learning- Piotr TeterwakLearn to Build an App to Find Similar Images using Deep Learning- Piotr Teterwak
Learn to Build an App to Find Similar Images using Deep Learning- Piotr Teterwak
 
DEF CON 24 - Clarence Chio - machine duping 101
DEF CON 24 - Clarence Chio - machine duping 101DEF CON 24 - Clarence Chio - machine duping 101
DEF CON 24 - Clarence Chio - machine duping 101
 
Deep Learning
Deep LearningDeep Learning
Deep Learning
 
Jeff Dean at AI Frontiers: Trends and Developments in Deep Learning Research
Jeff Dean at AI Frontiers: Trends and Developments in Deep Learning ResearchJeff Dean at AI Frontiers: Trends and Developments in Deep Learning Research
Jeff Dean at AI Frontiers: Trends and Developments in Deep Learning Research
 
Academia to Data Science - A Hitchhiker's Guide
Academia to Data Science - A Hitchhiker's GuideAcademia to Data Science - A Hitchhiker's Guide
Academia to Data Science - A Hitchhiker's Guide
 
Deep Learning And Business Models (VNITC 2015-09-13)
Deep Learning And Business Models (VNITC 2015-09-13)Deep Learning And Business Models (VNITC 2015-09-13)
Deep Learning And Business Models (VNITC 2015-09-13)
 
Deep Learning - Convolutional Neural Networks
Deep Learning - Convolutional Neural NetworksDeep Learning - Convolutional Neural Networks
Deep Learning - Convolutional Neural Networks
 
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
 
TensorFlow
TensorFlowTensorFlow
TensorFlow
 
Lecture 1: Deep Learning Fundamentals - Full Stack Deep Learning - Spring 2021
Lecture 1: Deep Learning Fundamentals - Full Stack Deep Learning - Spring 2021Lecture 1: Deep Learning Fundamentals - Full Stack Deep Learning - Spring 2021
Lecture 1: Deep Learning Fundamentals - Full Stack Deep Learning - Spring 2021
 
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
 

Similar to BRV CTO Summit Deep Learning Talk

2019 05 11 Chicago Codecamp - Deep Learning for everyone? Challenge Accepted!
2019 05 11 Chicago Codecamp - Deep Learning for everyone? Challenge Accepted!2019 05 11 Chicago Codecamp - Deep Learning for everyone? Challenge Accepted!
2019 05 11 Chicago Codecamp - Deep Learning for everyone? Challenge Accepted!
Bruno Capuano
 
Crafting Recommenders: the Shallow and the Deep of it!
Crafting Recommenders: the Shallow and the Deep of it! Crafting Recommenders: the Shallow and the Deep of it!
Crafting Recommenders: the Shallow and the Deep of it!
Sudeep Das, Ph.D.
 
From Conventional Machine Learning to Deep Learning and Beyond.pptx
From Conventional Machine Learning to Deep Learning and Beyond.pptxFrom Conventional Machine Learning to Deep Learning and Beyond.pptx
From Conventional Machine Learning to Deep Learning and Beyond.pptx
Chun-Hao Chang
 
AI and Deep Learning
AI and Deep Learning AI and Deep Learning
AI and Deep Learning
Subrat Panda, PhD
 
BDS_QA.pdf
BDS_QA.pdfBDS_QA.pdf
BDS_QA.pdf
NikunjaParida1
 
End-to-End Platform Support for Distributed Deep Learning in Finance
End-to-End Platform Support for Distributed Deep Learning in FinanceEnd-to-End Platform Support for Distributed Deep Learning in Finance
End-to-End Platform Support for Distributed Deep Learning in Finance
Jim Dowling
 
Distributed deep learning_over_spark_20_nov_2014_ver_2.8
Distributed deep learning_over_spark_20_nov_2014_ver_2.8Distributed deep learning_over_spark_20_nov_2014_ver_2.8
Distributed deep learning_over_spark_20_nov_2014_ver_2.8
Vijay Srinivas Agneeswaran, Ph.D
 
How to use transfer learning to bootstrap image classification and question a...
How to use transfer learning to bootstrap image classification and question a...How to use transfer learning to bootstrap image classification and question a...
How to use transfer learning to bootstrap image classification and question a...
Wee Hyong Tok
 
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
Clarisse Hedglin
 
building intelligent systems with large scale deep learning
building intelligent systems with large scale deep learningbuilding intelligent systems with large scale deep learning
building intelligent systems with large scale deep learning
mustafa sarac
 
10 Ways To Improve Your Code( Neal Ford)
10  Ways To  Improve  Your  Code( Neal  Ford)10  Ways To  Improve  Your  Code( Neal  Ford)
10 Ways To Improve Your Code( Neal Ford)guestebde
 
Distributed Models Over Distributed Data with MLflow, Pyspark, and Pandas
Distributed Models Over Distributed Data with MLflow, Pyspark, and PandasDistributed Models Over Distributed Data with MLflow, Pyspark, and Pandas
Distributed Models Over Distributed Data with MLflow, Pyspark, and Pandas
Databricks
 
Deeplearning on Hadoop @OSCON 2014
Deeplearning on Hadoop @OSCON 2014Deeplearning on Hadoop @OSCON 2014
Deeplearning on Hadoop @OSCON 2014
Adam Gibson
 
Embedding Pig in scripting languages
Embedding Pig in scripting languagesEmbedding Pig in scripting languages
Embedding Pig in scripting languages
Julien Le Dem
 
Cloudera Data Science Challenge 3 Solution by Doug Needham
Cloudera Data Science Challenge 3 Solution by Doug NeedhamCloudera Data Science Challenge 3 Solution by Doug Needham
Cloudera Data Science Challenge 3 Solution by Doug Needham
Doug Needham
 
Data Parallel Deep Learning
Data Parallel Deep LearningData Parallel Deep Learning
Data Parallel Deep Learning
inside-BigData.com
 
Overview Of Parallel Development - Ericnel
Overview Of Parallel Development -  EricnelOverview Of Parallel Development -  Ericnel
Overview Of Parallel Development - Ericnel
ukdpe
 
Screencasting and Presenting for Engineers
Screencasting and Presenting for EngineersScreencasting and Presenting for Engineers
Screencasting and Presenting for Engineers
Kunal Johar
 
"Solving Vision Tasks Using Deep Learning: An Introduction," a Presentation f...
"Solving Vision Tasks Using Deep Learning: An Introduction," a Presentation f..."Solving Vision Tasks Using Deep Learning: An Introduction," a Presentation f...
"Solving Vision Tasks Using Deep Learning: An Introduction," a Presentation f...
Edge AI and Vision Alliance
 

Similar to BRV CTO Summit Deep Learning Talk (20)

2019 05 11 Chicago Codecamp - Deep Learning for everyone? Challenge Accepted!
2019 05 11 Chicago Codecamp - Deep Learning for everyone? Challenge Accepted!2019 05 11 Chicago Codecamp - Deep Learning for everyone? Challenge Accepted!
2019 05 11 Chicago Codecamp - Deep Learning for everyone? Challenge Accepted!
 
Crafting Recommenders: the Shallow and the Deep of it!
Crafting Recommenders: the Shallow and the Deep of it! Crafting Recommenders: the Shallow and the Deep of it!
Crafting Recommenders: the Shallow and the Deep of it!
 
From Conventional Machine Learning to Deep Learning and Beyond.pptx
From Conventional Machine Learning to Deep Learning and Beyond.pptxFrom Conventional Machine Learning to Deep Learning and Beyond.pptx
From Conventional Machine Learning to Deep Learning and Beyond.pptx
 
AI and Deep Learning
AI and Deep Learning AI and Deep Learning
AI and Deep Learning
 
BDS_QA.pdf
BDS_QA.pdfBDS_QA.pdf
BDS_QA.pdf
 
End-to-End Platform Support for Distributed Deep Learning in Finance
End-to-End Platform Support for Distributed Deep Learning in FinanceEnd-to-End Platform Support for Distributed Deep Learning in Finance
End-to-End Platform Support for Distributed Deep Learning in Finance
 
Distributed deep learning_over_spark_20_nov_2014_ver_2.8
Distributed deep learning_over_spark_20_nov_2014_ver_2.8Distributed deep learning_over_spark_20_nov_2014_ver_2.8
Distributed deep learning_over_spark_20_nov_2014_ver_2.8
 
How to use transfer learning to bootstrap image classification and question a...
How to use transfer learning to bootstrap image classification and question a...How to use transfer learning to bootstrap image classification and question a...
How to use transfer learning to bootstrap image classification and question a...
 
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
 
building intelligent systems with large scale deep learning
building intelligent systems with large scale deep learningbuilding intelligent systems with large scale deep learning
building intelligent systems with large scale deep learning
 
10 Ways To Improve Your Code
10 Ways To Improve Your Code10 Ways To Improve Your Code
10 Ways To Improve Your Code
 
10 Ways To Improve Your Code( Neal Ford)
10  Ways To  Improve  Your  Code( Neal  Ford)10  Ways To  Improve  Your  Code( Neal  Ford)
10 Ways To Improve Your Code( Neal Ford)
 
Distributed Models Over Distributed Data with MLflow, Pyspark, and Pandas
Distributed Models Over Distributed Data with MLflow, Pyspark, and PandasDistributed Models Over Distributed Data with MLflow, Pyspark, and Pandas
Distributed Models Over Distributed Data with MLflow, Pyspark, and Pandas
 
Deeplearning on Hadoop @OSCON 2014
Deeplearning on Hadoop @OSCON 2014Deeplearning on Hadoop @OSCON 2014
Deeplearning on Hadoop @OSCON 2014
 
Embedding Pig in scripting languages
Embedding Pig in scripting languagesEmbedding Pig in scripting languages
Embedding Pig in scripting languages
 
Cloudera Data Science Challenge 3 Solution by Doug Needham
Cloudera Data Science Challenge 3 Solution by Doug NeedhamCloudera Data Science Challenge 3 Solution by Doug Needham
Cloudera Data Science Challenge 3 Solution by Doug Needham
 
Data Parallel Deep Learning
Data Parallel Deep LearningData Parallel Deep Learning
Data Parallel Deep Learning
 
Overview Of Parallel Development - Ericnel
Overview Of Parallel Development -  EricnelOverview Of Parallel Development -  Ericnel
Overview Of Parallel Development - Ericnel
 
Screencasting and Presenting for Engineers
Screencasting and Presenting for EngineersScreencasting and Presenting for Engineers
Screencasting and Presenting for Engineers
 
"Solving Vision Tasks Using Deep Learning: An Introduction," a Presentation f...
"Solving Vision Tasks Using Deep Learning: An Introduction," a Presentation f..."Solving Vision Tasks Using Deep Learning: An Introduction," a Presentation f...
"Solving Vision Tasks Using Deep Learning: An Introduction," a Presentation f...
 

More from Doug Chang

Hapi
HapiHapi
Hadoop applicationarchitectures
Hadoop applicationarchitecturesHadoop applicationarchitectures
Hadoop applicationarchitecturesDoug Chang
 
Odersky week1 notes
Odersky week1 notesOdersky week1 notes
Odersky week1 notes
Doug Chang
 
Spark Streaming Info
Spark Streaming InfoSpark Streaming Info
Spark Streaming InfoDoug Chang
 
Capital onehadoopclass
Capital onehadoopclassCapital onehadoopclass
Capital onehadoopclass
Doug Chang
 
Capital onehadoopintro
Capital onehadoopintroCapital onehadoopintro
Capital onehadoopintroDoug Chang
 
L'Oreal Tech Talk
L'Oreal Tech TalkL'Oreal Tech Talk
L'Oreal Tech TalkDoug Chang
 
Apache bigtopwg7142013
Apache bigtopwg7142013Apache bigtopwg7142013
Apache bigtopwg7142013Doug Chang
 
Bigtop june302013
Bigtop june302013Bigtop june302013
Bigtop june302013Doug Chang
 
Bigtop elancesmallrev1
Bigtop elancesmallrev1Bigtop elancesmallrev1
Bigtop elancesmallrev1Doug Chang
 
Hadoop/HBase POC framework
Hadoop/HBase POC frameworkHadoop/HBase POC framework
Hadoop/HBase POC framework
Doug Chang
 
Demographics andweblogtargeting
Demographics andweblogtargetingDemographics andweblogtargeting
Demographics andweblogtargetingDoug Chang
 

More from Doug Chang (13)

Hapi
HapiHapi
Hapi
 
Hadoop applicationarchitectures
Hadoop applicationarchitecturesHadoop applicationarchitectures
Hadoop applicationarchitectures
 
Odersky week1 notes
Odersky week1 notesOdersky week1 notes
Odersky week1 notes
 
Spark Streaming Info
Spark Streaming InfoSpark Streaming Info
Spark Streaming Info
 
Capital onehadoopclass
Capital onehadoopclassCapital onehadoopclass
Capital onehadoopclass
 
Training
TrainingTraining
Training
 
Capital onehadoopintro
Capital onehadoopintroCapital onehadoopintro
Capital onehadoopintro
 
L'Oreal Tech Talk
L'Oreal Tech TalkL'Oreal Tech Talk
L'Oreal Tech Talk
 
Apache bigtopwg7142013
Apache bigtopwg7142013Apache bigtopwg7142013
Apache bigtopwg7142013
 
Bigtop june302013
Bigtop june302013Bigtop june302013
Bigtop june302013
 
Bigtop elancesmallrev1
Bigtop elancesmallrev1Bigtop elancesmallrev1
Bigtop elancesmallrev1
 
Hadoop/HBase POC framework
Hadoop/HBase POC frameworkHadoop/HBase POC framework
Hadoop/HBase POC framework
 
Demographics andweblogtargeting
Demographics andweblogtargetingDemographics andweblogtargeting
Demographics andweblogtargeting
 

Recently uploaded

一比一原版(UofM毕业证)明尼苏达大学毕业证成绩单
一比一原版(UofM毕业证)明尼苏达大学毕业证成绩单一比一原版(UofM毕业证)明尼苏达大学毕业证成绩单
一比一原版(UofM毕业证)明尼苏达大学毕业证成绩单
ewymefz
 
The affect of service quality and online reviews on customer loyalty in the E...
The affect of service quality and online reviews on customer loyalty in the E...The affect of service quality and online reviews on customer loyalty in the E...
The affect of service quality and online reviews on customer loyalty in the E...
jerlynmaetalle
 
Predicting Product Ad Campaign Performance: A Data Analysis Project Presentation
Predicting Product Ad Campaign Performance: A Data Analysis Project PresentationPredicting Product Ad Campaign Performance: A Data Analysis Project Presentation
Predicting Product Ad Campaign Performance: A Data Analysis Project Presentation
Boston Institute of Analytics
 
Empowering Data Analytics Ecosystem.pptx
Empowering Data Analytics Ecosystem.pptxEmpowering Data Analytics Ecosystem.pptx
Empowering Data Analytics Ecosystem.pptx
benishzehra469
 
一比一原版(BU毕业证)波士顿大学毕业证成绩单
一比一原版(BU毕业证)波士顿大学毕业证成绩单一比一原版(BU毕业证)波士顿大学毕业证成绩单
一比一原版(BU毕业证)波士顿大学毕业证成绩单
ewymefz
 
Tabula.io Cheatsheet: automate your data workflows
Tabula.io Cheatsheet: automate your data workflowsTabula.io Cheatsheet: automate your data workflows
Tabula.io Cheatsheet: automate your data workflows
alex933524
 
一比一原版(UMich毕业证)密歇根大学|安娜堡分校毕业证成绩单
一比一原版(UMich毕业证)密歇根大学|安娜堡分校毕业证成绩单一比一原版(UMich毕业证)密歇根大学|安娜堡分校毕业证成绩单
一比一原版(UMich毕业证)密歇根大学|安娜堡分校毕业证成绩单
ewymefz
 
Criminal IP - Threat Hunting Webinar.pdf
Criminal IP - Threat Hunting Webinar.pdfCriminal IP - Threat Hunting Webinar.pdf
Criminal IP - Threat Hunting Webinar.pdf
Criminal IP
 
Levelwise PageRank with Loop-Based Dead End Handling Strategy : SHORT REPORT ...
Levelwise PageRank with Loop-Based Dead End Handling Strategy : SHORT REPORT ...Levelwise PageRank with Loop-Based Dead End Handling Strategy : SHORT REPORT ...
Levelwise PageRank with Loop-Based Dead End Handling Strategy : SHORT REPORT ...
Subhajit Sahu
 
Ch03-Managing the Object-Oriented Information Systems Project a.pdf
Ch03-Managing the Object-Oriented Information Systems Project a.pdfCh03-Managing the Object-Oriented Information Systems Project a.pdf
Ch03-Managing the Object-Oriented Information Systems Project a.pdf
haila53
 
一比一原版(NYU毕业证)纽约大学毕业证成绩单
一比一原版(NYU毕业证)纽约大学毕业证成绩单一比一原版(NYU毕业证)纽约大学毕业证成绩单
一比一原版(NYU毕业证)纽约大学毕业证成绩单
ewymefz
 
一比一原版(IIT毕业证)伊利诺伊理工大学毕业证成绩单
一比一原版(IIT毕业证)伊利诺伊理工大学毕业证成绩单一比一原版(IIT毕业证)伊利诺伊理工大学毕业证成绩单
一比一原版(IIT毕业证)伊利诺伊理工大学毕业证成绩单
ewymefz
 
Adjusting primitives for graph : SHORT REPORT / NOTES
Adjusting primitives for graph : SHORT REPORT / NOTESAdjusting primitives for graph : SHORT REPORT / NOTES
Adjusting primitives for graph : SHORT REPORT / NOTES
Subhajit Sahu
 
FP Growth Algorithm and its Applications
FP Growth Algorithm and its ApplicationsFP Growth Algorithm and its Applications
FP Growth Algorithm and its Applications
MaleehaSheikh2
 
一比一原版(CU毕业证)卡尔顿大学毕业证成绩单
一比一原版(CU毕业证)卡尔顿大学毕业证成绩单一比一原版(CU毕业证)卡尔顿大学毕业证成绩单
一比一原版(CU毕业证)卡尔顿大学毕业证成绩单
yhkoc
 
Business update Q1 2024 Lar España Real Estate SOCIMI
Business update Q1 2024 Lar España Real Estate SOCIMIBusiness update Q1 2024 Lar España Real Estate SOCIMI
Business update Q1 2024 Lar España Real Estate SOCIMI
AlejandraGmez176757
 
Malana- Gimlet Market Analysis (Portfolio 2)
Malana- Gimlet Market Analysis (Portfolio 2)Malana- Gimlet Market Analysis (Portfolio 2)
Malana- Gimlet Market Analysis (Portfolio 2)
TravisMalana
 
standardisation of garbhpala offhgfffghh
standardisation of garbhpala offhgfffghhstandardisation of garbhpala offhgfffghh
standardisation of garbhpala offhgfffghh
ArpitMalhotra16
 
Jpolillo Amazon PPC - Bid Optimization Sample
Jpolillo Amazon PPC - Bid Optimization SampleJpolillo Amazon PPC - Bid Optimization Sample
Jpolillo Amazon PPC - Bid Optimization Sample
James Polillo
 
一比一原版(UPenn毕业证)宾夕法尼亚大学毕业证成绩单
一比一原版(UPenn毕业证)宾夕法尼亚大学毕业证成绩单一比一原版(UPenn毕业证)宾夕法尼亚大学毕业证成绩单
一比一原版(UPenn毕业证)宾夕法尼亚大学毕业证成绩单
ewymefz
 

Recently uploaded (20)

一比一原版(UofM毕业证)明尼苏达大学毕业证成绩单
一比一原版(UofM毕业证)明尼苏达大学毕业证成绩单一比一原版(UofM毕业证)明尼苏达大学毕业证成绩单
一比一原版(UofM毕业证)明尼苏达大学毕业证成绩单
 
The affect of service quality and online reviews on customer loyalty in the E...
The affect of service quality and online reviews on customer loyalty in the E...The affect of service quality and online reviews on customer loyalty in the E...
The affect of service quality and online reviews on customer loyalty in the E...
 
Predicting Product Ad Campaign Performance: A Data Analysis Project Presentation
Predicting Product Ad Campaign Performance: A Data Analysis Project PresentationPredicting Product Ad Campaign Performance: A Data Analysis Project Presentation
Predicting Product Ad Campaign Performance: A Data Analysis Project Presentation
 
Empowering Data Analytics Ecosystem.pptx
Empowering Data Analytics Ecosystem.pptxEmpowering Data Analytics Ecosystem.pptx
Empowering Data Analytics Ecosystem.pptx
 
一比一原版(BU毕业证)波士顿大学毕业证成绩单
一比一原版(BU毕业证)波士顿大学毕业证成绩单一比一原版(BU毕业证)波士顿大学毕业证成绩单
一比一原版(BU毕业证)波士顿大学毕业证成绩单
 
Tabula.io Cheatsheet: automate your data workflows
Tabula.io Cheatsheet: automate your data workflowsTabula.io Cheatsheet: automate your data workflows
Tabula.io Cheatsheet: automate your data workflows
 
一比一原版(UMich毕业证)密歇根大学|安娜堡分校毕业证成绩单
一比一原版(UMich毕业证)密歇根大学|安娜堡分校毕业证成绩单一比一原版(UMich毕业证)密歇根大学|安娜堡分校毕业证成绩单
一比一原版(UMich毕业证)密歇根大学|安娜堡分校毕业证成绩单
 
Criminal IP - Threat Hunting Webinar.pdf
Criminal IP - Threat Hunting Webinar.pdfCriminal IP - Threat Hunting Webinar.pdf
Criminal IP - Threat Hunting Webinar.pdf
 
Levelwise PageRank with Loop-Based Dead End Handling Strategy : SHORT REPORT ...
Levelwise PageRank with Loop-Based Dead End Handling Strategy : SHORT REPORT ...Levelwise PageRank with Loop-Based Dead End Handling Strategy : SHORT REPORT ...
Levelwise PageRank with Loop-Based Dead End Handling Strategy : SHORT REPORT ...
 
Ch03-Managing the Object-Oriented Information Systems Project a.pdf
Ch03-Managing the Object-Oriented Information Systems Project a.pdfCh03-Managing the Object-Oriented Information Systems Project a.pdf
Ch03-Managing the Object-Oriented Information Systems Project a.pdf
 
一比一原版(NYU毕业证)纽约大学毕业证成绩单
一比一原版(NYU毕业证)纽约大学毕业证成绩单一比一原版(NYU毕业证)纽约大学毕业证成绩单
一比一原版(NYU毕业证)纽约大学毕业证成绩单
 
一比一原版(IIT毕业证)伊利诺伊理工大学毕业证成绩单
一比一原版(IIT毕业证)伊利诺伊理工大学毕业证成绩单一比一原版(IIT毕业证)伊利诺伊理工大学毕业证成绩单
一比一原版(IIT毕业证)伊利诺伊理工大学毕业证成绩单
 
Adjusting primitives for graph : SHORT REPORT / NOTES
Adjusting primitives for graph : SHORT REPORT / NOTESAdjusting primitives for graph : SHORT REPORT / NOTES
Adjusting primitives for graph : SHORT REPORT / NOTES
 
FP Growth Algorithm and its Applications
FP Growth Algorithm and its ApplicationsFP Growth Algorithm and its Applications
FP Growth Algorithm and its Applications
 
一比一原版(CU毕业证)卡尔顿大学毕业证成绩单
一比一原版(CU毕业证)卡尔顿大学毕业证成绩单一比一原版(CU毕业证)卡尔顿大学毕业证成绩单
一比一原版(CU毕业证)卡尔顿大学毕业证成绩单
 
Business update Q1 2024 Lar España Real Estate SOCIMI
Business update Q1 2024 Lar España Real Estate SOCIMIBusiness update Q1 2024 Lar España Real Estate SOCIMI
Business update Q1 2024 Lar España Real Estate SOCIMI
 
Malana- Gimlet Market Analysis (Portfolio 2)
Malana- Gimlet Market Analysis (Portfolio 2)Malana- Gimlet Market Analysis (Portfolio 2)
Malana- Gimlet Market Analysis (Portfolio 2)
 
standardisation of garbhpala offhgfffghh
standardisation of garbhpala offhgfffghhstandardisation of garbhpala offhgfffghh
standardisation of garbhpala offhgfffghh
 
Jpolillo Amazon PPC - Bid Optimization Sample
Jpolillo Amazon PPC - Bid Optimization SampleJpolillo Amazon PPC - Bid Optimization Sample
Jpolillo Amazon PPC - Bid Optimization Sample
 
一比一原版(UPenn毕业证)宾夕法尼亚大学毕业证成绩单
一比一原版(UPenn毕业证)宾夕法尼亚大学毕业证成绩单一比一原版(UPenn毕业证)宾夕法尼亚大学毕业证成绩单
一比一原版(UPenn毕业证)宾夕法尼亚大学毕业证成绩单
 

BRV CTO Summit Deep Learning Talk

  • 1. BRV CTO Summit • UC Berkeley Undergrad/Stanford Grad EE • Statistical physics helped/tensors, Lagrangian • Tech Lead @Google/Waymo started w/Book Search • self driving cars/RTOS C++ 1
  • 2. Outline • Basic Architectures — Group discussion first • What I need from you/similar to Andrei Pop discussions • CNNs • Motivation (better than human performance) • CNN applications • Backprop/ deep dive demo only (replicating papers). • tools for getting to 30 deep layers • CNN / building a model -> tips for DL • RNNs applications • RNN language models • Word Embeddings(word2Vec) -> Entity Embeddings • Rossmann stores • State of the art >90% modeling performance. Group discussion/ Don’t need the functional spec <-> need enough experience with your data to be useful • deepRL (remove) replace w/request for reinforcement learning vs. mobile 2
  • 3. Types of Machine Learning • Supervised(data train) • Unsupervised(data/dist) • Reinforcement Learning Data vs. algorithms/data is used in place of an algorithm
  • 4. Data vs. Algorithm Computer vision approach Which approach is cheaper by 50x+? $600 vs 30k No collision assumption
  • 5. Some things algos can’t do How to solve the turtle problem?
  • 11. CNN / Image recognition Better than humans Image captioning CNN+RNN RNN for language modeling
  • 12.
  • 13. Deep Learning 13 • Position above Udacity/Coursera classes/solutions • Quality/Relevance based on quality of input. (group feed back based for next lecture) • HealthAPI embeddings/database; have seen their data and use cases 2+ years ago. • Poll: DL in production? Replicating papers? PyTorch vs. TF(production)? Structured Data? Tools for 32layer deep CNN? • Start CNN/RNN architectures/ following the class format
  • 14. CNNs - Convoutional Neural Networks • ~2015 Beat humans(94% vs. 99%)/caused creation of cs231n 14 Source:cs231n cifar10/cifar100
  • 15.
  • 17. • 2D convolution; take a window and slide over the image. The amount sliding to right then down when end is reached is the stride • The size of the convolution window is kernel/filter • padding is an extra line of pixels on the edges added if padding is SAME. Valid has no padding. Truncate the multiply. Assume 0. tf.conf2d
  • 18. Source: Hinton/Coursera Numerical examples for debugging 1 image Gap between udacity/coursera/cs231n assignments building application/deployment
  • 19. Source: Hinton/Coursera Fully connected layer for outputting probability
  • 20. tf implementation page1/2 Source: https://github.com/dougc333/UdacityCarStuff/tree/master/CarND-Traffic-Sign-Classifier-Project
  • 21. tf implementation page2/2 Source: https://github.com/dougc333/UdacityCarStuff/tree/master/CarND-Traffic-Sign-Classifier-Project
  • 22. Keras / use for kaggle/practice/replicate papers Source: https://github.com/dougc333/UdacityCarStuff/tree/master/CarND-Traffic-Sign-Classifier-Project
  • 23. OO Models from cs20SI Models Iteration 1 Source: https://github.com/dougc333/DeepLearning
  • 24. After building hundreds of models here are some problems I still have: Error message won’t say no init. Will seem like you have an unrelated problem debug adding new variable Can’t print variable w/o session run() TF tips: Source: Stanford cs20si slides
  • 25. Unlike normal programming languages Printing a variable is hard W=tf.Variable(tf.truncated_normal[700,10])) print(W) with tf.Session() as sess: sess.run(init) print(W) Tensor(“Variable/read:100”, shape(700,10)) no var name there is global init no init/ won’t see: no session/no eval with tf.Session() as sess: sess.run(init) print(W.eval()) Tensor(“Variable/read:100”, shape(700,10))
  • 26. I want to change the variable value while debugging someone’s code no output? create an assign op first then run the op assign the assign!!!! delayed execution not in the web pages/might be in slack now Source: Stanford cs20si slides
  • 27. tensorflow graphs when debugging/order is not guaranteed with g.control_dependencies([a,b,c]): A+B+C = (A+B) +C or A + (B+C) easy to figure out when you get to it.. a reminder this is a lazy eval graph language/ not like a normal programming language things take longer with TF the old versions are stable in production
  • 28. Lazy graph problems in a training loop/want to change variable make op an add to keep simple in tf/second example creates 10 adds common error/works but graph too large Source: Stanford cs20si slides
  • 29. Difference between Models/InferencePoll: mobile/targeting speeds Modeling tips next No slides on inference speed. Big gap for mobile deployment Poll, inference speed for mobile
  • 30. Prep for training vs. batch normalization/gradient clipping
  • 33. Weight histograms L2 regularization, get rid of large weights, center around origin L1 regularization: center around 0 Additive noise: stops learning early multiplicative noise, helps to push to origin/mean
  • 35. Medical Imaging Can replicate the turtle ~ tumor Need higher resolutions Debug a higher resolution cnn > 224x224 input image size Poll: who has/is working on higher resolution cnn?
  • 37. Key to DL - Backprop • leave out derivatives…. • none of the online classes emphasize this; matching manual gradient calculations to code. • need this skill to debug larger/deeper networks. Builds intuition on how networks fail/recover. • Tradeoff between batch normalization/L1/L2 regularization/adding noise/reducing overfitting • Overfitting necessary for failed nodes during SGD. Sampling process not uniform. • practice derivatives/chain rule — implemented by sw packages tensorflow/pytorch/theano.
  • 38. Key to Deep Learning Need this to replicate papers/debug networks Derivation of backdrop
  • 39. Notation Derivation of backdrop — Linear function
  • 41.
  • 42.
  • 44.
  • 49. Shared Weights Increases generality and reduces computation Not just for CNNS Derivation of backdrop
  • 52. Structured data with shared weights Accuracy comparisons • graphs w/# hidden neurons height, width • accuracy w/hidden weights • computation time savings w/hidden weights Keras may not be best tool for Architecture experiments Do the work and have your own opinion Derivation of backdrop
  • 55. Gradient Based Methods Conjugate Gradient Descent SGD (Vincent’s lecture) LGBFS/Ng’s UFDL Stanford Notes Udacity covers GD; Vincent covers SGD Only 1 option w/BigData SGD samples the input data Poll: who is interested in hw accelerated momentum/python Andrew Ng <-> Andrew Pop (word2vec) Marshall /not telling him what to do
  • 56. Deep Learning wo CNN DL Input Output
  • 57. Super Resolution Best algos not always DL not zoom, subpixel reconstruction Trick: optimize for digits. leaf still blurry GANs
  • 61.
  • 62. Deep learning would find a better matrix/2 cameras to calibrate
  • 63. RNNs
  • 64.
  • 65. NLP - add more? Build a language model Source: Peter Norvig(Google)/udacity n-grams Next: word2vec Need for embeddings Poll: NLP tasks
  • 66. Semantic Ambuigity problem We want to learn in a corpus cat similar to kitty and we want to share weights This task using supervised learning would require too much labeled data which we don't ha We are going to use unsupervised learning Source: Vincent Vanhoucke(Google)/Udacity
  • 67. Unsupervised learning The trick we are going to use is similar words appear in similar context. s we process more and more text we will notice we can use kitty and cat interchangably Source: Vincent Vanhoucke(Google)/Udacity
  • 68. We are going to use embeddings which is a NN and will map similar words close to each other Source: Vincent Vanhoucke(Google)/Udacity
  • 69. Word2Vec finds these embeddings 1) map each word to a random embedding 2) use embedding to predict next word 3) iterate over massive text and kitty purrs and cat purrs examples will cause cat/kitty to be next to a common word. This signal makes these words close together in the embedded cube Source: Vincent Vanhoucke(Google)/Udacity
  • 71. Don’t do this Feature Engineering Create separate feature to detect outliers. Increase profit Do not hide it. Underfit Never underfit Example viable models cs20si youtube lecture3 18:39 Outliers are good/ we need them to do feature engineering/on the outliers!!!!
  • 72. https://www.slideshare.net/DougChang1/demographics-andweblogtargeting-10757778 The crappy way/ can add numerical values to DL make them more efficient/sparse w/embeddings
  • 74. Entity Embeddings of Categorical Variables Cheng Guo/Felix Berkhahn • Convert categorical to embeddings. Related to Word2Vec • DL back propagation only holds for continuous functions. EE map them closer to continuous distributions • Add additional data from weather and Google Trends • Feature Engineering • Bonus/makes existing algorithms Decision Trees/XGBoost orders of magnitude faster • State of the art performance at 90-95%. 74 https://arxiv.org/pdf/1604.06737.pdf
  • 75. Reformat date split the strings into month/#, day/# etc… 2 layer FF network
  • 76. Discrete values close enough to be continuous
  • 78. Transfer Learning - data vs. new algorithms https://medium.com/nf2-project NF1 on chromosome 18 NF2 on chromosome 22 Discovered via hackathon Sponsored by accel.ai/google Expanded to health events
  • 79. Multitask learning • multimodal learning from Ng, using audio and video together; • Multi-Task learning: https://arxiv.org/pdf/1705.07115.pdf 79 Poll: who has seen this/has application for this? RNN type apps
  • 80. Reinforcement Learning Dec 2013 Deepmind Atari games/agents Design an agent to maximize a reward take screenshots of atari games, build a modified CNN to output a reward vs. a classification probability reward: get points for staying in lane, etc. lose points for collisions, etc… actions: speed of car, steering angle maximize reward
  • 81. Deterministic Policy Gradients Q learning: minimize temporal difference maximize expected reward
  • 82. MDP-Markov Decision Process • in current state s member of S • with action a member of Actions(s) • P(s’|s,a) probability of going to state s’ when in state s and action a. We have a probability P because we don’t have the same result every time on action a. (definition of stochastic) • R(s,a,s’) ; R is a reward state given current state s, next state s’ and action a.
  • 83. To solve a MDP • find a PI(s) which is going to maximize the discounted total reward. math… 10/19 4am.. I changed my mind.. schedule a deep dive like backprop