SlideShare a Scribd company logo
1 of 100
Download to read offline
Deep Learning
The Past, Present and Future of
Artificial Intelligence
The Deep Learning Revolution
The Big Bang of Artificial Intelligence
Interest
Google Trends
Source
Hype or Reality?
Academic Publications about Deep Learning
Source
Hype or Reality?
NIPS (Computational Neuroscience Conference) Growth
Source
2016: >5000
Hype or Reality?
Google
Machine learning is a core transformative way by which we are rethinking
everything we are doing – Sundar Pichai (CEO Google)
Source
Hype or Reality?
Google
Source
Hype or Reality?
Investments in AI technologies
Source
Hype or Reality?
Growing Interest from Organizations
Source
What is Artificial Intelligence?
Artificial
Intelligence
Output:
Action
Movement
Text
Input:
Data
Sensors
Images
What is Artificial Intelligence?
Artificial Narrow Intelligence (ANI): Machine intelligence that equals
or exceeds human intelligence or efficiency at a specific task.
Artificial General Intelligence (AGI): A machine with the ability to
apply intelligence to any problem, rather than just one specific
problem (human-level intelligence).
Artificial Superintelligence (ASI): An intellect that is much smarter
than the best human brains in practically every field, including
scientific creativity, general wisdom and social skills.
A superintelligence is any intellect that vastly outperforms the best human brains in
practically every field, including scientific creativity, general wisdom, and social skills
Source
What is Artificial Intelligence?
Superintelligence
Machine Learning - Basics
Introduction
Machine Learning is a type of Artificial Intelligence that provides
computers with the ability to learn without being explicitly
programmed.
Machine Learning
Algorithm
Learned Model
Data
Prediction
Labeled Data
Training
Prediction
Provides various techniques that can learn from and make predictions on data
Machine Learning - Basics
Learning Approaches
Supervised Learning: Learning with a labeled training set
Example: email spam detector with training set of already labeled
emails
Unsupervised Learning: Discovering patterns in unlabeled data
Example: cluster similar documents based on the text content
Reinforcement Learning: learning based on feedback or reward
Example: learn to play chess by winning or losing
Machine Learning - Basics
Problem Types
Regression
(supervised – predictive)
Classification
(supervised – predictive)
Anomaly Detection
(unsupervised– descriptive)
Clustering
(unsupervised – descriptive)
Machine Learning - Basics
Problem Types – Mapping from A to B
Source
Machine Learning - Basics
Algorithms Comparison - Classification
Source
What is Deep Learning?
Part of the machine learning field of learning representations of
data. Exceptional effective at learning patterns.
Utilizes learning algorithms that derive meaning out of data by using
a hierarchy of multiple layers that mimic the neural networks of our
brain.
If you provide the system tons of information, it begins to
understand it and respond in useful ways.
Inspired by the Brain
The first hierarchy of neurons
that receives information in the
visual cortex are sensitive to
specific edges while brain regions
further down the visual pipeline
are sensitive to more complex
structures such as faces.
Our brain has lots of neurons connected together and the strength of
the connections between neurons represents long term knowledge.
Deep Learning - Basics
Architecture
A deep neural network consists of a hierarchy of layers, whereby each layer
transforms the input data into more abstract representations (e.g. edge ->
nose -> face). The output layer combines those features to make predictions.
Deep Learning - Basics
What did it learn?
Edges Nose, Eye… Faces
Deep Learning - Basics
No more feature engineering
Feature
Engineering
Traditional
Learning
AlgorithmInput Data
Costs lots of time
Deep
Learning
AlgorithmInput Data
Why Deep Learning?
Applications
Speech/Audio
Processing
Computer
Vision
Natural Language
Processing
A brief History
A long time ago…
1974 Backpropagation
awkward silence (AI Winter)
1995
SVM reigns
Convolution Neural Networks for
Handwritten Recognition
1998
2006
Restricted
Boltzmann
Machine
1958 Perceptron
1969
Perceptron criticized
Google Brain Project on
16k Cores
2012
2012
AlexNet wins
ImageNet
A brief History
The Big Bang aka “One net to rule them all”
ImageNet: The “computer vision World Cup”
Source
A brief History
The Big Bang aka “One net to rule them all”
ImageNet: The “computer vision World Cup”
Human Performance
Source
A brief History
The Big Bang aka “One net to rule them all”
Deep Learning in Speech Recognition
Source
Human Performance
What changed?
Old wine in new bottles
Big Data
(Digitalization)
Computation
(Moore’s Law, GPUs)
Algorithmic
Progress
The Big Players
Companies
The Big Players
Startups
DNNresearch
Acquired
Deep Learning - Basics
Artificial Neural Networks
Consists of one input, one output and multiple fully-connected hidden layers in-
between. Each layer is represented as a series of neurons and progressively extracts
higher and higher-level features of the input until the final layer essentially makes a
decision about what the input shows.
Deep Learning - Basics
The Neuron
An artificial neuron contains a nonlinear activation function and has several
incoming and outgoing weighted connections.
Neurons are trained to filter and detect specific features or patterns
(e.g. edge, nose) by receiving weighted input, transforming it with
the activation function und passing it to the outgoing connections.
Deep Learning - Basics
Non-linear Activation Function
Non-linearity is needed to learn complex (non-linear)
representations of data, otherwise the NN would be just a
linear function.
Most deep networks use ReLU -
max(0,x) - nowadays for hidden
layers, since it trains much faster, is
more expressive than logistic
function and prevents the gradient
vanishing problem.
Deep Learning - Basics
The Training Process
Forward it trough
the network to get
predictionsSample labeled data
Backpropagate
the errors
Update the
connection weights
Learns by generating an error signal that measures the difference between the
predictions of the network and the desired values and then using this error signal
to change the weights (or parameters) so that predictions get more accurate.
Deep Learning - Basics
Gradient Descent
Gradient Descent finds the (local) the minimum of the cost function (used to
calculate the output error) and is used to adjust the weights.
Deep Learning - Basics
Deep Autoencoders
Composed of two symmetrical
deep-belief networks. The encoding
network learns to compresses the
input to a condensed vector
(dimensionality reduction). The
decoding network can be used to
reconstruct the data.
Topic Modeling: Document in a collection is converted to a Bag-of-
Words and transformed to a compressed feature vector using an
autoencoder. The distance from every other document-vector can be
measured and nearby document-vectors fall under the same topic.
Deep Learning - Basics
Convolutional Neural Nets (CNN)
Convolutional Neural Networks learn a complex representation of visual data
using vast amounts of data. They are inspired by the human visual system and
learn multiple layers of transformations, which are applied on top of each other to
extract a progressively more sophisticated representation of the input.
Every layer of a CNN takes a 3D volume of numbers and outputs a 3D volume of
numbers. E.g. Image is a 224*224*3 (RGB) cube and will be transformed to
1*1000 vector of probabilities.
Deep Learning - Basics
Convolutional Neural Nets (CNN)
Convolution layer is a feature detector that automagically learns to filter out not
needed information from an input by using convolution kernel.
Pooling layers compute the max or average value of a particular feature over a
region of the input data (downsizing of input images). Also helps to detect
objects in some unusual places and reduces memory size.
Deep Learning - Basics
Recurrent Neural Nets (RNN)
general computers which can learn algorithms to map input sequences to
output sequences
RNNs are general computers which can learn algorithms to map input
sequences to output sequences (flexible-sized vectors). The output
vector’s contents are influenced by the entire history of inputs.
general computers which can learn algorithms to map input sequences to
output sequences
State-of-the-art results in time series prediction, adaptive robotics,
handwriting recognition, image classification, speech recognition,
stock market prediction, and other sequence learning problems.
Everything can be processed sequentially.
Deep Learning - Basics
Long Short-Term Memory RNN (LSTM)
A Long Short-Term Memory (LSTM) network is a
particular type of recurrent network that works
slightly better in practice, owing to its more
powerful update equation and some appealing
back propagation dynamics.
general computers which can learn algorithms to map input sequences to
output sequences
The LSTM units give the network memory cells with read, write
and reset operations. During training, the network can learn when
it should remember data and when it should throw it away.
general computers which can learn algorithms to map input sequences to
output sequences
Well-suited to learn from experience to classify, process
and predict time series when there are very long time lags of
unknown size between important events.
Source
Deep Learning - Basics
Recurrent Neural Nets (RNN) – Attention Mechanisms
Attention Mechanisms are loosely based on the visual attention mechanism
found in humans. In RNNs the model learns what to attend to based on the
input sentence and what it has produced so far. The output word depends
on a weighted combination of all the input states, not just the last state.
Source
Deep Learning - Basics
Generative Adversarial Networks
Generative Adversarial Networks (GANs) consist of any two networks with one tasked
to generate content and the other has to judge content. The discriminating network
receives either training data or generated content from the generative network and
tries to predict the data source (real or fake). This creates a form of competition
where the discriminator is getting better at distinguishing real data from generated
data and the generator is learning to become less predictable to the discriminator.
Source
Deep Learning - Basics
Differentiable Neural Computer
Differentiable Neural Computer is a hybrid learning machine combining neural
networks with read-write memory. They learn how to use memory and how to
produce answers completely from scratch. This learning machine is able, without
prior programming, to organize information into connected facts and use those
facts to solve problems.
Source
Deep Learning - Basics
Natural Language Processing – Embeddings
Embeddings are used to turn textual data (words, sentences, paragraphs) into high-
dimensional vector representations and group them together with semantically
similar data in a vectorspace. Thereby, computer can detect similarities
mathematically.
Source
Deep Learning - Basics
Natural Language Processing – Word2Vec
Word2Vec is an unsupervised learning algorithm for obtaining vector
representations for words. These vectors were trained for a specific domain on
a very large textual data set. GloVe is a better performing alternative.
It detects similarities mathematically by grouping the vectors of similar words together.
All it needs is words co-occurance in the given corpus.
Source
Deep Learning - Basics
Natural Language Processing – Word2Vec
Woman – Man ≈ Aunt - Uncle
King - Male + Female ≈ Queen
Human - Animal ≈ Ethics
Source
Deep Learning - Basics
Natural Language Processing – Thought Vectors
Thought vectors is a way of embedding thoughts in vector space. Their
features will represent how each thought relates to other thoughts.
Convert every sentence in a document to a though vector, in a way that
similar thoughts are nearby. You can do basic natural reasoning by learning
to predict next thought vector based on a sequence of previous thought
vectors. Thereby, by reading every document on the web, computers might
be able to reason like humans do by mimicking the thoughts expressed in
content.
A neural machine translation is trained on bilingual text
using a encoder and decoder RNN. For translation, the input
sentence is transformed into a thought vector. This vector is
used to reconstruct the given thought in another language.
Source
Deep Learning - Basics
Usage Requirements
Large data set with good quality (input-output mappings)
Measurable and describable goals (define the cost)
Enough computing power (AWS GPU Instance)
Excels in tasks where the basic unit (pixel, word) has very little
meaning in itself, but the combination of such units has a useful
meaning.
Deep Learning for Games
DeepMind Deep Q-Learning
Outperforms humans in over 30 Atari games just by receiving the pixels on the
screen with the goal to maximize the score (Reinforcement Learning)
Source
Deep Learning for Games
DeepMind Deep Q-Learning
Deep Q-Learning (DQN) is a model-free approach to reinforcement learning
using deep networks in environments with discrete action choices
Source
Deep Learning for Games
Open Environments – Deep Mind Lab
Source
Deep Learning for Games
Open Environments – Open AI Universe
Source
Deep Learning for Games
DeepMind AlphaGo
History is made: Google's AlphaGo wins the match against Go champion Lee Sedol
Source
Deep Learning for Games
DeepMind AlphaGo
AlphaGo could learn the game by
examining thousands of human Go
moves, and then it could master the
game by playing itself over and over
and over again. The result is a
system of unprecedented beauty.
Source
Deep Learning in Computer Vision
Image Segmentation
Source
Deep Learning in Computer Vision
Image Captioning
Neural Image Caption
Generator generates fitting
natural-language captions
only based on the pixels by
combining a vision CNN and
a language-generating RNN.
A man flying through the air
while riding a skateboard
Two pizzas sitting on top of
a stove top oven
A close up of a child holding
a stuffed animal
Source
Deep Learning in Computer Vision
Image Captioning v2
Source
Deep Learning in Computer Vision
Image Compression
Image compression with Residual Gated Recurrent Unit (Residual GRU).
Left: Original (1419KB PNG), Center: JPEG (33KB), Right: Residual GRU (24KB).
=> 25% smaller for comparable image quality.
Source
Deep Learning in Computer Vision
Image Localization
PlaNet is able to determine the location of almost any image with superhuman ability.
Source
Deep Learning in Computer Vision
Image Transformation – 2D-to-3D
Deep3D can automatically convert
image/video from 2D-to-3D with
Convolutional Neural Networks. It
learns to infer 3D representations of
the world based on training set of 3D
movies.
Source
Deep Learning in Computer Vision
Image Sharpening
Source
DCGAN architecture to upscale and sharpen an image with features that are
plausible based on the dataset that was used to train the neural net.
Deep Learning in Computer Vision
Image Completion
Source
Image completion with deep convolutional generative adversarial networks (DCGAN).
The centers of these images are being automatically generated.
Deep Learning in Computer Vision
Image Transformation – Adding features
Source
Performs high-level semantic transformations on images like "make
older/younger", "make bespectacled", "add smile“.
Deep Learning in Computer Vision
Image Colorization
Given a grayscale photograph as input, this Convolutional Neural Network tackles
the problem of hallucinating a plausible color version of the photograph.
Source
Deep Learning in Computer Vision
Image-to-Image Translation
Source
Image-to-Image Translation with Conditional Adversarial Nets. This approach can
be applied as a generic solutions to any Image-to-Image translation problem such
as synthesizing photos from label maps, reconstructing objects from edge maps,
and colorizing images.
Demo
Deep Learning in Computer Vision
Video Sequence Prediction
PredNet - a deep convolutional recurrent neural network that predicts the
future frames in a video sequence. These networks are able to robustly learn
to predict the movement of synthetic (rendered) objects.
Source
Deep Learning in Computer Vision
Image Generation – Bedrooms
These neural networks are learning what the visual world looks like!
Source
Deep Learning - Basics
Generative Adversarial Networks
Generative Adversarial Networks (GANs) consist of any two networks with one tasked
to generate content and the other has to judge content.
Source
Deep Learning in Computer Vision
Image Generation – Album Covers
Source
Deep Learning in Computer Vision
Image Generation – Fine Art
Source
Deep Learning in Computer Vision
Image Generation – Plug & Play Generative Networks
Source
Deep Learning in Computer Vision
Image Generation – Faces
Generating realistic faces based on a selected person’s identity, emotion,
and orientation with deconvolution network. You give the network the
parameters of the thing you want to draw and it does it.
Source
Deep Learning in Computer Vision
LipNet - Sentence-level Lipreading
Source
LipNet achieves 93.4% accuracy, outperforming experienced human lipreaders
and the previous 79.6% state-of-the-art accuracy.
Deep Learning in Computer Vision
Image Generation – From Descriptions
Source
Deep architecture and GAN formulation to translate visual concepts from
characters to pixels. We demonstrate the capability of our model to generate
plausible images of birds and flowers from detailed text descriptions.
Deep Learning in Computer Vision
Image Generation - Handwriting
This LSTM recurrent neural network is able to generate highly realistic
cursive handwriting in a wide variety of styles, simply by predicting one data
point at a time.
Source
Deep Learning in Computer Vision
DeepDream – Inceptionism
Inceptionism helps to understand and visualize what a neural
network has learned during training
“No picture of a dumbbell is complete
without a muscular weightlifter”
Let the network over-
interpret whatever it
detects in a selected
layer (e.g. edges)
Source
Deep Learning in Computer Vision
DeepDream – Inceptionism
By choosing higher level layers, more
sophisticated features or even whole
objects tend to emerge.
Source
Deep Learning in Computer Vision
Style Transfer – morph images into paintings
Source
Deep Learning in Audio Processing
Sound Generation
DeepMind's WaveNet is able to generate speech which mimics any human
voice and which sounds more natural than the best existing Text-to-Speech
systems, reducing the gap with human performance by over 50%.
Source
Deep Learning in NLP
Syntax Parsing
SyntaxNet (Parsey McParseface) tags each word with a part-of-speech tag, and it
determines the syntactic relationships between words in the sentence with an
94% accuracy compared to a human performance at 96%.
Source
Deep Learning in NLP
Generating Text
To train the RNN, insert characters sequentially and
predict the probabilities of the next letter.
Backpropagate error and update RNN’s weights to
increase the confidence of the correct letter (green)
and decrease the confidence of all other letters (red).
Trained on structured Wikipedia markdown. Network learns to spell English words
completely from scratch and copy general syntactic structures.
Source
Deep Learning in NLP
Generating Text
To generate text, we feed a character into the trained RNN and get a distribution
over what characters are likely to come next (red = likely). We sample from this
distribution, and feed it right back in to get the next letter.
This highlighted neuron gets very excited (green = excited, blue = not excited) when
the RNN is inside the [[ ]] markdown environment and turns off outside of it.
The RNN is likely using this neuron to remember if it is inside a URL or not.
Source
Deep Learning in NLP
Neural Machine Translation
Googles Neural Machine
Translation system based
on a deep LSTM seq2seq
architecture reduces
translation errors by more
than 55%-85% compared to
traditional approaches.
Source
Deep Learning in NLP
Neural Conversational Model
Neural Chatbot: Predicts the next sentence given the previous
sentences in a conversation.
The LSTM remembers facts, understands contexts and performs
common sense reasoning in the trained domain.
Human: what is the purpose of life ?
Machine: to serve the greater good .
Human: what is the purpose of living ?
Machine: to live forever
Human: what is the purpose of existence?
Machine: to find out what happens when
we get to the planet earth
Human: where are you now ?
.
Machine: i ’m in the middle of nowhere .
Human: what is the purpose of dying ?
Machine: to have a life
Human: what is the purpose of being
intelligent ?
Machine: to find out what it is.
Human: what is the purpose of emotions ?
Machine: I don ’t know .
Philosophical Q&A – Network trained with OpenSubtitles (movie subtitles)
Source
Deep Learning in Medicine
Skin Cancer Diagnoses
Source
The CNN performed just as well as almost two dozen veteran dermatologists in
deciding whether a lesion needed further medical attention.
Deep Learning in Medicine
Breast Cancer Diagnoses
Deep Learning drops error rate
for breast cancer Diagnoses by
85%. Researchers trained their
models with millions of labeled
images to find the probability
that a patch contains cancer,
eventually creating tumor
probability heatmaps.
Source
Deep Learning in Medicine
Detection of diabetic eye disease
Source
Their deep learning algorithm performed better than the median board-certified
ophthalmologist in assessing signs of diabetic retinopathy
Deep Learning in Science
Saving Energy
DeepMind AI reduces data center cooling bill by 40% using a system of neural
networks trained on different operating scenarios and parameters within
Google’s data centers.
Source
Deep Learning in Science
Mapping Poverty
Combining satellite imagery and machine learning to predict poverty. A deep-
learning algorithm that can recognize signs of poverty in satellite images – such
as condition of roads – by sorting through a million images to accurately identify
economic conditions in five African countries.
Source
Deep Learning in Cryptography
Learning to encrypt and decrypt communication
Source
This end-to-end adversarially
trained architecture learned how to
perform forms of encryption and
decryption, and also how to apply
these operations selectively in
order to meet confidentiality goals.
Deep Learning in Robotics
Learning skills from shared experiences
Google researchers tasked robots with trying to move their arms to goal locations,
or reaching to and opening a door. Each robot has a copy of a neural network that
allows it to estimate the value of taking a given action in a given state. Through a
trial-and-error process these robots are able to acquire new skills.
Source
Deep Learning in Google Products
RankBrain (Search): In few months, RankBrain has become the
third-most important signal contributing to the search result.
Speech Recognition (Google Assistant): 30% reduction in Word
Error Rate for English. Biggest single improvement in 20 years of
speech research.
Photo Search (Google Photos): Error rate of just 5% which is as
good as humans performing the same task. Also, superhuman
performance in face recognition.
Deep Learning - Tools
Its all Open Source
Outlook
Goal-based AI
Computer
Program
Data
Output
Traditional Programming
Computer
Output
Data
Program
Machine Learning
ComputerGoal Program
Goal-based AI
Outlook
NVIDIA Pascal
NVIDIA’s Pascal GPU architecture will accelerate
deep learning applications up to 10X beyond the
speed of its current-generation Maxwell processors.
Source
Outlook
Artificial Quantum Intelligence
Quantum Artificial Intelligence Lab is a joint initiative of NASA and Google to
study how quantum computing might advance machine learning. This type of
computing may provide the most creative and parallelized problem-solving
process under the known laws of physics.
Quantum computers handle what are called quantum bits
or qubits that can readily have a value of one or zero or
anything in between.
Quantum computing represents a paradigm shift, a radical
change in the way we do computing and at a scale that has
unimaginable power – Eric Ladizinsky (Co-founder D-Wave)
Source
Outlook
Neuromorphic Chips
IBM TrueNorth is a brain-inspired computer chip that implements
networks of integrate-and-fire spiking artificial neurons and uses
only a tiny 70 mw of power –orders of magnitude less energy
than traditional chips. The system is designed to be able to run
deep-learning algorithms.
1 million
Programmable
Neurons
256 million
Programmable
Synapses
4096
Neurosynaptic
Cores
Source
Outlook
The Enabler
Many of the biggest problems facing humanity today, like curing
diseases or addressing climate change, would be vastly easier with
the help of AI.
The Big Bang for Self-Driving Cars (10-15 years). Fully autonomous
taxi systems will change the paradigm of the need to own a car.
AI will fuel a medical revolution (5-10 years) by enabling far more
efficient drug discovery, diagnoses and research.
Takeaways
Machines that learn to represent the world from experience.
Deep Learning is no magic! Just statistics (matrix multiplications)
in a black box, but exceptional effective at learning patterns
Transitioning from research to consumer products. Will make the
tools you use every day work better, faster and smarter.
Lukas Masuch
@lukasmasuch
+lukasmasuch

More Related Content

What's hot

TEDx Manchester: AI & The Future of Work
TEDx Manchester: AI & The Future of WorkTEDx Manchester: AI & The Future of Work
TEDx Manchester: AI & The Future of WorkVolker Hirsch
 
Responsible Generative AI
Responsible Generative AIResponsible Generative AI
Responsible Generative AICMassociates
 
What is Artificial Intelligence | Artificial Intelligence Tutorial For Beginn...
What is Artificial Intelligence | Artificial Intelligence Tutorial For Beginn...What is Artificial Intelligence | Artificial Intelligence Tutorial For Beginn...
What is Artificial Intelligence | Artificial Intelligence Tutorial For Beginn...Edureka!
 
Artificial inteligence
Artificial inteligenceArtificial inteligence
Artificial inteligenceankit dubey
 
best presentation Artitficial Intelligence
best presentation Artitficial Intelligencebest presentation Artitficial Intelligence
best presentation Artitficial Intelligencejennifer joe
 
Principles of Artificial Intelligence & Machine Learning
Principles of Artificial Intelligence & Machine LearningPrinciples of Artificial Intelligence & Machine Learning
Principles of Artificial Intelligence & Machine LearningJerry Lu
 
Artificial Intelligence - Machine Learning Vs Deep Learning
Artificial Intelligence - Machine Learning Vs Deep LearningArtificial Intelligence - Machine Learning Vs Deep Learning
Artificial Intelligence - Machine Learning Vs Deep LearningLogiticks
 
KSIT Tech Form - Introduction to artificial intelligence (AI)
KSIT Tech Form - Introduction to artificial intelligence (AI)KSIT Tech Form - Introduction to artificial intelligence (AI)
KSIT Tech Form - Introduction to artificial intelligence (AI)Santosh Kumar
 
Issues on Artificial Intelligence and Future (Standards Perspective)
Issues on Artificial Intelligence  and Future (Standards Perspective)Issues on Artificial Intelligence  and Future (Standards Perspective)
Issues on Artificial Intelligence and Future (Standards Perspective)Seungyun Lee
 
Generative AI Risks & Concerns
Generative AI Risks & ConcernsGenerative AI Risks & Concerns
Generative AI Risks & ConcernsAjitesh Kumar
 
The 7 Biggest Artificial Intelligence (AI) Trends In 2022
The 7 Biggest Artificial Intelligence (AI) Trends In 2022The 7 Biggest Artificial Intelligence (AI) Trends In 2022
The 7 Biggest Artificial Intelligence (AI) Trends In 2022Bernard Marr
 
What is artificial intelligence (IA) ?
What is artificial intelligence (IA) ?What is artificial intelligence (IA) ?
What is artificial intelligence (IA) ?Oussama Belakhdar
 
Artificial Intelligence Machine Learning Deep Learning Ppt Powerpoint Present...
Artificial Intelligence Machine Learning Deep Learning Ppt Powerpoint Present...Artificial Intelligence Machine Learning Deep Learning Ppt Powerpoint Present...
Artificial Intelligence Machine Learning Deep Learning Ppt Powerpoint Present...SlideTeam
 
Artificial Intelligence, Machine Learning and Deep Learning
Artificial Intelligence, Machine Learning and Deep LearningArtificial Intelligence, Machine Learning and Deep Learning
Artificial Intelligence, Machine Learning and Deep LearningSujit Pal
 
How Does Generative AI Actually Work? (a quick semi-technical introduction to...
How Does Generative AI Actually Work? (a quick semi-technical introduction to...How Does Generative AI Actually Work? (a quick semi-technical introduction to...
How Does Generative AI Actually Work? (a quick semi-technical introduction to...ssuser4edc93
 
Artificial intelligence-full -report.doc
Artificial intelligence-full -report.docArtificial intelligence-full -report.doc
Artificial intelligence-full -report.docdaksh Talsaniya
 

What's hot (20)

TEDx Manchester: AI & The Future of Work
TEDx Manchester: AI & The Future of WorkTEDx Manchester: AI & The Future of Work
TEDx Manchester: AI & The Future of Work
 
Artificial Intelligence
Artificial IntelligenceArtificial Intelligence
Artificial Intelligence
 
Responsible Generative AI
Responsible Generative AIResponsible Generative AI
Responsible Generative AI
 
What is Artificial Intelligence | Artificial Intelligence Tutorial For Beginn...
What is Artificial Intelligence | Artificial Intelligence Tutorial For Beginn...What is Artificial Intelligence | Artificial Intelligence Tutorial For Beginn...
What is Artificial Intelligence | Artificial Intelligence Tutorial For Beginn...
 
Artificial inteligence
Artificial inteligenceArtificial inteligence
Artificial inteligence
 
Artificial intelligence
Artificial intelligenceArtificial intelligence
Artificial intelligence
 
best presentation Artitficial Intelligence
best presentation Artitficial Intelligencebest presentation Artitficial Intelligence
best presentation Artitficial Intelligence
 
Principles of Artificial Intelligence & Machine Learning
Principles of Artificial Intelligence & Machine LearningPrinciples of Artificial Intelligence & Machine Learning
Principles of Artificial Intelligence & Machine Learning
 
Artificial Intelligence - Machine Learning Vs Deep Learning
Artificial Intelligence - Machine Learning Vs Deep LearningArtificial Intelligence - Machine Learning Vs Deep Learning
Artificial Intelligence - Machine Learning Vs Deep Learning
 
KSIT Tech Form - Introduction to artificial intelligence (AI)
KSIT Tech Form - Introduction to artificial intelligence (AI)KSIT Tech Form - Introduction to artificial intelligence (AI)
KSIT Tech Form - Introduction to artificial intelligence (AI)
 
Artificial intelligence
Artificial intelligenceArtificial intelligence
Artificial intelligence
 
Issues on Artificial Intelligence and Future (Standards Perspective)
Issues on Artificial Intelligence  and Future (Standards Perspective)Issues on Artificial Intelligence  and Future (Standards Perspective)
Issues on Artificial Intelligence and Future (Standards Perspective)
 
Generative AI Risks & Concerns
Generative AI Risks & ConcernsGenerative AI Risks & Concerns
Generative AI Risks & Concerns
 
The 7 Biggest Artificial Intelligence (AI) Trends In 2022
The 7 Biggest Artificial Intelligence (AI) Trends In 2022The 7 Biggest Artificial Intelligence (AI) Trends In 2022
The 7 Biggest Artificial Intelligence (AI) Trends In 2022
 
What is artificial intelligence (IA) ?
What is artificial intelligence (IA) ?What is artificial intelligence (IA) ?
What is artificial intelligence (IA) ?
 
Artificial Intelligence Machine Learning Deep Learning Ppt Powerpoint Present...
Artificial Intelligence Machine Learning Deep Learning Ppt Powerpoint Present...Artificial Intelligence Machine Learning Deep Learning Ppt Powerpoint Present...
Artificial Intelligence Machine Learning Deep Learning Ppt Powerpoint Present...
 
Implementing Ethics in AI
Implementing Ethics in AIImplementing Ethics in AI
Implementing Ethics in AI
 
Artificial Intelligence, Machine Learning and Deep Learning
Artificial Intelligence, Machine Learning and Deep LearningArtificial Intelligence, Machine Learning and Deep Learning
Artificial Intelligence, Machine Learning and Deep Learning
 
How Does Generative AI Actually Work? (a quick semi-technical introduction to...
How Does Generative AI Actually Work? (a quick semi-technical introduction to...How Does Generative AI Actually Work? (a quick semi-technical introduction to...
How Does Generative AI Actually Work? (a quick semi-technical introduction to...
 
Artificial intelligence-full -report.doc
Artificial intelligence-full -report.docArtificial intelligence-full -report.doc
Artificial intelligence-full -report.doc
 

Viewers also liked

Artificial Intelligence
Artificial IntelligenceArtificial Intelligence
Artificial Intelligenceu053675
 
artificial intelligence
artificial intelligenceartificial intelligence
artificial intelligencevallibhargavi
 
Artificial Intelligence(AI).
Artificial Intelligence(AI).Artificial Intelligence(AI).
Artificial Intelligence(AI).Md. Afif Al Mamun
 
14 Startups Leading the Artificial Intelligence (AI) Revolution
14 Startups Leading the Artificial Intelligence (AI) Revolution14 Startups Leading the Artificial Intelligence (AI) Revolution
14 Startups Leading the Artificial Intelligence (AI) RevolutionNVIDIA
 
Artificial Intelligence: Predictions for 2017
Artificial Intelligence: Predictions for 2017Artificial Intelligence: Predictions for 2017
Artificial Intelligence: Predictions for 2017NVIDIA
 
Artificial Intelligence
Artificial IntelligenceArtificial Intelligence
Artificial IntelligenceGirish Naik
 
Hype vs. Reality: The AI Explainer
Hype vs. Reality: The AI ExplainerHype vs. Reality: The AI Explainer
Hype vs. Reality: The AI ExplainerLuminary Labs
 
AI and Machine Learning Demystified by Carol Smith at Midwest UX 2017
AI and Machine Learning Demystified by Carol Smith at Midwest UX 2017AI and Machine Learning Demystified by Carol Smith at Midwest UX 2017
AI and Machine Learning Demystified by Carol Smith at Midwest UX 2017Carol Smith
 
Theano 와 Caffe 실습
Theano 와 Caffe 실습 Theano 와 Caffe 실습
Theano 와 Caffe 실습 정주 김
 
Qualcomm Hexagon SDK: Optimize Your Multimedia Solutions
Qualcomm Hexagon SDK: Optimize Your Multimedia SolutionsQualcomm Hexagon SDK: Optimize Your Multimedia Solutions
Qualcomm Hexagon SDK: Optimize Your Multimedia SolutionsQualcomm Developer Network
 
Artificial Intelligence - Past, Present and Future
Artificial Intelligence - Past, Present and FutureArtificial Intelligence - Past, Present and Future
Artificial Intelligence - Past, Present and FutureGrigory Sapunov
 
[DL輪読会]Image-to-Image Translation with Conditional Adversarial Networks
[DL輪読会]Image-to-Image Translation with Conditional Adversarial Networks[DL輪読会]Image-to-Image Translation with Conditional Adversarial Networks
[DL輪読会]Image-to-Image Translation with Conditional Adversarial NetworksDeep Learning JP
 
Deep learning image classification aplicado al mundo de la moda
Deep learning image classification aplicado al mundo de la modaDeep learning image classification aplicado al mundo de la moda
Deep learning image classification aplicado al mundo de la modaJavier Abadía
 
Lect#1 (Artificial Intelligence )
Lect#1 (Artificial Intelligence )Lect#1 (Artificial Intelligence )
Lect#1 (Artificial Intelligence )Zeeshan_Jadoon
 
SATELLITE AIS FOR GLOBAL MARITIME TRAFFIC MONITORING
SATELLITE AIS FOR GLOBAL MARITIME TRAFFIC MONITORINGSATELLITE AIS FOR GLOBAL MARITIME TRAFFIC MONITORING
SATELLITE AIS FOR GLOBAL MARITIME TRAFFIC MONITORINGZulkifli Abdul Aziz
 

Viewers also liked (20)

Artificial Intelligence
Artificial IntelligenceArtificial Intelligence
Artificial Intelligence
 
artificial intelligence
artificial intelligenceartificial intelligence
artificial intelligence
 
Artificial Intelligence(AI).
Artificial Intelligence(AI).Artificial Intelligence(AI).
Artificial Intelligence(AI).
 
14 Startups Leading the Artificial Intelligence (AI) Revolution
14 Startups Leading the Artificial Intelligence (AI) Revolution14 Startups Leading the Artificial Intelligence (AI) Revolution
14 Startups Leading the Artificial Intelligence (AI) Revolution
 
Artificial Intelligence: Predictions for 2017
Artificial Intelligence: Predictions for 2017Artificial Intelligence: Predictions for 2017
Artificial Intelligence: Predictions for 2017
 
Artificial Intelligence
Artificial IntelligenceArtificial Intelligence
Artificial Intelligence
 
Hype vs. Reality: The AI Explainer
Hype vs. Reality: The AI ExplainerHype vs. Reality: The AI Explainer
Hype vs. Reality: The AI Explainer
 
AI and Machine Learning Demystified by Carol Smith at Midwest UX 2017
AI and Machine Learning Demystified by Carol Smith at Midwest UX 2017AI and Machine Learning Demystified by Carol Smith at Midwest UX 2017
AI and Machine Learning Demystified by Carol Smith at Midwest UX 2017
 
Machine Learning on AWS
Machine Learning on AWSMachine Learning on AWS
Machine Learning on AWS
 
Theano 와 Caffe 실습
Theano 와 Caffe 실습 Theano 와 Caffe 실습
Theano 와 Caffe 실습
 
Qualcomm Hexagon SDK: Optimize Your Multimedia Solutions
Qualcomm Hexagon SDK: Optimize Your Multimedia SolutionsQualcomm Hexagon SDK: Optimize Your Multimedia Solutions
Qualcomm Hexagon SDK: Optimize Your Multimedia Solutions
 
Artificial Intelligence - Past, Present and Future
Artificial Intelligence - Past, Present and FutureArtificial Intelligence - Past, Present and Future
Artificial Intelligence - Past, Present and Future
 
Artificial intelligence
Artificial intelligence Artificial intelligence
Artificial intelligence
 
[DL輪読会]Image-to-Image Translation with Conditional Adversarial Networks
[DL輪読会]Image-to-Image Translation with Conditional Adversarial Networks[DL輪読会]Image-to-Image Translation with Conditional Adversarial Networks
[DL輪読会]Image-to-Image Translation with Conditional Adversarial Networks
 
Deep Learning for Computer Vision: Image Classification (UPC 2016)
Deep Learning for Computer Vision: Image Classification (UPC 2016)Deep Learning for Computer Vision: Image Classification (UPC 2016)
Deep Learning for Computer Vision: Image Classification (UPC 2016)
 
AI and ML Training for non technical
AI and ML Training for non technicalAI and ML Training for non technical
AI and ML Training for non technical
 
AI and ML for non technical
AI and ML for non technicalAI and ML for non technical
AI and ML for non technical
 
Deep learning image classification aplicado al mundo de la moda
Deep learning image classification aplicado al mundo de la modaDeep learning image classification aplicado al mundo de la moda
Deep learning image classification aplicado al mundo de la moda
 
Lect#1 (Artificial Intelligence )
Lect#1 (Artificial Intelligence )Lect#1 (Artificial Intelligence )
Lect#1 (Artificial Intelligence )
 
SATELLITE AIS FOR GLOBAL MARITIME TRAFFIC MONITORING
SATELLITE AIS FOR GLOBAL MARITIME TRAFFIC MONITORINGSATELLITE AIS FOR GLOBAL MARITIME TRAFFIC MONITORING
SATELLITE AIS FOR GLOBAL MARITIME TRAFFIC MONITORING
 

Similar to Deep Learning - The Past, Present and Future of Artificial Intelligence

Deep learning - A Visual Introduction
Deep learning - A Visual IntroductionDeep learning - A Visual Introduction
Deep learning - A Visual IntroductionLukas Masuch
 
Lebanon SoftShore Artificial Intelligence Seminar - March 38, 2014
Lebanon SoftShore Artificial Intelligence Seminar - March 38, 2014Lebanon SoftShore Artificial Intelligence Seminar - March 38, 2014
Lebanon SoftShore Artificial Intelligence Seminar - March 38, 2014lebsoftshore
 
Top 10 deep learning algorithms you should know in
Top 10 deep learning algorithms you should know inTop 10 deep learning algorithms you should know in
Top 10 deep learning algorithms you should know inAmanKumarSingh97
 
AI_07_Deep Learning.pptx
AI_07_Deep Learning.pptxAI_07_Deep Learning.pptx
AI_07_Deep Learning.pptxYousef Aburawi
 
Deep learning tutorial 9/2019
Deep learning tutorial 9/2019Deep learning tutorial 9/2019
Deep learning tutorial 9/2019Amr Rashed
 
Deep Learning Tutorial
Deep Learning TutorialDeep Learning Tutorial
Deep Learning TutorialAmr Rashed
 
Deep learning Techniques JNTU R20 UNIT 2
Deep learning Techniques JNTU R20 UNIT 2Deep learning Techniques JNTU R20 UNIT 2
Deep learning Techniques JNTU R20 UNIT 2EXAMCELLH4
 
FreddyAyalaTorchDomineering
FreddyAyalaTorchDomineeringFreddyAyalaTorchDomineering
FreddyAyalaTorchDomineeringFAYALA1987
 
Introduction to deep learning
Introduction to deep learningIntroduction to deep learning
Introduction to deep learningAmr Rashed
 
Looking into the Black Box - A Theoretical Insight into Deep Learning Networks
Looking into the Black Box - A Theoretical Insight into Deep Learning NetworksLooking into the Black Box - A Theoretical Insight into Deep Learning Networks
Looking into the Black Box - A Theoretical Insight into Deep Learning NetworksDinesh V
 
Integrated approach for domain dimensional information retrieval system by us...
Integrated approach for domain dimensional information retrieval system by us...Integrated approach for domain dimensional information retrieval system by us...
Integrated approach for domain dimensional information retrieval system by us...Alexander Decker
 
BASIC CONCEPT OF DEEP LEARNING.pptx
BASIC CONCEPT OF DEEP LEARNING.pptxBASIC CONCEPT OF DEEP LEARNING.pptx
BASIC CONCEPT OF DEEP LEARNING.pptxRiteshPandey184067
 
let's dive to deep learning
let's dive to deep learninglet's dive to deep learning
let's dive to deep learningMohamed Essam
 
Understanding Deep Learning & Parameter Tuning with MXnet, H2o Package in R
Understanding Deep Learning & Parameter Tuning with MXnet, H2o Package in RUnderstanding Deep Learning & Parameter Tuning with MXnet, H2o Package in R
Understanding Deep Learning & Parameter Tuning with MXnet, H2o Package in RManish Saraswat
 

Similar to Deep Learning - The Past, Present and Future of Artificial Intelligence (20)

Deep learning - A Visual Introduction
Deep learning - A Visual IntroductionDeep learning - A Visual Introduction
Deep learning - A Visual Introduction
 
Deep Learning
Deep LearningDeep Learning
Deep Learning
 
Lebanon SoftShore Artificial Intelligence Seminar - March 38, 2014
Lebanon SoftShore Artificial Intelligence Seminar - March 38, 2014Lebanon SoftShore Artificial Intelligence Seminar - March 38, 2014
Lebanon SoftShore Artificial Intelligence Seminar - March 38, 2014
 
Top 10 deep learning algorithms you should know in
Top 10 deep learning algorithms you should know inTop 10 deep learning algorithms you should know in
Top 10 deep learning algorithms you should know in
 
Deep learning
Deep learningDeep learning
Deep learning
 
Deep learning
Deep learning Deep learning
Deep learning
 
AI_07_Deep Learning.pptx
AI_07_Deep Learning.pptxAI_07_Deep Learning.pptx
AI_07_Deep Learning.pptx
 
Deep learning tutorial 9/2019
Deep learning tutorial 9/2019Deep learning tutorial 9/2019
Deep learning tutorial 9/2019
 
Deep Learning Tutorial
Deep Learning TutorialDeep Learning Tutorial
Deep Learning Tutorial
 
Deep learning Techniques JNTU R20 UNIT 2
Deep learning Techniques JNTU R20 UNIT 2Deep learning Techniques JNTU R20 UNIT 2
Deep learning Techniques JNTU R20 UNIT 2
 
FreddyAyalaTorchDomineering
FreddyAyalaTorchDomineeringFreddyAyalaTorchDomineering
FreddyAyalaTorchDomineering
 
Introduction to deep learning
Introduction to deep learningIntroduction to deep learning
Introduction to deep learning
 
Cnn
CnnCnn
Cnn
 
Looking into the Black Box - A Theoretical Insight into Deep Learning Networks
Looking into the Black Box - A Theoretical Insight into Deep Learning NetworksLooking into the Black Box - A Theoretical Insight into Deep Learning Networks
Looking into the Black Box - A Theoretical Insight into Deep Learning Networks
 
Integrated approach for domain dimensional information retrieval system by us...
Integrated approach for domain dimensional information retrieval system by us...Integrated approach for domain dimensional information retrieval system by us...
Integrated approach for domain dimensional information retrieval system by us...
 
BASIC CONCEPT OF DEEP LEARNING.pptx
BASIC CONCEPT OF DEEP LEARNING.pptxBASIC CONCEPT OF DEEP LEARNING.pptx
BASIC CONCEPT OF DEEP LEARNING.pptx
 
let's dive to deep learning
let's dive to deep learninglet's dive to deep learning
let's dive to deep learning
 
Deep Learning Demystified
Deep Learning DemystifiedDeep Learning Demystified
Deep Learning Demystified
 
Understanding Deep Learning & Parameter Tuning with MXnet, H2o Package in R
Understanding Deep Learning & Parameter Tuning with MXnet, H2o Package in RUnderstanding Deep Learning & Parameter Tuning with MXnet, H2o Package in R
Understanding Deep Learning & Parameter Tuning with MXnet, H2o Package in R
 
Introduction to Deep learning
Introduction to Deep learningIntroduction to Deep learning
Introduction to Deep learning
 

More from Lukas Masuch

Enterprise Knowledge Graph
Enterprise Knowledge GraphEnterprise Knowledge Graph
Enterprise Knowledge GraphLukas Masuch
 
Growth Hacking 101
Growth Hacking 101Growth Hacking 101
Growth Hacking 101Lukas Masuch
 
Trend detection and analysis on Twitter
Trend detection and analysis on TwitterTrend detection and analysis on Twitter
Trend detection and analysis on TwitterLukas Masuch
 
City Layer - Pitch
City Layer - PitchCity Layer - Pitch
City Layer - PitchLukas Masuch
 
SparkX - Enterprise Crowdfunding
SparkX - Enterprise CrowdfundingSparkX - Enterprise Crowdfunding
SparkX - Enterprise CrowdfundingLukas Masuch
 
Google Cloud Platform - Building a scalable mobile application
Google Cloud Platform - Building a scalable mobile applicationGoogle Cloud Platform - Building a scalable mobile application
Google Cloud Platform - Building a scalable mobile applicationLukas Masuch
 
Powerpoint for Dummies
Powerpoint for DummiesPowerpoint for Dummies
Powerpoint for DummiesLukas Masuch
 

More from Lukas Masuch (7)

Enterprise Knowledge Graph
Enterprise Knowledge GraphEnterprise Knowledge Graph
Enterprise Knowledge Graph
 
Growth Hacking 101
Growth Hacking 101Growth Hacking 101
Growth Hacking 101
 
Trend detection and analysis on Twitter
Trend detection and analysis on TwitterTrend detection and analysis on Twitter
Trend detection and analysis on Twitter
 
City Layer - Pitch
City Layer - PitchCity Layer - Pitch
City Layer - Pitch
 
SparkX - Enterprise Crowdfunding
SparkX - Enterprise CrowdfundingSparkX - Enterprise Crowdfunding
SparkX - Enterprise Crowdfunding
 
Google Cloud Platform - Building a scalable mobile application
Google Cloud Platform - Building a scalable mobile applicationGoogle Cloud Platform - Building a scalable mobile application
Google Cloud Platform - Building a scalable mobile application
 
Powerpoint for Dummies
Powerpoint for DummiesPowerpoint for Dummies
Powerpoint for Dummies
 

Recently uploaded

Data governance with Unity Catalog Presentation
Data governance with Unity Catalog PresentationData governance with Unity Catalog Presentation
Data governance with Unity Catalog PresentationKnoldus Inc.
 
MuleSoft Online Meetup Group - B2B Crash Course: Release SparkNotes
MuleSoft Online Meetup Group - B2B Crash Course: Release SparkNotesMuleSoft Online Meetup Group - B2B Crash Course: Release SparkNotes
MuleSoft Online Meetup Group - B2B Crash Course: Release SparkNotesManik S Magar
 
A Glance At The Java Performance Toolbox
A Glance At The Java Performance ToolboxA Glance At The Java Performance Toolbox
A Glance At The Java Performance ToolboxAna-Maria Mihalceanu
 
Email Marketing Automation for Bonterra Impact Management (fka Social Solutio...
Email Marketing Automation for Bonterra Impact Management (fka Social Solutio...Email Marketing Automation for Bonterra Impact Management (fka Social Solutio...
Email Marketing Automation for Bonterra Impact Management (fka Social Solutio...Jeffrey Haguewood
 
Scale your database traffic with Read & Write split using MySQL Router
Scale your database traffic with Read & Write split using MySQL RouterScale your database traffic with Read & Write split using MySQL Router
Scale your database traffic with Read & Write split using MySQL RouterMydbops
 
Arizona Broadband Policy Past, Present, and Future Presentation 3/25/24
Arizona Broadband Policy Past, Present, and Future Presentation 3/25/24Arizona Broadband Policy Past, Present, and Future Presentation 3/25/24
Arizona Broadband Policy Past, Present, and Future Presentation 3/25/24Mark Goldstein
 
React JS; all concepts. Contains React Features, JSX, functional & Class comp...
React JS; all concepts. Contains React Features, JSX, functional & Class comp...React JS; all concepts. Contains React Features, JSX, functional & Class comp...
React JS; all concepts. Contains React Features, JSX, functional & Class comp...Karmanjay Verma
 
2024 April Patch Tuesday
2024 April Patch Tuesday2024 April Patch Tuesday
2024 April Patch TuesdayIvanti
 
A Framework for Development in the AI Age
A Framework for Development in the AI AgeA Framework for Development in the AI Age
A Framework for Development in the AI AgeCprime
 
Bridging Between CAD & GIS: 6 Ways to Automate Your Data Integration
Bridging Between CAD & GIS:  6 Ways to Automate Your Data IntegrationBridging Between CAD & GIS:  6 Ways to Automate Your Data Integration
Bridging Between CAD & GIS: 6 Ways to Automate Your Data Integrationmarketing932765
 
The Role of FIDO in a Cyber Secure Netherlands: FIDO Paris Seminar.pptx
The Role of FIDO in a Cyber Secure Netherlands: FIDO Paris Seminar.pptxThe Role of FIDO in a Cyber Secure Netherlands: FIDO Paris Seminar.pptx
The Role of FIDO in a Cyber Secure Netherlands: FIDO Paris Seminar.pptxLoriGlavin3
 
So einfach geht modernes Roaming fuer Notes und Nomad.pdf
So einfach geht modernes Roaming fuer Notes und Nomad.pdfSo einfach geht modernes Roaming fuer Notes und Nomad.pdf
So einfach geht modernes Roaming fuer Notes und Nomad.pdfpanagenda
 
Design pattern talk by Kaya Weers - 2024 (v2)
Design pattern talk by Kaya Weers - 2024 (v2)Design pattern talk by Kaya Weers - 2024 (v2)
Design pattern talk by Kaya Weers - 2024 (v2)Kaya Weers
 
UiPath Community: Communication Mining from Zero to Hero
UiPath Community: Communication Mining from Zero to HeroUiPath Community: Communication Mining from Zero to Hero
UiPath Community: Communication Mining from Zero to HeroUiPathCommunity
 
How to Effectively Monitor SD-WAN and SASE Environments with ThousandEyes
How to Effectively Monitor SD-WAN and SASE Environments with ThousandEyesHow to Effectively Monitor SD-WAN and SASE Environments with ThousandEyes
How to Effectively Monitor SD-WAN and SASE Environments with ThousandEyesThousandEyes
 
Testing tools and AI - ideas what to try with some tool examples
Testing tools and AI - ideas what to try with some tool examplesTesting tools and AI - ideas what to try with some tool examples
Testing tools and AI - ideas what to try with some tool examplesKari Kakkonen
 
Microservices, Docker deploy and Microservices source code in C#
Microservices, Docker deploy and Microservices source code in C#Microservices, Docker deploy and Microservices source code in C#
Microservices, Docker deploy and Microservices source code in C#Karmanjay Verma
 
A Deep Dive on Passkeys: FIDO Paris Seminar.pptx
A Deep Dive on Passkeys: FIDO Paris Seminar.pptxA Deep Dive on Passkeys: FIDO Paris Seminar.pptx
A Deep Dive on Passkeys: FIDO Paris Seminar.pptxLoriGlavin3
 
Infrared simulation and processing on Nvidia platforms
Infrared simulation and processing on Nvidia platformsInfrared simulation and processing on Nvidia platforms
Infrared simulation and processing on Nvidia platformsYoss Cohen
 
Unleashing Real-time Insights with ClickHouse_ Navigating the Landscape in 20...
Unleashing Real-time Insights with ClickHouse_ Navigating the Landscape in 20...Unleashing Real-time Insights with ClickHouse_ Navigating the Landscape in 20...
Unleashing Real-time Insights with ClickHouse_ Navigating the Landscape in 20...Alkin Tezuysal
 

Recently uploaded (20)

Data governance with Unity Catalog Presentation
Data governance with Unity Catalog PresentationData governance with Unity Catalog Presentation
Data governance with Unity Catalog Presentation
 
MuleSoft Online Meetup Group - B2B Crash Course: Release SparkNotes
MuleSoft Online Meetup Group - B2B Crash Course: Release SparkNotesMuleSoft Online Meetup Group - B2B Crash Course: Release SparkNotes
MuleSoft Online Meetup Group - B2B Crash Course: Release SparkNotes
 
A Glance At The Java Performance Toolbox
A Glance At The Java Performance ToolboxA Glance At The Java Performance Toolbox
A Glance At The Java Performance Toolbox
 
Email Marketing Automation for Bonterra Impact Management (fka Social Solutio...
Email Marketing Automation for Bonterra Impact Management (fka Social Solutio...Email Marketing Automation for Bonterra Impact Management (fka Social Solutio...
Email Marketing Automation for Bonterra Impact Management (fka Social Solutio...
 
Scale your database traffic with Read & Write split using MySQL Router
Scale your database traffic with Read & Write split using MySQL RouterScale your database traffic with Read & Write split using MySQL Router
Scale your database traffic with Read & Write split using MySQL Router
 
Arizona Broadband Policy Past, Present, and Future Presentation 3/25/24
Arizona Broadband Policy Past, Present, and Future Presentation 3/25/24Arizona Broadband Policy Past, Present, and Future Presentation 3/25/24
Arizona Broadband Policy Past, Present, and Future Presentation 3/25/24
 
React JS; all concepts. Contains React Features, JSX, functional & Class comp...
React JS; all concepts. Contains React Features, JSX, functional & Class comp...React JS; all concepts. Contains React Features, JSX, functional & Class comp...
React JS; all concepts. Contains React Features, JSX, functional & Class comp...
 
2024 April Patch Tuesday
2024 April Patch Tuesday2024 April Patch Tuesday
2024 April Patch Tuesday
 
A Framework for Development in the AI Age
A Framework for Development in the AI AgeA Framework for Development in the AI Age
A Framework for Development in the AI Age
 
Bridging Between CAD & GIS: 6 Ways to Automate Your Data Integration
Bridging Between CAD & GIS:  6 Ways to Automate Your Data IntegrationBridging Between CAD & GIS:  6 Ways to Automate Your Data Integration
Bridging Between CAD & GIS: 6 Ways to Automate Your Data Integration
 
The Role of FIDO in a Cyber Secure Netherlands: FIDO Paris Seminar.pptx
The Role of FIDO in a Cyber Secure Netherlands: FIDO Paris Seminar.pptxThe Role of FIDO in a Cyber Secure Netherlands: FIDO Paris Seminar.pptx
The Role of FIDO in a Cyber Secure Netherlands: FIDO Paris Seminar.pptx
 
So einfach geht modernes Roaming fuer Notes und Nomad.pdf
So einfach geht modernes Roaming fuer Notes und Nomad.pdfSo einfach geht modernes Roaming fuer Notes und Nomad.pdf
So einfach geht modernes Roaming fuer Notes und Nomad.pdf
 
Design pattern talk by Kaya Weers - 2024 (v2)
Design pattern talk by Kaya Weers - 2024 (v2)Design pattern talk by Kaya Weers - 2024 (v2)
Design pattern talk by Kaya Weers - 2024 (v2)
 
UiPath Community: Communication Mining from Zero to Hero
UiPath Community: Communication Mining from Zero to HeroUiPath Community: Communication Mining from Zero to Hero
UiPath Community: Communication Mining from Zero to Hero
 
How to Effectively Monitor SD-WAN and SASE Environments with ThousandEyes
How to Effectively Monitor SD-WAN and SASE Environments with ThousandEyesHow to Effectively Monitor SD-WAN and SASE Environments with ThousandEyes
How to Effectively Monitor SD-WAN and SASE Environments with ThousandEyes
 
Testing tools and AI - ideas what to try with some tool examples
Testing tools and AI - ideas what to try with some tool examplesTesting tools and AI - ideas what to try with some tool examples
Testing tools and AI - ideas what to try with some tool examples
 
Microservices, Docker deploy and Microservices source code in C#
Microservices, Docker deploy and Microservices source code in C#Microservices, Docker deploy and Microservices source code in C#
Microservices, Docker deploy and Microservices source code in C#
 
A Deep Dive on Passkeys: FIDO Paris Seminar.pptx
A Deep Dive on Passkeys: FIDO Paris Seminar.pptxA Deep Dive on Passkeys: FIDO Paris Seminar.pptx
A Deep Dive on Passkeys: FIDO Paris Seminar.pptx
 
Infrared simulation and processing on Nvidia platforms
Infrared simulation and processing on Nvidia platformsInfrared simulation and processing on Nvidia platforms
Infrared simulation and processing on Nvidia platforms
 
Unleashing Real-time Insights with ClickHouse_ Navigating the Landscape in 20...
Unleashing Real-time Insights with ClickHouse_ Navigating the Landscape in 20...Unleashing Real-time Insights with ClickHouse_ Navigating the Landscape in 20...
Unleashing Real-time Insights with ClickHouse_ Navigating the Landscape in 20...
 

Deep Learning - The Past, Present and Future of Artificial Intelligence

  • 1. Deep Learning The Past, Present and Future of Artificial Intelligence
  • 2. The Deep Learning Revolution The Big Bang of Artificial Intelligence
  • 4. Hype or Reality? Academic Publications about Deep Learning Source
  • 5. Hype or Reality? NIPS (Computational Neuroscience Conference) Growth Source 2016: >5000
  • 6. Hype or Reality? Google Machine learning is a core transformative way by which we are rethinking everything we are doing – Sundar Pichai (CEO Google) Source
  • 8. Hype or Reality? Investments in AI technologies Source
  • 9. Hype or Reality? Growing Interest from Organizations Source
  • 10. What is Artificial Intelligence? Artificial Intelligence Output: Action Movement Text Input: Data Sensors Images
  • 11. What is Artificial Intelligence? Artificial Narrow Intelligence (ANI): Machine intelligence that equals or exceeds human intelligence or efficiency at a specific task. Artificial General Intelligence (AGI): A machine with the ability to apply intelligence to any problem, rather than just one specific problem (human-level intelligence). Artificial Superintelligence (ASI): An intellect that is much smarter than the best human brains in practically every field, including scientific creativity, general wisdom and social skills.
  • 12. A superintelligence is any intellect that vastly outperforms the best human brains in practically every field, including scientific creativity, general wisdom, and social skills Source What is Artificial Intelligence? Superintelligence
  • 13. Machine Learning - Basics Introduction Machine Learning is a type of Artificial Intelligence that provides computers with the ability to learn without being explicitly programmed. Machine Learning Algorithm Learned Model Data Prediction Labeled Data Training Prediction Provides various techniques that can learn from and make predictions on data
  • 14. Machine Learning - Basics Learning Approaches Supervised Learning: Learning with a labeled training set Example: email spam detector with training set of already labeled emails Unsupervised Learning: Discovering patterns in unlabeled data Example: cluster similar documents based on the text content Reinforcement Learning: learning based on feedback or reward Example: learn to play chess by winning or losing
  • 15. Machine Learning - Basics Problem Types Regression (supervised – predictive) Classification (supervised – predictive) Anomaly Detection (unsupervised– descriptive) Clustering (unsupervised – descriptive)
  • 16. Machine Learning - Basics Problem Types – Mapping from A to B Source
  • 17. Machine Learning - Basics Algorithms Comparison - Classification Source
  • 18. What is Deep Learning? Part of the machine learning field of learning representations of data. Exceptional effective at learning patterns. Utilizes learning algorithms that derive meaning out of data by using a hierarchy of multiple layers that mimic the neural networks of our brain. If you provide the system tons of information, it begins to understand it and respond in useful ways.
  • 19. Inspired by the Brain The first hierarchy of neurons that receives information in the visual cortex are sensitive to specific edges while brain regions further down the visual pipeline are sensitive to more complex structures such as faces. Our brain has lots of neurons connected together and the strength of the connections between neurons represents long term knowledge.
  • 20. Deep Learning - Basics Architecture A deep neural network consists of a hierarchy of layers, whereby each layer transforms the input data into more abstract representations (e.g. edge -> nose -> face). The output layer combines those features to make predictions.
  • 21. Deep Learning - Basics What did it learn? Edges Nose, Eye… Faces
  • 22. Deep Learning - Basics No more feature engineering Feature Engineering Traditional Learning AlgorithmInput Data Costs lots of time Deep Learning AlgorithmInput Data
  • 24. A brief History A long time ago… 1974 Backpropagation awkward silence (AI Winter) 1995 SVM reigns Convolution Neural Networks for Handwritten Recognition 1998 2006 Restricted Boltzmann Machine 1958 Perceptron 1969 Perceptron criticized Google Brain Project on 16k Cores 2012 2012 AlexNet wins ImageNet
  • 25. A brief History The Big Bang aka “One net to rule them all” ImageNet: The “computer vision World Cup” Source
  • 26. A brief History The Big Bang aka “One net to rule them all” ImageNet: The “computer vision World Cup” Human Performance Source
  • 27. A brief History The Big Bang aka “One net to rule them all” Deep Learning in Speech Recognition Source Human Performance
  • 28. What changed? Old wine in new bottles Big Data (Digitalization) Computation (Moore’s Law, GPUs) Algorithmic Progress
  • 31. Deep Learning - Basics Artificial Neural Networks Consists of one input, one output and multiple fully-connected hidden layers in- between. Each layer is represented as a series of neurons and progressively extracts higher and higher-level features of the input until the final layer essentially makes a decision about what the input shows.
  • 32. Deep Learning - Basics The Neuron An artificial neuron contains a nonlinear activation function and has several incoming and outgoing weighted connections. Neurons are trained to filter and detect specific features or patterns (e.g. edge, nose) by receiving weighted input, transforming it with the activation function und passing it to the outgoing connections.
  • 33. Deep Learning - Basics Non-linear Activation Function Non-linearity is needed to learn complex (non-linear) representations of data, otherwise the NN would be just a linear function. Most deep networks use ReLU - max(0,x) - nowadays for hidden layers, since it trains much faster, is more expressive than logistic function and prevents the gradient vanishing problem.
  • 34. Deep Learning - Basics The Training Process Forward it trough the network to get predictionsSample labeled data Backpropagate the errors Update the connection weights Learns by generating an error signal that measures the difference between the predictions of the network and the desired values and then using this error signal to change the weights (or parameters) so that predictions get more accurate.
  • 35. Deep Learning - Basics Gradient Descent Gradient Descent finds the (local) the minimum of the cost function (used to calculate the output error) and is used to adjust the weights.
  • 36. Deep Learning - Basics Deep Autoencoders Composed of two symmetrical deep-belief networks. The encoding network learns to compresses the input to a condensed vector (dimensionality reduction). The decoding network can be used to reconstruct the data. Topic Modeling: Document in a collection is converted to a Bag-of- Words and transformed to a compressed feature vector using an autoencoder. The distance from every other document-vector can be measured and nearby document-vectors fall under the same topic.
  • 37. Deep Learning - Basics Convolutional Neural Nets (CNN) Convolutional Neural Networks learn a complex representation of visual data using vast amounts of data. They are inspired by the human visual system and learn multiple layers of transformations, which are applied on top of each other to extract a progressively more sophisticated representation of the input. Every layer of a CNN takes a 3D volume of numbers and outputs a 3D volume of numbers. E.g. Image is a 224*224*3 (RGB) cube and will be transformed to 1*1000 vector of probabilities.
  • 38. Deep Learning - Basics Convolutional Neural Nets (CNN) Convolution layer is a feature detector that automagically learns to filter out not needed information from an input by using convolution kernel. Pooling layers compute the max or average value of a particular feature over a region of the input data (downsizing of input images). Also helps to detect objects in some unusual places and reduces memory size.
  • 39. Deep Learning - Basics Recurrent Neural Nets (RNN) general computers which can learn algorithms to map input sequences to output sequences RNNs are general computers which can learn algorithms to map input sequences to output sequences (flexible-sized vectors). The output vector’s contents are influenced by the entire history of inputs. general computers which can learn algorithms to map input sequences to output sequences State-of-the-art results in time series prediction, adaptive robotics, handwriting recognition, image classification, speech recognition, stock market prediction, and other sequence learning problems. Everything can be processed sequentially.
  • 40. Deep Learning - Basics Long Short-Term Memory RNN (LSTM) A Long Short-Term Memory (LSTM) network is a particular type of recurrent network that works slightly better in practice, owing to its more powerful update equation and some appealing back propagation dynamics. general computers which can learn algorithms to map input sequences to output sequences The LSTM units give the network memory cells with read, write and reset operations. During training, the network can learn when it should remember data and when it should throw it away. general computers which can learn algorithms to map input sequences to output sequences Well-suited to learn from experience to classify, process and predict time series when there are very long time lags of unknown size between important events. Source
  • 41. Deep Learning - Basics Recurrent Neural Nets (RNN) – Attention Mechanisms Attention Mechanisms are loosely based on the visual attention mechanism found in humans. In RNNs the model learns what to attend to based on the input sentence and what it has produced so far. The output word depends on a weighted combination of all the input states, not just the last state. Source
  • 42. Deep Learning - Basics Generative Adversarial Networks Generative Adversarial Networks (GANs) consist of any two networks with one tasked to generate content and the other has to judge content. The discriminating network receives either training data or generated content from the generative network and tries to predict the data source (real or fake). This creates a form of competition where the discriminator is getting better at distinguishing real data from generated data and the generator is learning to become less predictable to the discriminator. Source
  • 43. Deep Learning - Basics Differentiable Neural Computer Differentiable Neural Computer is a hybrid learning machine combining neural networks with read-write memory. They learn how to use memory and how to produce answers completely from scratch. This learning machine is able, without prior programming, to organize information into connected facts and use those facts to solve problems. Source
  • 44. Deep Learning - Basics Natural Language Processing – Embeddings Embeddings are used to turn textual data (words, sentences, paragraphs) into high- dimensional vector representations and group them together with semantically similar data in a vectorspace. Thereby, computer can detect similarities mathematically. Source
  • 45. Deep Learning - Basics Natural Language Processing – Word2Vec Word2Vec is an unsupervised learning algorithm for obtaining vector representations for words. These vectors were trained for a specific domain on a very large textual data set. GloVe is a better performing alternative. It detects similarities mathematically by grouping the vectors of similar words together. All it needs is words co-occurance in the given corpus. Source
  • 46. Deep Learning - Basics Natural Language Processing – Word2Vec Woman – Man ≈ Aunt - Uncle King - Male + Female ≈ Queen Human - Animal ≈ Ethics Source
  • 47. Deep Learning - Basics Natural Language Processing – Thought Vectors Thought vectors is a way of embedding thoughts in vector space. Their features will represent how each thought relates to other thoughts. Convert every sentence in a document to a though vector, in a way that similar thoughts are nearby. You can do basic natural reasoning by learning to predict next thought vector based on a sequence of previous thought vectors. Thereby, by reading every document on the web, computers might be able to reason like humans do by mimicking the thoughts expressed in content. A neural machine translation is trained on bilingual text using a encoder and decoder RNN. For translation, the input sentence is transformed into a thought vector. This vector is used to reconstruct the given thought in another language. Source
  • 48. Deep Learning - Basics Usage Requirements Large data set with good quality (input-output mappings) Measurable and describable goals (define the cost) Enough computing power (AWS GPU Instance) Excels in tasks where the basic unit (pixel, word) has very little meaning in itself, but the combination of such units has a useful meaning.
  • 49. Deep Learning for Games DeepMind Deep Q-Learning Outperforms humans in over 30 Atari games just by receiving the pixels on the screen with the goal to maximize the score (Reinforcement Learning) Source
  • 50. Deep Learning for Games DeepMind Deep Q-Learning Deep Q-Learning (DQN) is a model-free approach to reinforcement learning using deep networks in environments with discrete action choices Source
  • 51. Deep Learning for Games Open Environments – Deep Mind Lab Source
  • 52. Deep Learning for Games Open Environments – Open AI Universe Source
  • 53. Deep Learning for Games DeepMind AlphaGo History is made: Google's AlphaGo wins the match against Go champion Lee Sedol Source
  • 54. Deep Learning for Games DeepMind AlphaGo AlphaGo could learn the game by examining thousands of human Go moves, and then it could master the game by playing itself over and over and over again. The result is a system of unprecedented beauty. Source
  • 55. Deep Learning in Computer Vision Image Segmentation Source
  • 56. Deep Learning in Computer Vision Image Captioning Neural Image Caption Generator generates fitting natural-language captions only based on the pixels by combining a vision CNN and a language-generating RNN. A man flying through the air while riding a skateboard Two pizzas sitting on top of a stove top oven A close up of a child holding a stuffed animal Source
  • 57. Deep Learning in Computer Vision Image Captioning v2 Source
  • 58. Deep Learning in Computer Vision Image Compression Image compression with Residual Gated Recurrent Unit (Residual GRU). Left: Original (1419KB PNG), Center: JPEG (33KB), Right: Residual GRU (24KB). => 25% smaller for comparable image quality. Source
  • 59. Deep Learning in Computer Vision Image Localization PlaNet is able to determine the location of almost any image with superhuman ability. Source
  • 60. Deep Learning in Computer Vision Image Transformation – 2D-to-3D Deep3D can automatically convert image/video from 2D-to-3D with Convolutional Neural Networks. It learns to infer 3D representations of the world based on training set of 3D movies. Source
  • 61. Deep Learning in Computer Vision Image Sharpening Source DCGAN architecture to upscale and sharpen an image with features that are plausible based on the dataset that was used to train the neural net.
  • 62. Deep Learning in Computer Vision Image Completion Source Image completion with deep convolutional generative adversarial networks (DCGAN). The centers of these images are being automatically generated.
  • 63. Deep Learning in Computer Vision Image Transformation – Adding features Source Performs high-level semantic transformations on images like "make older/younger", "make bespectacled", "add smile“.
  • 64. Deep Learning in Computer Vision Image Colorization Given a grayscale photograph as input, this Convolutional Neural Network tackles the problem of hallucinating a plausible color version of the photograph. Source
  • 65. Deep Learning in Computer Vision Image-to-Image Translation Source Image-to-Image Translation with Conditional Adversarial Nets. This approach can be applied as a generic solutions to any Image-to-Image translation problem such as synthesizing photos from label maps, reconstructing objects from edge maps, and colorizing images. Demo
  • 66. Deep Learning in Computer Vision Video Sequence Prediction PredNet - a deep convolutional recurrent neural network that predicts the future frames in a video sequence. These networks are able to robustly learn to predict the movement of synthetic (rendered) objects. Source
  • 67. Deep Learning in Computer Vision Image Generation – Bedrooms These neural networks are learning what the visual world looks like! Source
  • 68. Deep Learning - Basics Generative Adversarial Networks Generative Adversarial Networks (GANs) consist of any two networks with one tasked to generate content and the other has to judge content. Source
  • 69. Deep Learning in Computer Vision Image Generation – Album Covers Source
  • 70. Deep Learning in Computer Vision Image Generation – Fine Art Source
  • 71. Deep Learning in Computer Vision Image Generation – Plug & Play Generative Networks Source
  • 72. Deep Learning in Computer Vision Image Generation – Faces Generating realistic faces based on a selected person’s identity, emotion, and orientation with deconvolution network. You give the network the parameters of the thing you want to draw and it does it. Source
  • 73. Deep Learning in Computer Vision LipNet - Sentence-level Lipreading Source LipNet achieves 93.4% accuracy, outperforming experienced human lipreaders and the previous 79.6% state-of-the-art accuracy.
  • 74. Deep Learning in Computer Vision Image Generation – From Descriptions Source Deep architecture and GAN formulation to translate visual concepts from characters to pixels. We demonstrate the capability of our model to generate plausible images of birds and flowers from detailed text descriptions.
  • 75. Deep Learning in Computer Vision Image Generation - Handwriting This LSTM recurrent neural network is able to generate highly realistic cursive handwriting in a wide variety of styles, simply by predicting one data point at a time. Source
  • 76. Deep Learning in Computer Vision DeepDream – Inceptionism Inceptionism helps to understand and visualize what a neural network has learned during training “No picture of a dumbbell is complete without a muscular weightlifter” Let the network over- interpret whatever it detects in a selected layer (e.g. edges) Source
  • 77. Deep Learning in Computer Vision DeepDream – Inceptionism By choosing higher level layers, more sophisticated features or even whole objects tend to emerge. Source
  • 78. Deep Learning in Computer Vision Style Transfer – morph images into paintings Source
  • 79. Deep Learning in Audio Processing Sound Generation DeepMind's WaveNet is able to generate speech which mimics any human voice and which sounds more natural than the best existing Text-to-Speech systems, reducing the gap with human performance by over 50%. Source
  • 80. Deep Learning in NLP Syntax Parsing SyntaxNet (Parsey McParseface) tags each word with a part-of-speech tag, and it determines the syntactic relationships between words in the sentence with an 94% accuracy compared to a human performance at 96%. Source
  • 81. Deep Learning in NLP Generating Text To train the RNN, insert characters sequentially and predict the probabilities of the next letter. Backpropagate error and update RNN’s weights to increase the confidence of the correct letter (green) and decrease the confidence of all other letters (red). Trained on structured Wikipedia markdown. Network learns to spell English words completely from scratch and copy general syntactic structures. Source
  • 82. Deep Learning in NLP Generating Text To generate text, we feed a character into the trained RNN and get a distribution over what characters are likely to come next (red = likely). We sample from this distribution, and feed it right back in to get the next letter. This highlighted neuron gets very excited (green = excited, blue = not excited) when the RNN is inside the [[ ]] markdown environment and turns off outside of it. The RNN is likely using this neuron to remember if it is inside a URL or not. Source
  • 83. Deep Learning in NLP Neural Machine Translation Googles Neural Machine Translation system based on a deep LSTM seq2seq architecture reduces translation errors by more than 55%-85% compared to traditional approaches. Source
  • 84. Deep Learning in NLP Neural Conversational Model Neural Chatbot: Predicts the next sentence given the previous sentences in a conversation. The LSTM remembers facts, understands contexts and performs common sense reasoning in the trained domain. Human: what is the purpose of life ? Machine: to serve the greater good . Human: what is the purpose of living ? Machine: to live forever Human: what is the purpose of existence? Machine: to find out what happens when we get to the planet earth Human: where are you now ? . Machine: i ’m in the middle of nowhere . Human: what is the purpose of dying ? Machine: to have a life Human: what is the purpose of being intelligent ? Machine: to find out what it is. Human: what is the purpose of emotions ? Machine: I don ’t know . Philosophical Q&A – Network trained with OpenSubtitles (movie subtitles) Source
  • 85. Deep Learning in Medicine Skin Cancer Diagnoses Source The CNN performed just as well as almost two dozen veteran dermatologists in deciding whether a lesion needed further medical attention.
  • 86. Deep Learning in Medicine Breast Cancer Diagnoses Deep Learning drops error rate for breast cancer Diagnoses by 85%. Researchers trained their models with millions of labeled images to find the probability that a patch contains cancer, eventually creating tumor probability heatmaps. Source
  • 87. Deep Learning in Medicine Detection of diabetic eye disease Source Their deep learning algorithm performed better than the median board-certified ophthalmologist in assessing signs of diabetic retinopathy
  • 88. Deep Learning in Science Saving Energy DeepMind AI reduces data center cooling bill by 40% using a system of neural networks trained on different operating scenarios and parameters within Google’s data centers. Source
  • 89. Deep Learning in Science Mapping Poverty Combining satellite imagery and machine learning to predict poverty. A deep- learning algorithm that can recognize signs of poverty in satellite images – such as condition of roads – by sorting through a million images to accurately identify economic conditions in five African countries. Source
  • 90. Deep Learning in Cryptography Learning to encrypt and decrypt communication Source This end-to-end adversarially trained architecture learned how to perform forms of encryption and decryption, and also how to apply these operations selectively in order to meet confidentiality goals.
  • 91. Deep Learning in Robotics Learning skills from shared experiences Google researchers tasked robots with trying to move their arms to goal locations, or reaching to and opening a door. Each robot has a copy of a neural network that allows it to estimate the value of taking a given action in a given state. Through a trial-and-error process these robots are able to acquire new skills. Source
  • 92. Deep Learning in Google Products RankBrain (Search): In few months, RankBrain has become the third-most important signal contributing to the search result. Speech Recognition (Google Assistant): 30% reduction in Word Error Rate for English. Biggest single improvement in 20 years of speech research. Photo Search (Google Photos): Error rate of just 5% which is as good as humans performing the same task. Also, superhuman performance in face recognition.
  • 93. Deep Learning - Tools Its all Open Source
  • 95. Outlook NVIDIA Pascal NVIDIA’s Pascal GPU architecture will accelerate deep learning applications up to 10X beyond the speed of its current-generation Maxwell processors. Source
  • 96. Outlook Artificial Quantum Intelligence Quantum Artificial Intelligence Lab is a joint initiative of NASA and Google to study how quantum computing might advance machine learning. This type of computing may provide the most creative and parallelized problem-solving process under the known laws of physics. Quantum computers handle what are called quantum bits or qubits that can readily have a value of one or zero or anything in between. Quantum computing represents a paradigm shift, a radical change in the way we do computing and at a scale that has unimaginable power – Eric Ladizinsky (Co-founder D-Wave) Source
  • 97. Outlook Neuromorphic Chips IBM TrueNorth is a brain-inspired computer chip that implements networks of integrate-and-fire spiking artificial neurons and uses only a tiny 70 mw of power –orders of magnitude less energy than traditional chips. The system is designed to be able to run deep-learning algorithms. 1 million Programmable Neurons 256 million Programmable Synapses 4096 Neurosynaptic Cores Source
  • 98. Outlook The Enabler Many of the biggest problems facing humanity today, like curing diseases or addressing climate change, would be vastly easier with the help of AI. The Big Bang for Self-Driving Cars (10-15 years). Fully autonomous taxi systems will change the paradigm of the need to own a car. AI will fuel a medical revolution (5-10 years) by enabling far more efficient drug discovery, diagnoses and research.
  • 99. Takeaways Machines that learn to represent the world from experience. Deep Learning is no magic! Just statistics (matrix multiplications) in a black box, but exceptional effective at learning patterns Transitioning from research to consumer products. Will make the tools you use every day work better, faster and smarter.