SlideShare a Scribd company logo
https://ntg.ai/gdgbaku/
Introduction to Machine
Learning & Hands on Deep
Learning with Tensorflow 2.0
scientia potentia est
GDG Baku 2019 - Natig Vahabov 2
“Knowledge is power”
Sir Francis Bacon, 16th century
English philosopher
Agenda
• AI & ML & DL
• Theory of CNN
• Hands on Tensorflow 2.0
• Building CNN with Keras
• Django + Tensorflow (trained model)
GDG Baku 2019 - Natig Vahabov 3
AI & ML & DL
GDG Baku 2019 - Natig Vahabov 4
AI & ML & DL
GDG Baku 2019 - Natig Vahabov 5
What is AI?
Academic term:
As the study of "intelligent agents": any device that
perceives its environment and takes actions that
maximize its chance of successfully achieving its
goals
Simple term:
A.I. is the study of how to make computers do
things at which, at the moment, people are better.
GDG Baku 2019 - Natig Vahabov 6
Weak AI vs Strong AI
Weak or Narrow AI is a type of artificial intelligence that
is focused on one narrow task
- Siri, Alexa, Sophia
On the other hand, Artificial General Intelligence (AGI) is
the intelligence of an intelligent agent that can
understand or learn any intellectual task that
a human being can (Strong AI)
- Samantha (‘Her’ movie)
GDG Baku 2019 - Natig Vahabov 7
Good, Old-Fashioned AI(GOFAI)
The Intelligent Agent must inertly duplicate the
human mind in a such manner that the
synthetic mind
• can be studied
• can be animated within the memory of the
Intelligent Agent
GDG Baku 2019 - Natig Vahabov 8
Expert System as GOFAI
‘An expert system is a computer system
that emulates, or acts in all respects, with
the decision-making capabilities of a human
expert’.
Prof Edward Feigenbaum
GDG Baku 2019 - Natig Vahabov 9
Blood Disorder with ES
GDG Baku 2019 - Natig Vahabov 10
MYCIN
Diagnosing and treating patients with infectious blood
diseases
• a rule-based expert system
• developed at Stanford University – 1976
• uses backward chaining for reasoning
• incorporates about 500 rules
• written in INTERLISP (a dialect of LISP)
• a correct diagnosis rate of about 65% even though it
was worse than real physicians who had average
correct diagnosis rates of about 80%
GDG Baku 2019 - Natig Vahabov 11
Machine Learning
Machine Learning is the field of study that gives
computers the ability to learn without being
explicitly programmed.
Arthur Samuel, 1959
GDG Baku 2019 - Natig Vahabov 12
Machine Learning
A computer program is said to learn from
experience E with respect to some task T and some
performance measure P, if its performance on T, as
measured by P, improves with experience E
Tom Mitchell, 1997
GDG Baku 2019 - Natig Vahabov 13
Blood Disorder with ML
University of Colorado, Nov 6th 2019
GDG Baku 2019 - Natig Vahabov 14
ML Engineer Interview question
GDG Baku 2019 - Natig Vahabov 15
Machine Learning vs ES
Task: Spam/ Ham detection(T) (Supervised
Learning, Classification problem)
• ES – writing rules (with knowledge
representation - FirstOrderLogic) which
classifies an email as a spam
• ML – give previous spam/ham emails(E), train
the model, evaluate the solution(P), analyze
errors, update the model weights
GDG Baku 2019 - Natig Vahabov 16
Machine Learning vs ES
Machine Learning is great for:
• Problems for which existing solutions require a lot of hand-
tuning or long lists of rules: one Machine Learning algorithm can
often simplify code and perform better.
• Complex problems for which there is no good solution at all
using a traditional approach: the best Machine Learning
techniques can find a solution.
• Fluctuating environments: a Machine Learning system can adapt
to new data.
• Getting insights about complex problems and large amounts of
data.
GDG Baku 2019 - Natig Vahabov 17
Machine Learning
Systems
GDG Baku 2019 - Natig Vahabov 18
Machine Learning Systems
• Whether or not they are trained with human
supervision (supervised, unsupervised, semi-
supervised, and Reinforcement Learning)
• Whether or not they can learn incrementally on the fly
(online versus batch learning)
• Whether they work by simply comparing new data
points to known data points, or instead detect
patterns in the training data and build a predictive
model, much like scientists do (instance-based
versus model-based learning)
GDG Baku 2019 - Natig Vahabov 19
Supervised MLSs
• In supervised learning, the training data you feed to
the algorithm includes the desired solutions, called
labels
• Two main categories: Regression and Classification
• Main Algorithms:
– k-Nearest Neighbors (recommender system, similar users)
– Linear Regression (house price prediction)
– Logistic Regression (spam/ham filter)
– Support Vector Machines (face detection)
– Decision Trees and Random Forests (google photos)
– Neural networks
GDG Baku 2019 - Natig Vahabov 20
Logistic Regression
GDG Baku 2019 - Natig Vahabov 21
Logistic Regression in practice
• Political campaigns try to
predict the chances that a
voter will vote for their
candidate
• Bankers use it to predict
the chances that a loan
applicant will default on the
loan
• Marketers use it to predict
whether a customer will
respond to a particular ad
GDG Baku 2019 - Natig Vahabov 22
Unsupervised MLSs
• In unsupervised learning, the training data is unlabeled
• Clustering
– K-Means, DBSCAN, Hierarchical Cluster Analysis (HCA)
• Anomaly detection and novelty detection
– One-class SVM, Isolation Forest
• Visualization and dimensionality reduction
– Principal Component Analysis (PCA), Kernel PCA
– Locally-Linear Embedding (LLE)
– t-distributed Stochastic Neighbor Embedding (t-SNE)
• Association rule learning
– Apriori
– Eclat
GDG Baku 2019 - Natig Vahabov 23
Apriori in practice
Wal-Mart actually used the Apriori
algorithm to increase sales of
beer. Wal-Mart studied their data
to find that American males who
bought diapers on Friday
afternoons also frequently bought
beer. They moved the beer next to
the diapers, and sales increased
(Tesco in UK did the same)
GDG Baku 2019 - Natig Vahabov 24
Semi-supervised MLSs
• Some algorithms can deal with partially labeled
training data, usually a lot of unlabeled data and a
little bit of labeled data. This is called semisupervised
learning
• Google Photos (detecting faces, assigns them to a
person)
• Webpage classification (news, educational, shopping,
blog ..)
GDG Baku 2019 - Natig Vahabov 25
Reinforcement Learning
GDG Baku 2019 - Natig Vahabov 26
Reinforcement Learning
• The Man vs. The Machine / Deep Blue defeated Garry
Kasparov in 1997
• At the 2017 Future of Go Summit, DeepMind’s
successor AlphaGo Master beat Ke Jie, the world No.1
ranked player at the time, in a three-game match
• Robotics that mimics real animals
• Alibaba Group published a paper “Real-Time Bidding
with Multi-Agent Reinforcement Learning in Display
Advertising”
GDG Baku 2019 - Natig Vahabov 27
What exactly does a
machine learning
engineer do?
GDG Baku 2019 - Natig Vahabov 28
Machine Learning Engineer
• Running machine learning experiments using a
programming language with machine learning
libraries.
• Deploying machine learning solutions into
production.
• Optimizing solutions for performance and scalability.
• Data engineering, i.e. ensuring a good data flow
between database and backend systems.
• Implementing custom machine learning code.
• Data science, i.e. analyzing data and coming up with
use cases
GDG Baku 2019 - Natig Vahabov 29
ML Engineer sample jobs
GDG Baku 2019 - Natig Vahabov 30
ML Engineer sample jobs
GDG Baku 2019 - Natig Vahabov 31
ML Engineer should know
GDG Baku 2019 - Natig Vahabov 32
ML Engineer’s nightmare
GDG Baku 2019 - Natig Vahabov 33
If ML solves our problem,
why do we need DL?
GDG Baku 2019 - Natig Vahabov 34
Reason1: Massive Data
Amount of data that are generated in a single day of
2019
• 500 million tweets are sent
• 294 billion emails are sent
• 4 petabytes of data are created on Facebook
• 4 terabytes of data are created from each connected car
• 65 billion messages are sent on WhatsApp
• 5 billion searches are made
• By 2025, it’s estimated that 463 exabytes of data will be created
each day globally – that’s the equivalent of 212,765,957 DVDs per
day!
GDG Baku 2019 - Natig Vahabov 35
Reason2: Moore’s Law
GDG Baku 2019 - Natig Vahabov 36
Reason2: Moore’s Law
Moore's law is the observation that the
number of transistors in a dense
integrated circuit doubles about every 18-
24 months
TPU >> GPU >> CPU
GDG Baku 2019 - Natig Vahabov 37
Deep Learning
GDG Baku 2019 - Natig Vahabov 38
Neural Network
GDG Baku 2019 - Natig Vahabov 39
Artificial Neural Network
GDG Baku 2019 - Natig Vahabov 40
NN Types
GDG Baku 2019 - Natig Vahabov 41
Perceptron, CNN, RNN,
Boltzman Machine, DBN etc.
Article: https://towardsdatascience.com/the-
mostly-complete-chart-of-neural-networks-
explained-3fb6f2367464
Activation Functions
GDG Baku 2019 - Natig Vahabov 42
Deep Learning
Frameworks
GDG Baku 2019 - Natig Vahabov 43
DL Frameworks
GDG Baku 2019 - Natig Vahabov 44
Why we should use framework?
• High level abstracted API
• Code friendly environment with engineers
• Easy hands-on adaptation with newbies
• Advance visualization of inside NN
(Tensorboard)
• Single tool for both development and serving
(TFServing)
• Option to run of recent academic papers
(paperswithcode.com)
GDG Baku 2019 - Natig Vahabov 45
Bones of DLF
• Components of any DL framework
– Tensors
– Operations
– Computation Graph
– Auto-differentiation
– Fast and Efficient floating pt. Operations
– GPU support
• BLAS, cuBLAS, cuDNN
GDG Baku 2019 - Natig Vahabov 46
Tensorflow
Google’s Tensorflow — arguably the most popular
Deep Learning framework today. Gmail, Uber,
Airbnb, Nvidia and lots of other prominent brands
using it.
• Python is the most convenient client language for
working with TensorFlow. However, there are also
experimental interfaces available in JavaScript, C
++, Java and Go, C # and Julia
• Ability to run models on mobile platforms like iOS
and Android
• TF needs a lot of coding
• TF operates with a static computation graph
GDG Baku 2019- Natig Vahabov 47
Keras
It’s the most minimalist approach to using
TensorFlow, Theano, or CNTK in the high-level
• Creating massive models of deep learning in
Keras is reduced to single-line functions. But this
strategy makes Keras a less configurable
environment than low-level frameworks
• Keras model Serialization/Deserialization APIs,
callbacks, and data streaming using Python
generators are very mature
• Keras results in a much more readable and
succinct code
GDG Baku 2019- Natig Vahabov 48
PyTorch
The PyTorch framework was developed for Facebook
services but is already used for its own tasks by
companies like Twitter and Salesforce.
• Unlike TensorFlow, the PyTorch library operates
with a dynamically updated graph. This means that
it allows you to make changes to the architecture
in the process
• In PyTorch, standard debuggers, for example, pdb
or PyCharm can be used
• PyTorch is much better suited for small projects
and prototyping. When it comes to cross-platform
solutions, TensorFlow looks like a more suitable
choice
GDG Baku 2019- Natig Vahabov 49
Caffe2
Caffe supports many different types of deep learning
architectures geared towards image
classification and image segmentation such as CNN,
RCNN, LSTM and fully connected neural network
designs
• Caffe is being used in academic research projects,
startup prototypes, and even large-scale
industrial applications in vision, speech, and
multimedia
• Yahoo! has also integrated caffe with Apache
Spark to create CaffeOnSpark, a distributed deep
learning framework
• At the end of March 2018, Caffe2 was merged
into PyTorch
GDG Baku 2019- Natig Vahabov 50
Sonnet
Sonnet deep learning framework built on top of
TensorFlow. It is designed to create neural networks
with a complex architecture by the world famous
company DeepMind.
• High-level object-oriented libraries that bring
about abstraction when developing neural
networks (NN) or other machine learning (ML)
algorithms
• The main advantage of Sonnet, is you can use it
to reproduce the research demonstrated in
DeepMind’s papers with greater ease than Keras,
since DeepMind will be using Sonnet themselves
GDG Baku 2019- Natig Vahabov 51
MXNet
MXNet, as an Apache product, is very effective
framework for parallel on multiple GPUs and many
machines. This, in particular, has been demonstrated
by his work on Amazon Web Services
• The framework initially supports a large number
of languages (C ++, Python, R, Julia, JavaScript,
Scala, Go, and even Perl)
• Support of multiple GPUs (with optimized
computations and fast context switching)
• Fast problem-solving ability
GDG Baku 2019- Natig Vahabov 52
Gluon
the Gluon supports work with a dynamic graph,
combining this with high-performance MXNet. From
this perspective, Gluon looks like an extremely
interesting alternative to Keras for distributed
computing
• Gluon is based on MXNet and offers a simple API
that simplifies the creation of deep learning
models
• Gluon enables to define neural network models
that are dynamic, meaning they can be built on
the fly, with any structure, and using any of
Python’s native control flow
GDG Baku 2019- Natig Vahabov 53
CNTK
CNTK is one of the most widely known machine
learning frameworks in the market, which is
developed by Microsoft that features great
compatibility and effective use of computational
resources
• Microsoft Cognitive Toolkit (previously CNTK) is
a deep learning framework developed
by Microsoft Research
• CNTK support for CUDA 10
• CNTK contributes to ONNX development and
runtime.
GDG Baku 2019- Natig Vahabov 54
Chainer
Until the advent of DyNet at CMU, and PyTorch at
Facebook, Chainer was the leading neural network
framework for dynamic computation graphs or nets
that allowed for input of varying length, a popular
feature for NLP tasks.
• Chainer is the first framework to use a dynamic
architecture model
• Better GPU & GPU data center performance than
TensorFlow. Recently, Chainer became the world
champion for GPU data center performance
• OOP like programming style
GDG Baku 2019- Natig Vahabov 55
DL4J
Those who are on a short leg with Java or Scala
should pay attention to DL4J
• The process is supported by Hadoop and
Spark architectures
• Using Java allows you to use the library in the
development cycle of programs for Android
devices
• Training of neural networks in DL4J is carried out
in parallel through iterations through clusters
GDG Baku 2019- Natig Vahabov 56
ONNX
The ONNX project was born from the collaboration
of Microsoft and Facebook as a search for an open
format for the presentation of deep learning models.
ONNX simplifies the process of transferring models
between different means of working with artificial
intelligence
• ONNX enables models to be trained in one
framework and transferred to another for
inference. ONNX models are currently supported
in Caffe2, Microsoft Cognitive Toolkit, MXNet, and
PyTorch, and there are connectors for many other
common frameworks and libraries
GDG Baku 2019- Natig Vahabov 57
Which DLF Should You Use
• If you are just starting out and want to figure out
what’s what, the best choice is Keras
• For research purposes, choose PyTorch
• For production, you need to focus on the
environment. So, for Google Cloud, the best choice
is TensorFlow, for AWS — MXNet and Gluon.
• Android developers should pay attention to D4LJ, for
iOS, a similar range of tasks is compromised by Core
ML.
• Finally, ONNX will help with questions of interaction
between different frameworks.
GDG Baku 2019 - Natig Vahabov 58
DLF Statistics
GDG Baku 2019 - Natig Vahabov 59
Convolutional Neural
Network
GDG Baku 2019- Natig Vahabov 60
Agenda
• Fashion MNIST Dataset
• CNN
• Softmax & Cross-entropy Loss
• Dropout
• Batch Normalization
GDG Baku 2019- Natig Vahabov 61
ConvNet
• CNN is a class of deep neural networks, most
commonly applied to analyzing visual imagery
• Layers:
– Convolution layer + ReLu layer
– Pooling layer
– Flattening layer
– Full Connection layer
• Applications:
– Image and video recognition
– Recommender systems
– Image classification, medical image analysis
– Natural language processing
GDG Baku 2019- Natig Vahabov 62
Fashion MNIST
It is a dataset comprised of 60,000
small square 28×28 pixel grayscale
images of items of 10 types of clothing,
such as:
0: T-shirt/top
1: Trouser
2: Pullover
3: Dress
4: Coat
5: Sandal
6: Shirt
7: Sneaker
8: Bag
9: Ankle boot
GDG Baku 2019- Natig Vahabov 63
Fashion MNIST
GDG Baku 2019- Natig Vahabov 64
ConvNet
GDG Baku 2019- Natig Vahabov 65
Convolution Layer
Convolution Function:
GDG Baku 2019- Natig Vahabov 66
Convolution Layer
GDG Baku 2019- Natig Vahabov 67
Convolution Layer
GDG Baku 2019- Natig Vahabov 68
Convolution Layer
For increasing non-linearity we are adding ReLu function
GDG Baku 2019- Natig Vahabov 69
Convolution Layer
GDG Baku 2019- Natig Vahabov 70
Pooling
• Average, Min, Max, Sum Pooling Layers
GDG Baku 2019- Natig Vahabov 71
Max Pooling
GDG Baku 2019- Natig Vahabov 72
Flattening
GDG Baku 2019- Natig Vahabov 73
Flattening
GDG Baku 2019- Natig Vahabov 74
Full Connected Layer
GDG Baku 2019- Natig Vahabov 75
Softmax & Cross-Entropy
GDG Baku 2019- Natig Vahabov 76
• Softmax Activation Function
• Cross-Entropy Loss Function (Binary, Sparse)
Dropout Layer
GDG Baku 2019- Natig Vahabov 77
• We don’t want model learn too much on training set
Batch Normalization
GDG Baku 2019- Natig Vahabov 78
MiniBatch Normalization
GDG Baku 2019- Natig Vahabov 79
Hands on Tensorflow
GDG Baku 2019 - Natig Vahabov 80
Tensorflow 2.0 and Building
CNN
https://colab.research.google.com/drive/18UGEAgkAFa
dNPK0f2b7t3UzrKlusnTxp
GDG Baku 2019 - Natig Vahabov 81
Django + Tensorflow
GDG Baku 2019 - Natig Vahabov 82
TF deploy with Django
https://github.com/ntgai/django-tensorflow-fashion/
GDG Baku 2019 - Natig Vahabov 83
Resources
GDG Baku 2019 - Natig Vahabov 84
Machine Learning Video Courses
• Coursera — Machine Learning (Andrew Ng)
• Coursera — Neural Networks for Machine Learning (Geoffrey Hinton)
• Udacity — Intro to Machine Learning (Sebastian Thrun)
• Udacity — Machine Learning (Georgia Tech)
• Udacity — Deep Learning (Vincent Vanhoucke)
• Machine Learning (mathematicalmonk)
• Practical Deep Learning For Coders (Jeremy Howard & Rachel Thomas)
• Stanford CS231n — Convolutional Neural Networks for Visual
Recognition (Winter 2016) (class link)
• Stanford CS224n — Natural Language Processing with Deep Learning
(Winter 2017) (class link)
• Oxford Deep NLP 2017 (Phil Blunsom et al.)
• Reinforcement Learning (David Silver)
• Practical Machine Learning Tutorial with Python (sentdex)
GDG Baku 2019 - Natig Vahabov 85
Machine Learning Blogs
• Andrej Karpathy
• i am trask
• Christopher Olah
• Top Bots
• WildML
• Distill
• Machine Learning Mastery
• FastML
• Adventures in NI
• Sebastian Ruder
• Unsupervised Methods
• Explosion
• Tim Dettmers
• When trees fall…
• ML@B
GDG Baku 2019 - Natig Vahabov 86
Machine Learning Theory
• Machine Learning, Stanford University
• Machine Learning, Carnegie Mellon University
• Machine Learning, MIT
• Machine Learning, California Institute of
Technology
• Machine Learning, Oxford University
• Machine Learning, Data School
GDG Baku 2019 - Natig Vahabov 87
Deep Learning Theory
• Deep Learning, Ian Goodfellow
• Neural Networks and Deep Learning
• Understanding LSTM Networks
• Deep Residual Learning
GDG Baku 2019 - Natig Vahabov 88
References
GDG Baku 2019 - Natig Vahabov 89
References
GDG Baku 2019- Natig Vahabov 90
1. https://www.colorado.edu/chbe/2019/11/06/machine-learning-
technology-may-help-doctors-identify-and-treat-infections-
newborns
2. https://towardsdatascience.com/top-10-best-deep-learning-
frameworks-in-2019-5ccb90ea6de
3. https://towardsdatascience.com/deep-learning-framework-
power-scores-2018-23607ddf297a

More Related Content

What's hot

QCon conference 2019
QCon conference 2019QCon conference 2019
QCon conference 2019
QuantUniversity
 
Applied Artificial Intelligence Unit 5 Semester 3 MSc IT Part 2 Mumbai Univer...
Applied Artificial Intelligence Unit 5 Semester 3 MSc IT Part 2 Mumbai Univer...Applied Artificial Intelligence Unit 5 Semester 3 MSc IT Part 2 Mumbai Univer...
Applied Artificial Intelligence Unit 5 Semester 3 MSc IT Part 2 Mumbai Univer...
Madhav Mishra
 
Empirical AI Research
Empirical AI Research Empirical AI Research
Empirical AI Research
Deakin University
 
Managing machine learning
Managing machine learningManaging machine learning
Managing machine learning
David Murgatroyd
 
Machine learning with Big Data power point presentation
Machine learning with Big Data power point presentationMachine learning with Big Data power point presentation
Machine learning with Big Data power point presentation
David Raj Kanthi
 
Computational Rationality I - a Lecture at Aalto University by Antti Oulasvirta
Computational Rationality I - a Lecture at Aalto University by Antti OulasvirtaComputational Rationality I - a Lecture at Aalto University by Antti Oulasvirta
Computational Rationality I - a Lecture at Aalto University by Antti Oulasvirta
Aalto University
 
Brief Tour of Machine Learning
Brief Tour of Machine LearningBrief Tour of Machine Learning
Brief Tour of Machine Learningbutest
 
Machine learning
Machine learningMachine learning
Machine learning
Navdeep Asteya
 
User Interfaces that Design Themselves: Talk given at Data-Driven Design Day ...
User Interfaces that Design Themselves: Talk given at Data-Driven Design Day ...User Interfaces that Design Themselves: Talk given at Data-Driven Design Day ...
User Interfaces that Design Themselves: Talk given at Data-Driven Design Day ...
Aalto University
 
Mauritius Big Data and Machine Learning JEDI workshop
Mauritius Big Data and Machine Learning JEDI workshopMauritius Big Data and Machine Learning JEDI workshop
Mauritius Big Data and Machine Learning JEDI workshop
CosmoAIMS Bassett
 
Learning to Learn Model Behavior ( Capital One: data intelligence conference )
Learning to Learn Model Behavior ( Capital One: data intelligence conference )Learning to Learn Model Behavior ( Capital One: data intelligence conference )
Learning to Learn Model Behavior ( Capital One: data intelligence conference )
Pramit Choudhary
 
Applied Artificial Intelligence Unit 1 Semester 3 MSc IT Part 2 Mumbai Univer...
Applied Artificial Intelligence Unit 1 Semester 3 MSc IT Part 2 Mumbai Univer...Applied Artificial Intelligence Unit 1 Semester 3 MSc IT Part 2 Mumbai Univer...
Applied Artificial Intelligence Unit 1 Semester 3 MSc IT Part 2 Mumbai Univer...
Madhav Mishra
 
Deciphering AI - Unlocking the Black Box of AIML with State-of-the-Art Techno...
Deciphering AI - Unlocking the Black Box of AIML with State-of-the-Art Techno...Deciphering AI - Unlocking the Black Box of AIML with State-of-the-Art Techno...
Deciphering AI - Unlocking the Black Box of AIML with State-of-the-Art Techno...
Analytics India Magazine
 
Image Analytics: Caption Generation/Image Descriptions
Image Analytics: Caption Generation/Image DescriptionsImage Analytics: Caption Generation/Image Descriptions
Image Analytics: Caption Generation/Image Descriptions
AlgoAnalytics Financial Consultancy Pvt. Ltd.
 
GRC 2020 - IIA - ISACA Machine Learning Monitoring, Compliance and Governance
GRC 2020 - IIA - ISACA Machine Learning Monitoring, Compliance and GovernanceGRC 2020 - IIA - ISACA Machine Learning Monitoring, Compliance and Governance
GRC 2020 - IIA - ISACA Machine Learning Monitoring, Compliance and Governance
Andrew Clark
 
Programming for data science in python
Programming for data science in pythonProgramming for data science in python
Programming for data science in python
UmmeSalmaM1
 
Introduction to Big Data/Machine Learning
Introduction to Big Data/Machine LearningIntroduction to Big Data/Machine Learning
Introduction to Big Data/Machine Learning
Lars Marius Garshol
 
machine learning in the age of big data: new approaches and business applicat...
machine learning in the age of big data: new approaches and business applicat...machine learning in the age of big data: new approaches and business applicat...
machine learning in the age of big data: new approaches and business applicat...
Armando Vieira
 
The Machine Learning Audit
The Machine Learning AuditThe Machine Learning Audit
The Machine Learning Audit
Andrew Clark
 
achine Learning and Model Risk
achine Learning and Model Riskachine Learning and Model Risk
achine Learning and Model Risk
QuantUniversity
 

What's hot (20)

QCon conference 2019
QCon conference 2019QCon conference 2019
QCon conference 2019
 
Applied Artificial Intelligence Unit 5 Semester 3 MSc IT Part 2 Mumbai Univer...
Applied Artificial Intelligence Unit 5 Semester 3 MSc IT Part 2 Mumbai Univer...Applied Artificial Intelligence Unit 5 Semester 3 MSc IT Part 2 Mumbai Univer...
Applied Artificial Intelligence Unit 5 Semester 3 MSc IT Part 2 Mumbai Univer...
 
Empirical AI Research
Empirical AI Research Empirical AI Research
Empirical AI Research
 
Managing machine learning
Managing machine learningManaging machine learning
Managing machine learning
 
Machine learning with Big Data power point presentation
Machine learning with Big Data power point presentationMachine learning with Big Data power point presentation
Machine learning with Big Data power point presentation
 
Computational Rationality I - a Lecture at Aalto University by Antti Oulasvirta
Computational Rationality I - a Lecture at Aalto University by Antti OulasvirtaComputational Rationality I - a Lecture at Aalto University by Antti Oulasvirta
Computational Rationality I - a Lecture at Aalto University by Antti Oulasvirta
 
Brief Tour of Machine Learning
Brief Tour of Machine LearningBrief Tour of Machine Learning
Brief Tour of Machine Learning
 
Machine learning
Machine learningMachine learning
Machine learning
 
User Interfaces that Design Themselves: Talk given at Data-Driven Design Day ...
User Interfaces that Design Themselves: Talk given at Data-Driven Design Day ...User Interfaces that Design Themselves: Talk given at Data-Driven Design Day ...
User Interfaces that Design Themselves: Talk given at Data-Driven Design Day ...
 
Mauritius Big Data and Machine Learning JEDI workshop
Mauritius Big Data and Machine Learning JEDI workshopMauritius Big Data and Machine Learning JEDI workshop
Mauritius Big Data and Machine Learning JEDI workshop
 
Learning to Learn Model Behavior ( Capital One: data intelligence conference )
Learning to Learn Model Behavior ( Capital One: data intelligence conference )Learning to Learn Model Behavior ( Capital One: data intelligence conference )
Learning to Learn Model Behavior ( Capital One: data intelligence conference )
 
Applied Artificial Intelligence Unit 1 Semester 3 MSc IT Part 2 Mumbai Univer...
Applied Artificial Intelligence Unit 1 Semester 3 MSc IT Part 2 Mumbai Univer...Applied Artificial Intelligence Unit 1 Semester 3 MSc IT Part 2 Mumbai Univer...
Applied Artificial Intelligence Unit 1 Semester 3 MSc IT Part 2 Mumbai Univer...
 
Deciphering AI - Unlocking the Black Box of AIML with State-of-the-Art Techno...
Deciphering AI - Unlocking the Black Box of AIML with State-of-the-Art Techno...Deciphering AI - Unlocking the Black Box of AIML with State-of-the-Art Techno...
Deciphering AI - Unlocking the Black Box of AIML with State-of-the-Art Techno...
 
Image Analytics: Caption Generation/Image Descriptions
Image Analytics: Caption Generation/Image DescriptionsImage Analytics: Caption Generation/Image Descriptions
Image Analytics: Caption Generation/Image Descriptions
 
GRC 2020 - IIA - ISACA Machine Learning Monitoring, Compliance and Governance
GRC 2020 - IIA - ISACA Machine Learning Monitoring, Compliance and GovernanceGRC 2020 - IIA - ISACA Machine Learning Monitoring, Compliance and Governance
GRC 2020 - IIA - ISACA Machine Learning Monitoring, Compliance and Governance
 
Programming for data science in python
Programming for data science in pythonProgramming for data science in python
Programming for data science in python
 
Introduction to Big Data/Machine Learning
Introduction to Big Data/Machine LearningIntroduction to Big Data/Machine Learning
Introduction to Big Data/Machine Learning
 
machine learning in the age of big data: new approaches and business applicat...
machine learning in the age of big data: new approaches and business applicat...machine learning in the age of big data: new approaches and business applicat...
machine learning in the age of big data: new approaches and business applicat...
 
The Machine Learning Audit
The Machine Learning AuditThe Machine Learning Audit
The Machine Learning Audit
 
achine Learning and Model Risk
achine Learning and Model Riskachine Learning and Model Risk
achine Learning and Model Risk
 

Similar to Introduction to Machine Learning, Hands-on Deep Learning with Tensroflow 2.0

Scaling the mirrorworld with knowledge graphs
Scaling the mirrorworld with knowledge graphsScaling the mirrorworld with knowledge graphs
Scaling the mirrorworld with knowledge graphs
Alan Morrison
 
EU Project: ALMA
EU Project: ALMAEU Project: ALMA
EU Project: ALMA
eProsima
 
AML & ALMA: Project Overview
AML & ALMA: Project OverviewAML & ALMA: Project Overview
AML & ALMA: Project Overview
eProsima
 
Call for Paper - International Conference on Machine Learning, NLP and Data M...
Call for Paper - International Conference on Machine Learning, NLP and Data M...Call for Paper - International Conference on Machine Learning, NLP and Data M...
Call for Paper - International Conference on Machine Learning, NLP and Data M...
ijgca
 
Workshop - Architecting Innovative Graph Applications- GraphSummit Milan
Workshop -  Architecting Innovative Graph Applications- GraphSummit MilanWorkshop -  Architecting Innovative Graph Applications- GraphSummit Milan
Workshop - Architecting Innovative Graph Applications- GraphSummit Milan
Neo4j
 
Call for Papers - International Conference on Machine Learning, NLP and Data ...
Call for Papers - International Conference on Machine Learning, NLP and Data ...Call for Papers - International Conference on Machine Learning, NLP and Data ...
Call for Papers - International Conference on Machine Learning, NLP and Data ...
IJNSA Journal
 
Call for Paper - International Conference on Machine Learning, NLP and Data M...
Call for Paper - International Conference on Machine Learning, NLP and Data M...Call for Paper - International Conference on Machine Learning, NLP and Data M...
Call for Paper - International Conference on Machine Learning, NLP and Data M...
ijgca
 
From DevOps to MLOps: practical steps for a smooth transition
From DevOps to MLOps: practical steps for a smooth transitionFrom DevOps to MLOps: practical steps for a smooth transition
From DevOps to MLOps: practical steps for a smooth transition
Anne-Marie Tousch
 
Data Science Master 4.0 on Belgrade University - Drazen Draskovic
Data Science Master 4.0 on Belgrade University - Drazen DraskovicData Science Master 4.0 on Belgrade University - Drazen Draskovic
Data Science Master 4.0 on Belgrade University - Drazen Draskovic
Institute of Contemporary Sciences
 
[RecSys2023] Challenging the Myth of Graph Collaborative Filtering: a Reasone...
[RecSys2023] Challenging the Myth of Graph Collaborative Filtering: a Reasone...[RecSys2023] Challenging the Myth of Graph Collaborative Filtering: a Reasone...
[RecSys2023] Challenging the Myth of Graph Collaborative Filtering: a Reasone...
Daniele Malitesta
 
Call for Paper - International Conference on Machine Learning, NLP and Data M...
Call for Paper - International Conference on Machine Learning, NLP and Data M...Call for Paper - International Conference on Machine Learning, NLP and Data M...
Call for Paper - International Conference on Machine Learning, NLP and Data M...
mlaij
 
OpenACC and Open Hackathons Monthly Highlights June 2022.pdf
OpenACC and Open Hackathons Monthly Highlights June 2022.pdfOpenACC and Open Hackathons Monthly Highlights June 2022.pdf
OpenACC and Open Hackathons Monthly Highlights June 2022.pdf
OpenACC
 
What is Machine Learning Operations (MLOps)?
What is Machine Learning Operations (MLOps)?What is Machine Learning Operations (MLOps)?
What is Machine Learning Operations (MLOps)?
Leonardo Moraes
 
MACHINE LEARNING-3.pptx
MACHINE LEARNING-3.pptxMACHINE LEARNING-3.pptx
MACHINE LEARNING-3.pptx
Sanjay164567
 
Call for Papers - International Conference on Machine Learning, NLP and Data ...
Call for Papers - International Conference on Machine Learning, NLP and Data ...Call for Papers - International Conference on Machine Learning, NLP and Data ...
Call for Papers - International Conference on Machine Learning, NLP and Data ...
dannyijwest
 
IC-SDV 2018: Aleksandar Kapisoda (Boehringer) Using Machine Learning for Auto...
IC-SDV 2018: Aleksandar Kapisoda (Boehringer) Using Machine Learning for Auto...IC-SDV 2018: Aleksandar Kapisoda (Boehringer) Using Machine Learning for Auto...
IC-SDV 2018: Aleksandar Kapisoda (Boehringer) Using Machine Learning for Auto...
Dr. Haxel Consult
 
It's MY JOB: Identifying and Improving Content Quality for Online recruitmen...
 It's MY JOB: Identifying and Improving Content Quality for Online recruitmen... It's MY JOB: Identifying and Improving Content Quality for Online recruitmen...
It's MY JOB: Identifying and Improving Content Quality for Online recruitmen...
IIIT Hyderabad
 
The boom in Xaas and the knowledge graph
The boom in Xaas and the knowledge graphThe boom in Xaas and the knowledge graph
The boom in Xaas and the knowledge graph
Alan Morrison
 
OpenACC Highlights: 2019 Year in Review
OpenACC Highlights: 2019 Year in ReviewOpenACC Highlights: 2019 Year in Review
OpenACC Highlights: 2019 Year in Review
OpenACC
 
International Conference on NLP, Data Mining and Machine Learning (NLDML 2022)
International Conference on NLP, Data Mining and Machine Learning (NLDML 2022)International Conference on NLP, Data Mining and Machine Learning (NLDML 2022)
International Conference on NLP, Data Mining and Machine Learning (NLDML 2022)
kevig
 

Similar to Introduction to Machine Learning, Hands-on Deep Learning with Tensroflow 2.0 (20)

Scaling the mirrorworld with knowledge graphs
Scaling the mirrorworld with knowledge graphsScaling the mirrorworld with knowledge graphs
Scaling the mirrorworld with knowledge graphs
 
EU Project: ALMA
EU Project: ALMAEU Project: ALMA
EU Project: ALMA
 
AML & ALMA: Project Overview
AML & ALMA: Project OverviewAML & ALMA: Project Overview
AML & ALMA: Project Overview
 
Call for Paper - International Conference on Machine Learning, NLP and Data M...
Call for Paper - International Conference on Machine Learning, NLP and Data M...Call for Paper - International Conference on Machine Learning, NLP and Data M...
Call for Paper - International Conference on Machine Learning, NLP and Data M...
 
Workshop - Architecting Innovative Graph Applications- GraphSummit Milan
Workshop -  Architecting Innovative Graph Applications- GraphSummit MilanWorkshop -  Architecting Innovative Graph Applications- GraphSummit Milan
Workshop - Architecting Innovative Graph Applications- GraphSummit Milan
 
Call for Papers - International Conference on Machine Learning, NLP and Data ...
Call for Papers - International Conference on Machine Learning, NLP and Data ...Call for Papers - International Conference on Machine Learning, NLP and Data ...
Call for Papers - International Conference on Machine Learning, NLP and Data ...
 
Call for Paper - International Conference on Machine Learning, NLP and Data M...
Call for Paper - International Conference on Machine Learning, NLP and Data M...Call for Paper - International Conference on Machine Learning, NLP and Data M...
Call for Paper - International Conference on Machine Learning, NLP and Data M...
 
From DevOps to MLOps: practical steps for a smooth transition
From DevOps to MLOps: practical steps for a smooth transitionFrom DevOps to MLOps: practical steps for a smooth transition
From DevOps to MLOps: practical steps for a smooth transition
 
Data Science Master 4.0 on Belgrade University - Drazen Draskovic
Data Science Master 4.0 on Belgrade University - Drazen DraskovicData Science Master 4.0 on Belgrade University - Drazen Draskovic
Data Science Master 4.0 on Belgrade University - Drazen Draskovic
 
[RecSys2023] Challenging the Myth of Graph Collaborative Filtering: a Reasone...
[RecSys2023] Challenging the Myth of Graph Collaborative Filtering: a Reasone...[RecSys2023] Challenging the Myth of Graph Collaborative Filtering: a Reasone...
[RecSys2023] Challenging the Myth of Graph Collaborative Filtering: a Reasone...
 
Call for Paper - International Conference on Machine Learning, NLP and Data M...
Call for Paper - International Conference on Machine Learning, NLP and Data M...Call for Paper - International Conference on Machine Learning, NLP and Data M...
Call for Paper - International Conference on Machine Learning, NLP and Data M...
 
OpenACC and Open Hackathons Monthly Highlights June 2022.pdf
OpenACC and Open Hackathons Monthly Highlights June 2022.pdfOpenACC and Open Hackathons Monthly Highlights June 2022.pdf
OpenACC and Open Hackathons Monthly Highlights June 2022.pdf
 
What is Machine Learning Operations (MLOps)?
What is Machine Learning Operations (MLOps)?What is Machine Learning Operations (MLOps)?
What is Machine Learning Operations (MLOps)?
 
MACHINE LEARNING-3.pptx
MACHINE LEARNING-3.pptxMACHINE LEARNING-3.pptx
MACHINE LEARNING-3.pptx
 
Call for Papers - International Conference on Machine Learning, NLP and Data ...
Call for Papers - International Conference on Machine Learning, NLP and Data ...Call for Papers - International Conference on Machine Learning, NLP and Data ...
Call for Papers - International Conference on Machine Learning, NLP and Data ...
 
IC-SDV 2018: Aleksandar Kapisoda (Boehringer) Using Machine Learning for Auto...
IC-SDV 2018: Aleksandar Kapisoda (Boehringer) Using Machine Learning for Auto...IC-SDV 2018: Aleksandar Kapisoda (Boehringer) Using Machine Learning for Auto...
IC-SDV 2018: Aleksandar Kapisoda (Boehringer) Using Machine Learning for Auto...
 
It's MY JOB: Identifying and Improving Content Quality for Online recruitmen...
 It's MY JOB: Identifying and Improving Content Quality for Online recruitmen... It's MY JOB: Identifying and Improving Content Quality for Online recruitmen...
It's MY JOB: Identifying and Improving Content Quality for Online recruitmen...
 
The boom in Xaas and the knowledge graph
The boom in Xaas and the knowledge graphThe boom in Xaas and the knowledge graph
The boom in Xaas and the knowledge graph
 
OpenACC Highlights: 2019 Year in Review
OpenACC Highlights: 2019 Year in ReviewOpenACC Highlights: 2019 Year in Review
OpenACC Highlights: 2019 Year in Review
 
International Conference on NLP, Data Mining and Machine Learning (NLDML 2022)
International Conference on NLP, Data Mining and Machine Learning (NLDML 2022)International Conference on NLP, Data Mining and Machine Learning (NLDML 2022)
International Conference on NLP, Data Mining and Machine Learning (NLDML 2022)
 

Recently uploaded

Innovative Methods in Media and Communication Research by Sebastian Kubitschk...
Innovative Methods in Media and Communication Research by Sebastian Kubitschk...Innovative Methods in Media and Communication Research by Sebastian Kubitschk...
Innovative Methods in Media and Communication Research by Sebastian Kubitschk...
correoyaya
 
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
 
一比一原版(CU毕业证)卡尔顿大学毕业证成绩单
一比一原版(CU毕业证)卡尔顿大学毕业证成绩单一比一原版(CU毕业证)卡尔顿大学毕业证成绩单
一比一原版(CU毕业证)卡尔顿大学毕业证成绩单
yhkoc
 
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
 
Empowering Data Analytics Ecosystem.pptx
Empowering Data Analytics Ecosystem.pptxEmpowering Data Analytics Ecosystem.pptx
Empowering Data Analytics Ecosystem.pptx
benishzehra469
 
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
 
FP Growth Algorithm and its Applications
FP Growth Algorithm and its ApplicationsFP Growth Algorithm and its Applications
FP Growth Algorithm and its Applications
MaleehaSheikh2
 
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
 
Investigate & Recover / StarCompliance.io / Crypto_Crimes
Investigate & Recover / StarCompliance.io / Crypto_CrimesInvestigate & Recover / StarCompliance.io / Crypto_Crimes
Investigate & Recover / StarCompliance.io / Crypto_Crimes
StarCompliance.io
 
一比一原版(QU毕业证)皇后大学毕业证成绩单
一比一原版(QU毕业证)皇后大学毕业证成绩单一比一原版(QU毕业证)皇后大学毕业证成绩单
一比一原版(QU毕业证)皇后大学毕业证成绩单
enxupq
 
一比一原版(YU毕业证)约克大学毕业证成绩单
一比一原版(YU毕业证)约克大学毕业证成绩单一比一原版(YU毕业证)约克大学毕业证成绩单
一比一原版(YU毕业证)约克大学毕业证成绩单
enxupq
 
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
 
社内勉強会資料_LLM Agents                              .
社内勉強会資料_LLM Agents                              .社内勉強会資料_LLM Agents                              .
社内勉強会資料_LLM Agents                              .
NABLAS株式会社
 
哪里卖(usq毕业证书)南昆士兰大学毕业证研究生文凭证书托福证书原版一模一样
哪里卖(usq毕业证书)南昆士兰大学毕业证研究生文凭证书托福证书原版一模一样哪里卖(usq毕业证书)南昆士兰大学毕业证研究生文凭证书托福证书原版一模一样
哪里卖(usq毕业证书)南昆士兰大学毕业证研究生文凭证书托福证书原版一模一样
axoqas
 
一比一原版(UMich毕业证)密歇根大学|安娜堡分校毕业证成绩单
一比一原版(UMich毕业证)密歇根大学|安娜堡分校毕业证成绩单一比一原版(UMich毕业证)密歇根大学|安娜堡分校毕业证成绩单
一比一原版(UMich毕业证)密歇根大学|安娜堡分校毕业证成绩单
ewymefz
 
一比一原版(IIT毕业证)伊利诺伊理工大学毕业证成绩单
一比一原版(IIT毕业证)伊利诺伊理工大学毕业证成绩单一比一原版(IIT毕业证)伊利诺伊理工大学毕业证成绩单
一比一原版(IIT毕业证)伊利诺伊理工大学毕业证成绩单
ewymefz
 
一比一原版(UofM毕业证)明尼苏达大学毕业证成绩单
一比一原版(UofM毕业证)明尼苏达大学毕业证成绩单一比一原版(UofM毕业证)明尼苏达大学毕业证成绩单
一比一原版(UofM毕业证)明尼苏达大学毕业证成绩单
ewymefz
 
Opendatabay - Open Data Marketplace.pptx
Opendatabay - Open Data Marketplace.pptxOpendatabay - Open Data Marketplace.pptx
Opendatabay - Open Data Marketplace.pptx
Opendatabay
 
standardisation of garbhpala offhgfffghh
standardisation of garbhpala offhgfffghhstandardisation of garbhpala offhgfffghh
standardisation of garbhpala offhgfffghh
ArpitMalhotra16
 
一比一原版(RUG毕业证)格罗宁根大学毕业证成绩单
一比一原版(RUG毕业证)格罗宁根大学毕业证成绩单一比一原版(RUG毕业证)格罗宁根大学毕业证成绩单
一比一原版(RUG毕业证)格罗宁根大学毕业证成绩单
vcaxypu
 

Recently uploaded (20)

Innovative Methods in Media and Communication Research by Sebastian Kubitschk...
Innovative Methods in Media and Communication Research by Sebastian Kubitschk...Innovative Methods in Media and Communication Research by Sebastian Kubitschk...
Innovative Methods in Media and Communication Research by Sebastian Kubitschk...
 
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...
 
一比一原版(CU毕业证)卡尔顿大学毕业证成绩单
一比一原版(CU毕业证)卡尔顿大学毕业证成绩单一比一原版(CU毕业证)卡尔顿大学毕业证成绩单
一比一原版(CU毕业证)卡尔顿大学毕业证成绩单
 
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 ...
 
Empowering Data Analytics Ecosystem.pptx
Empowering Data Analytics Ecosystem.pptxEmpowering Data Analytics Ecosystem.pptx
Empowering Data Analytics Ecosystem.pptx
 
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
 
FP Growth Algorithm and its Applications
FP Growth Algorithm and its ApplicationsFP Growth Algorithm and its Applications
FP Growth Algorithm and its Applications
 
Criminal IP - Threat Hunting Webinar.pdf
Criminal IP - Threat Hunting Webinar.pdfCriminal IP - Threat Hunting Webinar.pdf
Criminal IP - Threat Hunting Webinar.pdf
 
Investigate & Recover / StarCompliance.io / Crypto_Crimes
Investigate & Recover / StarCompliance.io / Crypto_CrimesInvestigate & Recover / StarCompliance.io / Crypto_Crimes
Investigate & Recover / StarCompliance.io / Crypto_Crimes
 
一比一原版(QU毕业证)皇后大学毕业证成绩单
一比一原版(QU毕业证)皇后大学毕业证成绩单一比一原版(QU毕业证)皇后大学毕业证成绩单
一比一原版(QU毕业证)皇后大学毕业证成绩单
 
一比一原版(YU毕业证)约克大学毕业证成绩单
一比一原版(YU毕业证)约克大学毕业证成绩单一比一原版(YU毕业证)约克大学毕业证成绩单
一比一原版(YU毕业证)约克大学毕业证成绩单
 
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
 
社内勉強会資料_LLM Agents                              .
社内勉強会資料_LLM Agents                              .社内勉強会資料_LLM Agents                              .
社内勉強会資料_LLM Agents                              .
 
哪里卖(usq毕业证书)南昆士兰大学毕业证研究生文凭证书托福证书原版一模一样
哪里卖(usq毕业证书)南昆士兰大学毕业证研究生文凭证书托福证书原版一模一样哪里卖(usq毕业证书)南昆士兰大学毕业证研究生文凭证书托福证书原版一模一样
哪里卖(usq毕业证书)南昆士兰大学毕业证研究生文凭证书托福证书原版一模一样
 
一比一原版(UMich毕业证)密歇根大学|安娜堡分校毕业证成绩单
一比一原版(UMich毕业证)密歇根大学|安娜堡分校毕业证成绩单一比一原版(UMich毕业证)密歇根大学|安娜堡分校毕业证成绩单
一比一原版(UMich毕业证)密歇根大学|安娜堡分校毕业证成绩单
 
一比一原版(IIT毕业证)伊利诺伊理工大学毕业证成绩单
一比一原版(IIT毕业证)伊利诺伊理工大学毕业证成绩单一比一原版(IIT毕业证)伊利诺伊理工大学毕业证成绩单
一比一原版(IIT毕业证)伊利诺伊理工大学毕业证成绩单
 
一比一原版(UofM毕业证)明尼苏达大学毕业证成绩单
一比一原版(UofM毕业证)明尼苏达大学毕业证成绩单一比一原版(UofM毕业证)明尼苏达大学毕业证成绩单
一比一原版(UofM毕业证)明尼苏达大学毕业证成绩单
 
Opendatabay - Open Data Marketplace.pptx
Opendatabay - Open Data Marketplace.pptxOpendatabay - Open Data Marketplace.pptx
Opendatabay - Open Data Marketplace.pptx
 
standardisation of garbhpala offhgfffghh
standardisation of garbhpala offhgfffghhstandardisation of garbhpala offhgfffghh
standardisation of garbhpala offhgfffghh
 
一比一原版(RUG毕业证)格罗宁根大学毕业证成绩单
一比一原版(RUG毕业证)格罗宁根大学毕业证成绩单一比一原版(RUG毕业证)格罗宁根大学毕业证成绩单
一比一原版(RUG毕业证)格罗宁根大学毕业证成绩单
 

Introduction to Machine Learning, Hands-on Deep Learning with Tensroflow 2.0

  • 1. https://ntg.ai/gdgbaku/ Introduction to Machine Learning & Hands on Deep Learning with Tensorflow 2.0
  • 2. scientia potentia est GDG Baku 2019 - Natig Vahabov 2 “Knowledge is power” Sir Francis Bacon, 16th century English philosopher
  • 3. Agenda • AI & ML & DL • Theory of CNN • Hands on Tensorflow 2.0 • Building CNN with Keras • Django + Tensorflow (trained model) GDG Baku 2019 - Natig Vahabov 3
  • 4. AI & ML & DL GDG Baku 2019 - Natig Vahabov 4
  • 5. AI & ML & DL GDG Baku 2019 - Natig Vahabov 5
  • 6. What is AI? Academic term: As the study of "intelligent agents": any device that perceives its environment and takes actions that maximize its chance of successfully achieving its goals Simple term: A.I. is the study of how to make computers do things at which, at the moment, people are better. GDG Baku 2019 - Natig Vahabov 6
  • 7. Weak AI vs Strong AI Weak or Narrow AI is a type of artificial intelligence that is focused on one narrow task - Siri, Alexa, Sophia On the other hand, Artificial General Intelligence (AGI) is the intelligence of an intelligent agent that can understand or learn any intellectual task that a human being can (Strong AI) - Samantha (‘Her’ movie) GDG Baku 2019 - Natig Vahabov 7
  • 8. Good, Old-Fashioned AI(GOFAI) The Intelligent Agent must inertly duplicate the human mind in a such manner that the synthetic mind • can be studied • can be animated within the memory of the Intelligent Agent GDG Baku 2019 - Natig Vahabov 8
  • 9. Expert System as GOFAI ‘An expert system is a computer system that emulates, or acts in all respects, with the decision-making capabilities of a human expert’. Prof Edward Feigenbaum GDG Baku 2019 - Natig Vahabov 9
  • 10. Blood Disorder with ES GDG Baku 2019 - Natig Vahabov 10
  • 11. MYCIN Diagnosing and treating patients with infectious blood diseases • a rule-based expert system • developed at Stanford University – 1976 • uses backward chaining for reasoning • incorporates about 500 rules • written in INTERLISP (a dialect of LISP) • a correct diagnosis rate of about 65% even though it was worse than real physicians who had average correct diagnosis rates of about 80% GDG Baku 2019 - Natig Vahabov 11
  • 12. Machine Learning Machine Learning is the field of study that gives computers the ability to learn without being explicitly programmed. Arthur Samuel, 1959 GDG Baku 2019 - Natig Vahabov 12
  • 13. Machine Learning A computer program is said to learn from experience E with respect to some task T and some performance measure P, if its performance on T, as measured by P, improves with experience E Tom Mitchell, 1997 GDG Baku 2019 - Natig Vahabov 13
  • 14. Blood Disorder with ML University of Colorado, Nov 6th 2019 GDG Baku 2019 - Natig Vahabov 14
  • 15. ML Engineer Interview question GDG Baku 2019 - Natig Vahabov 15
  • 16. Machine Learning vs ES Task: Spam/ Ham detection(T) (Supervised Learning, Classification problem) • ES – writing rules (with knowledge representation - FirstOrderLogic) which classifies an email as a spam • ML – give previous spam/ham emails(E), train the model, evaluate the solution(P), analyze errors, update the model weights GDG Baku 2019 - Natig Vahabov 16
  • 17. Machine Learning vs ES Machine Learning is great for: • Problems for which existing solutions require a lot of hand- tuning or long lists of rules: one Machine Learning algorithm can often simplify code and perform better. • Complex problems for which there is no good solution at all using a traditional approach: the best Machine Learning techniques can find a solution. • Fluctuating environments: a Machine Learning system can adapt to new data. • Getting insights about complex problems and large amounts of data. GDG Baku 2019 - Natig Vahabov 17
  • 18. Machine Learning Systems GDG Baku 2019 - Natig Vahabov 18
  • 19. Machine Learning Systems • Whether or not they are trained with human supervision (supervised, unsupervised, semi- supervised, and Reinforcement Learning) • Whether or not they can learn incrementally on the fly (online versus batch learning) • Whether they work by simply comparing new data points to known data points, or instead detect patterns in the training data and build a predictive model, much like scientists do (instance-based versus model-based learning) GDG Baku 2019 - Natig Vahabov 19
  • 20. Supervised MLSs • In supervised learning, the training data you feed to the algorithm includes the desired solutions, called labels • Two main categories: Regression and Classification • Main Algorithms: – k-Nearest Neighbors (recommender system, similar users) – Linear Regression (house price prediction) – Logistic Regression (spam/ham filter) – Support Vector Machines (face detection) – Decision Trees and Random Forests (google photos) – Neural networks GDG Baku 2019 - Natig Vahabov 20
  • 21. Logistic Regression GDG Baku 2019 - Natig Vahabov 21
  • 22. Logistic Regression in practice • Political campaigns try to predict the chances that a voter will vote for their candidate • Bankers use it to predict the chances that a loan applicant will default on the loan • Marketers use it to predict whether a customer will respond to a particular ad GDG Baku 2019 - Natig Vahabov 22
  • 23. Unsupervised MLSs • In unsupervised learning, the training data is unlabeled • Clustering – K-Means, DBSCAN, Hierarchical Cluster Analysis (HCA) • Anomaly detection and novelty detection – One-class SVM, Isolation Forest • Visualization and dimensionality reduction – Principal Component Analysis (PCA), Kernel PCA – Locally-Linear Embedding (LLE) – t-distributed Stochastic Neighbor Embedding (t-SNE) • Association rule learning – Apriori – Eclat GDG Baku 2019 - Natig Vahabov 23
  • 24. Apriori in practice Wal-Mart actually used the Apriori algorithm to increase sales of beer. Wal-Mart studied their data to find that American males who bought diapers on Friday afternoons also frequently bought beer. They moved the beer next to the diapers, and sales increased (Tesco in UK did the same) GDG Baku 2019 - Natig Vahabov 24
  • 25. Semi-supervised MLSs • Some algorithms can deal with partially labeled training data, usually a lot of unlabeled data and a little bit of labeled data. This is called semisupervised learning • Google Photos (detecting faces, assigns them to a person) • Webpage classification (news, educational, shopping, blog ..) GDG Baku 2019 - Natig Vahabov 25
  • 26. Reinforcement Learning GDG Baku 2019 - Natig Vahabov 26
  • 27. Reinforcement Learning • The Man vs. The Machine / Deep Blue defeated Garry Kasparov in 1997 • At the 2017 Future of Go Summit, DeepMind’s successor AlphaGo Master beat Ke Jie, the world No.1 ranked player at the time, in a three-game match • Robotics that mimics real animals • Alibaba Group published a paper “Real-Time Bidding with Multi-Agent Reinforcement Learning in Display Advertising” GDG Baku 2019 - Natig Vahabov 27
  • 28. What exactly does a machine learning engineer do? GDG Baku 2019 - Natig Vahabov 28
  • 29. Machine Learning Engineer • Running machine learning experiments using a programming language with machine learning libraries. • Deploying machine learning solutions into production. • Optimizing solutions for performance and scalability. • Data engineering, i.e. ensuring a good data flow between database and backend systems. • Implementing custom machine learning code. • Data science, i.e. analyzing data and coming up with use cases GDG Baku 2019 - Natig Vahabov 29
  • 30. ML Engineer sample jobs GDG Baku 2019 - Natig Vahabov 30
  • 31. ML Engineer sample jobs GDG Baku 2019 - Natig Vahabov 31
  • 32. ML Engineer should know GDG Baku 2019 - Natig Vahabov 32
  • 33. ML Engineer’s nightmare GDG Baku 2019 - Natig Vahabov 33
  • 34. If ML solves our problem, why do we need DL? GDG Baku 2019 - Natig Vahabov 34
  • 35. Reason1: Massive Data Amount of data that are generated in a single day of 2019 • 500 million tweets are sent • 294 billion emails are sent • 4 petabytes of data are created on Facebook • 4 terabytes of data are created from each connected car • 65 billion messages are sent on WhatsApp • 5 billion searches are made • By 2025, it’s estimated that 463 exabytes of data will be created each day globally – that’s the equivalent of 212,765,957 DVDs per day! GDG Baku 2019 - Natig Vahabov 35
  • 36. Reason2: Moore’s Law GDG Baku 2019 - Natig Vahabov 36
  • 37. Reason2: Moore’s Law Moore's law is the observation that the number of transistors in a dense integrated circuit doubles about every 18- 24 months TPU >> GPU >> CPU GDG Baku 2019 - Natig Vahabov 37
  • 38. Deep Learning GDG Baku 2019 - Natig Vahabov 38
  • 39. Neural Network GDG Baku 2019 - Natig Vahabov 39
  • 40. Artificial Neural Network GDG Baku 2019 - Natig Vahabov 40
  • 41. NN Types GDG Baku 2019 - Natig Vahabov 41 Perceptron, CNN, RNN, Boltzman Machine, DBN etc. Article: https://towardsdatascience.com/the- mostly-complete-chart-of-neural-networks- explained-3fb6f2367464
  • 42. Activation Functions GDG Baku 2019 - Natig Vahabov 42
  • 43. Deep Learning Frameworks GDG Baku 2019 - Natig Vahabov 43
  • 44. DL Frameworks GDG Baku 2019 - Natig Vahabov 44
  • 45. Why we should use framework? • High level abstracted API • Code friendly environment with engineers • Easy hands-on adaptation with newbies • Advance visualization of inside NN (Tensorboard) • Single tool for both development and serving (TFServing) • Option to run of recent academic papers (paperswithcode.com) GDG Baku 2019 - Natig Vahabov 45
  • 46. Bones of DLF • Components of any DL framework – Tensors – Operations – Computation Graph – Auto-differentiation – Fast and Efficient floating pt. Operations – GPU support • BLAS, cuBLAS, cuDNN GDG Baku 2019 - Natig Vahabov 46
  • 47. Tensorflow Google’s Tensorflow — arguably the most popular Deep Learning framework today. Gmail, Uber, Airbnb, Nvidia and lots of other prominent brands using it. • Python is the most convenient client language for working with TensorFlow. However, there are also experimental interfaces available in JavaScript, C ++, Java and Go, C # and Julia • Ability to run models on mobile platforms like iOS and Android • TF needs a lot of coding • TF operates with a static computation graph GDG Baku 2019- Natig Vahabov 47
  • 48. Keras It’s the most minimalist approach to using TensorFlow, Theano, or CNTK in the high-level • Creating massive models of deep learning in Keras is reduced to single-line functions. But this strategy makes Keras a less configurable environment than low-level frameworks • Keras model Serialization/Deserialization APIs, callbacks, and data streaming using Python generators are very mature • Keras results in a much more readable and succinct code GDG Baku 2019- Natig Vahabov 48
  • 49. PyTorch The PyTorch framework was developed for Facebook services but is already used for its own tasks by companies like Twitter and Salesforce. • Unlike TensorFlow, the PyTorch library operates with a dynamically updated graph. This means that it allows you to make changes to the architecture in the process • In PyTorch, standard debuggers, for example, pdb or PyCharm can be used • PyTorch is much better suited for small projects and prototyping. When it comes to cross-platform solutions, TensorFlow looks like a more suitable choice GDG Baku 2019- Natig Vahabov 49
  • 50. Caffe2 Caffe supports many different types of deep learning architectures geared towards image classification and image segmentation such as CNN, RCNN, LSTM and fully connected neural network designs • Caffe is being used in academic research projects, startup prototypes, and even large-scale industrial applications in vision, speech, and multimedia • Yahoo! has also integrated caffe with Apache Spark to create CaffeOnSpark, a distributed deep learning framework • At the end of March 2018, Caffe2 was merged into PyTorch GDG Baku 2019- Natig Vahabov 50
  • 51. Sonnet Sonnet deep learning framework built on top of TensorFlow. It is designed to create neural networks with a complex architecture by the world famous company DeepMind. • High-level object-oriented libraries that bring about abstraction when developing neural networks (NN) or other machine learning (ML) algorithms • The main advantage of Sonnet, is you can use it to reproduce the research demonstrated in DeepMind’s papers with greater ease than Keras, since DeepMind will be using Sonnet themselves GDG Baku 2019- Natig Vahabov 51
  • 52. MXNet MXNet, as an Apache product, is very effective framework for parallel on multiple GPUs and many machines. This, in particular, has been demonstrated by his work on Amazon Web Services • The framework initially supports a large number of languages (C ++, Python, R, Julia, JavaScript, Scala, Go, and even Perl) • Support of multiple GPUs (with optimized computations and fast context switching) • Fast problem-solving ability GDG Baku 2019- Natig Vahabov 52
  • 53. Gluon the Gluon supports work with a dynamic graph, combining this with high-performance MXNet. From this perspective, Gluon looks like an extremely interesting alternative to Keras for distributed computing • Gluon is based on MXNet and offers a simple API that simplifies the creation of deep learning models • Gluon enables to define neural network models that are dynamic, meaning they can be built on the fly, with any structure, and using any of Python’s native control flow GDG Baku 2019- Natig Vahabov 53
  • 54. CNTK CNTK is one of the most widely known machine learning frameworks in the market, which is developed by Microsoft that features great compatibility and effective use of computational resources • Microsoft Cognitive Toolkit (previously CNTK) is a deep learning framework developed by Microsoft Research • CNTK support for CUDA 10 • CNTK contributes to ONNX development and runtime. GDG Baku 2019- Natig Vahabov 54
  • 55. Chainer Until the advent of DyNet at CMU, and PyTorch at Facebook, Chainer was the leading neural network framework for dynamic computation graphs or nets that allowed for input of varying length, a popular feature for NLP tasks. • Chainer is the first framework to use a dynamic architecture model • Better GPU & GPU data center performance than TensorFlow. Recently, Chainer became the world champion for GPU data center performance • OOP like programming style GDG Baku 2019- Natig Vahabov 55
  • 56. DL4J Those who are on a short leg with Java or Scala should pay attention to DL4J • The process is supported by Hadoop and Spark architectures • Using Java allows you to use the library in the development cycle of programs for Android devices • Training of neural networks in DL4J is carried out in parallel through iterations through clusters GDG Baku 2019- Natig Vahabov 56
  • 57. ONNX The ONNX project was born from the collaboration of Microsoft and Facebook as a search for an open format for the presentation of deep learning models. ONNX simplifies the process of transferring models between different means of working with artificial intelligence • ONNX enables models to be trained in one framework and transferred to another for inference. ONNX models are currently supported in Caffe2, Microsoft Cognitive Toolkit, MXNet, and PyTorch, and there are connectors for many other common frameworks and libraries GDG Baku 2019- Natig Vahabov 57
  • 58. Which DLF Should You Use • If you are just starting out and want to figure out what’s what, the best choice is Keras • For research purposes, choose PyTorch • For production, you need to focus on the environment. So, for Google Cloud, the best choice is TensorFlow, for AWS — MXNet and Gluon. • Android developers should pay attention to D4LJ, for iOS, a similar range of tasks is compromised by Core ML. • Finally, ONNX will help with questions of interaction between different frameworks. GDG Baku 2019 - Natig Vahabov 58
  • 59. DLF Statistics GDG Baku 2019 - Natig Vahabov 59
  • 60. Convolutional Neural Network GDG Baku 2019- Natig Vahabov 60
  • 61. Agenda • Fashion MNIST Dataset • CNN • Softmax & Cross-entropy Loss • Dropout • Batch Normalization GDG Baku 2019- Natig Vahabov 61
  • 62. ConvNet • CNN is a class of deep neural networks, most commonly applied to analyzing visual imagery • Layers: – Convolution layer + ReLu layer – Pooling layer – Flattening layer – Full Connection layer • Applications: – Image and video recognition – Recommender systems – Image classification, medical image analysis – Natural language processing GDG Baku 2019- Natig Vahabov 62
  • 63. Fashion MNIST It is a dataset comprised of 60,000 small square 28×28 pixel grayscale images of items of 10 types of clothing, such as: 0: T-shirt/top 1: Trouser 2: Pullover 3: Dress 4: Coat 5: Sandal 6: Shirt 7: Sneaker 8: Bag 9: Ankle boot GDG Baku 2019- Natig Vahabov 63
  • 64. Fashion MNIST GDG Baku 2019- Natig Vahabov 64
  • 65. ConvNet GDG Baku 2019- Natig Vahabov 65
  • 66. Convolution Layer Convolution Function: GDG Baku 2019- Natig Vahabov 66
  • 67. Convolution Layer GDG Baku 2019- Natig Vahabov 67
  • 68. Convolution Layer GDG Baku 2019- Natig Vahabov 68
  • 69. Convolution Layer For increasing non-linearity we are adding ReLu function GDG Baku 2019- Natig Vahabov 69
  • 70. Convolution Layer GDG Baku 2019- Natig Vahabov 70
  • 71. Pooling • Average, Min, Max, Sum Pooling Layers GDG Baku 2019- Natig Vahabov 71
  • 72. Max Pooling GDG Baku 2019- Natig Vahabov 72
  • 73. Flattening GDG Baku 2019- Natig Vahabov 73
  • 74. Flattening GDG Baku 2019- Natig Vahabov 74
  • 75. Full Connected Layer GDG Baku 2019- Natig Vahabov 75
  • 76. Softmax & Cross-Entropy GDG Baku 2019- Natig Vahabov 76 • Softmax Activation Function • Cross-Entropy Loss Function (Binary, Sparse)
  • 77. Dropout Layer GDG Baku 2019- Natig Vahabov 77 • We don’t want model learn too much on training set
  • 78. Batch Normalization GDG Baku 2019- Natig Vahabov 78
  • 79. MiniBatch Normalization GDG Baku 2019- Natig Vahabov 79
  • 80. Hands on Tensorflow GDG Baku 2019 - Natig Vahabov 80
  • 81. Tensorflow 2.0 and Building CNN https://colab.research.google.com/drive/18UGEAgkAFa dNPK0f2b7t3UzrKlusnTxp GDG Baku 2019 - Natig Vahabov 81
  • 82. Django + Tensorflow GDG Baku 2019 - Natig Vahabov 82
  • 83. TF deploy with Django https://github.com/ntgai/django-tensorflow-fashion/ GDG Baku 2019 - Natig Vahabov 83
  • 84. Resources GDG Baku 2019 - Natig Vahabov 84
  • 85. Machine Learning Video Courses • Coursera — Machine Learning (Andrew Ng) • Coursera — Neural Networks for Machine Learning (Geoffrey Hinton) • Udacity — Intro to Machine Learning (Sebastian Thrun) • Udacity — Machine Learning (Georgia Tech) • Udacity — Deep Learning (Vincent Vanhoucke) • Machine Learning (mathematicalmonk) • Practical Deep Learning For Coders (Jeremy Howard & Rachel Thomas) • Stanford CS231n — Convolutional Neural Networks for Visual Recognition (Winter 2016) (class link) • Stanford CS224n — Natural Language Processing with Deep Learning (Winter 2017) (class link) • Oxford Deep NLP 2017 (Phil Blunsom et al.) • Reinforcement Learning (David Silver) • Practical Machine Learning Tutorial with Python (sentdex) GDG Baku 2019 - Natig Vahabov 85
  • 86. Machine Learning Blogs • Andrej Karpathy • i am trask • Christopher Olah • Top Bots • WildML • Distill • Machine Learning Mastery • FastML • Adventures in NI • Sebastian Ruder • Unsupervised Methods • Explosion • Tim Dettmers • When trees fall… • ML@B GDG Baku 2019 - Natig Vahabov 86
  • 87. Machine Learning Theory • Machine Learning, Stanford University • Machine Learning, Carnegie Mellon University • Machine Learning, MIT • Machine Learning, California Institute of Technology • Machine Learning, Oxford University • Machine Learning, Data School GDG Baku 2019 - Natig Vahabov 87
  • 88. Deep Learning Theory • Deep Learning, Ian Goodfellow • Neural Networks and Deep Learning • Understanding LSTM Networks • Deep Residual Learning GDG Baku 2019 - Natig Vahabov 88
  • 89. References GDG Baku 2019 - Natig Vahabov 89
  • 90. References GDG Baku 2019- Natig Vahabov 90 1. https://www.colorado.edu/chbe/2019/11/06/machine-learning- technology-may-help-doctors-identify-and-treat-infections- newborns 2. https://towardsdatascience.com/top-10-best-deep-learning- frameworks-in-2019-5ccb90ea6de 3. https://towardsdatascience.com/deep-learning-framework- power-scores-2018-23607ddf297a