SlideShare a Scribd company logo
1 of 30
Deep Learning
An introduction to artificial neural networks
Full Day of Applied AI
Morning
Session 1 Intro to Artificial Intelligence
09:00-09:45 Introduction to Applied AI
09:45-10:00 Coffee and break
Session 2 Live Coding a machine learning app
10:00-10:10 Getting your machine ready for machine learning
10:10-10.20 Training and evaluating the model
10.20-10.50 Improving the model
10.50-11.00 Coffee and break
Session 3 Machine learning in the wild - deployment
11:00-11.15 Coding exercise continued
11:15-11:45 Serving your own machine learning model | Code
11:45-11:55 How to solve problems | interactive exercise
11:55-12:00 Q and A
Lunch
12:00-13:00 Lunch
Afternoon
Session 4 Hello World Deep Learning (MNIST)
13:00-13:15 Deep Learning intro
13:00-13.15 Image recognition and CNNs | Talk |
13:15-13:45 Building your own convolutional neural network | Code |
13:45-14:00 Coffee and break
Session 5 Natural Language Processing
14:00-14.30 Natural language processing | Talk |
14:30-14:45 Working with language | Code |
14:45-15:00 Coffee and break
Session 6 Conversational interfaces and Time Series
14:00-14.20 Conversational interfaces
14:20-14:45 Time Series prediction
14:45-15:00 Coffee and break
Session 7 Generative models and style transfer
16:00-16.30 Generative models | Talk |
16:30-16:45 Trying out GANS and style transfer | Code |
16:45-17:00 Coffee and break
Anton Osika AI Research Engineer Sana Labs AB
anton.osika@gmail.com
Birger Moëll Machine Learning Engineer
birger.moell@gmail.com
All images can be represented as a matrix of pixel
values
Hello world in Python and Machine learning
Do I need to learn math in order to work in AI?
It depends. The more math you know the better.
If you know math you can build your own neural
networks and implement machine learning
algorithms published in AI research papers.
But you can start out making use of powerful
libraries for AI technology (Keras, Tensorflow)
without a full mathematical understanding of how
the libraries work.
The best advice is to start doing stuff and learn
the math along the way.
RELU activation function
Math of deep learning
Math of deep learning
AI draws math from three different sources, linear algebra, calculus and statistics.
Linear algebra
http://machinelearningmastery.com/linear-algebra-machine-learning/
Calculus
https://www.umiacs.umd.edu/~hal/courses/2013S_ML/math4ml.pdf
Statistics
http://machinelearningmastery.com/crash-course-statistics-machine-learning/
Neural network from scratch
Building a simple neural network from scratch. Walkthrough and experiments.
http://www.wildml.com/2015/09/implementing-a-neural-network-from-scratch/
Linear algebra
Linear algebra is the branch of mathematics
concerning vector spaces and linear mappings
between such spaces. It includes the study of
lines, planes, and subspaces, but is also
concerned with properties common to all vector
spaces.
The set of points with coordinates that satisfy a
linear equation forms a hyperplane in an n-
dimensional space. The conditions under which a
set of nhyperplanes intersect in a single point is
an important focus of study in linear algebra.
Such an investigation is initially motivated by a
system of linear equations containing several
unknowns. Such equations are naturally
represented using the formalism of matrices and
vectors.[1][2][3]
Calculus
Calculus (from Latin calculus, literally 'small pebble', used for counting and calculations, like
on an abacus)[1] is the mathematical study of continuous change, in the same way that
geometry is the study of shape and algebra is the study of generalizations of arithmetic
operations. It has two major branches, differential calculus (concerning rates of change and
slopes of curves),[2] and integral calculus (concerning accumulation of quantities and the
areas under and between curves).[3] These two branches are related to each other by the
fundamental theorem of calculus. Both branches make use of the fundamental notions of
convergence of infinite sequences and infinite series to a well-defined limit. Generally,
modern calculus is considered to have been developed in the 17th century by Isaac Newton
and Gottfried Leibniz. Today, calculus has widespread uses in science, engineering, and
economics.[4]
Calculus is a part of modern mathematics education. A course in calculus is a gateway to
other, more advanced courses in mathematics devoted to the study of functions and limits,
broadly called mathematical analysis. Calculus has historically been called "the calculus of
infinitesimals", or "infinitesimal calculus". The term calculus (plural calculi) is also used for
naming specific methods of calculation or notation, and even some theories; such as, e.g.,
propositional calculus, Ricci calculus, calculus of variations, lambda calculus, and process
calculus.
Statistics
Statistics is a branch of mathematics dealing with the
collection, analysis, interpretation, presentation, and
organization of data.[1][2] In applying statistics to, e.g., a
scientific, industrial, or social problem, it is conventional to
begin with a statistical population or a statistical model
process to be studied. Populations can be diverse topics
such as "all people living in a country" or "every atom
composing a crystal." Statistics deals with all aspects of data
including the planning of data collection in terms of the
design of surveys and experiments.[1]
Two main statistical methods are used in data analysis:
descriptive statistics, which summarize data from a sample
using indexes such as the mean or standard deviation, and
inferential statistics, which draw conclusions from data that
are subject to random variation (e.g., observational errors,
sampling variation).[3] Descriptive statistics are most often
concerned with two sets of properties of a distribution
(sample or population): central tendency (or location) seeks
to characterize the distribution's central or typical value,
while dispersion (or variability) characterizes the extent to
which members of the distribution depart from its center and
each other. Inferences on mathematical statistics are made
under the framework of probability theory, which deals with
the analysis of random phenomena.
Technology to use to work with artificial neural networks
Python
The biggest machine learning libraries are built in Python (Tensorflow, Keras). Just use
Python. It’s fantastic.
Here is a notebook with an introduction to python.
Python libraries to use for machine learning
Numpy
NumPy is the fundamental package for scientific computing with Python. It contains among other things:
● a powerful N-dimensional array object
● sophisticated (broadcasting) functions
● tools for integrating C/C++ and Fortran code
● useful linear algebra, Fourier transform, and random number capabilities
Besides its obvious scientific uses, NumPy can also be used as an efficient multi-dimensional container of generic data. Arbitrary data-types
can be defined. This allows NumPy to seamlessly and speedily integrate with a wide variety of databases.
NumPy is licensed under the BSD license, enabling reuse with few restrictions.
Numpy is used in AI for building a neural network from scratch among other things.
Here is a notebook with an introduction to numpy
Python libraries for machine learning
Pandas
● Pandas is a library for working with arrays
● Creates dataframes for working with high dimensional arrays
● Great for working with CSV files
● Here is a notebook for working with Pandas
Scikitlearn
● Simple and efficient tools for data mining and data analysis
● Built on NumPy, SciPy, and matplotlib
Matplotlib
● Visualisation library for statistic
Python libraries for machine learning
Jupyter notebooks
● Awesome interactive python notebooks running on your local machine
Installation
http://jupyter.org/
Here is a huge list of Jupyter Notebooks used in data science.
https://github.com/jupyter/jupyter/wiki/A-gallery-of-interesting-Jupyter-Notebooks
All our examples are stored in Jupyter Notebooks.
Machine Learning Frameworks
Tensorflow
What is Tensorflow?
Tensorflow is Google Machine Learning library. It is open sourced and an incredible percentage of the progress made in AI in
the last years has been done using Tensorflow. It is the de facto standard in machine learning. Google is betting all it’s weight
on AI becoming the future of tomorrow and open sourcing Tensorflow is Googles attempts to become the leader in the AI field.
Currently it is working really well and Google is seen by many as the leader of AI.
Installation
https://www.tensorflow.org/install/
Training your first model in Tensorflow
MNISTS for beginners
https://www.tensorflow.org/get_started/mnist/beginners
MNISTS for experts
https://www.tensorflow.org/get_started/mnist/pros
Keras
What is Keras?
Keras is an API on top of Tensorflow that makes it much easier to get started with machine learning.
How do I get started with Keras?
The best way to get started is either with a tutorial or by exploring your own datasets.
Keras
https://keras.io/
Keras machine learning examples
https://github.com/fchollet/keras/tree/master/examples
Keras tutorials
https://github.com/bcarlyle/Momentum-AI-machine-learning-
course/blob/master/lesson1/Getting%20started%20with%20AI.ipynb
Pytorch
PyTorch is an open-source machine learning library for Python, based on
Torch,[1][2][3] used for applications such as natural language
processing.[4] It is primarily developed by Facebook's artificial-intelligence
research group,[5][6][7] and Uber's "Pyro" software for probabilistic
programming is built on it.[8]
PyTorch provides two high-level features:[9]
● Tensor computation (like NumPy) with strong GPU acceleration
● Deep neural networks built on a tape-based autodiff system
Learn more
https://pytorch.org/
Overfitting and underfitting
Image recognition
The revolution that gave us deep learning
The most mature part of deep learning
Convolutional neural
networks perform
at superhuman
levels on many
image classification
tasks
Hello world in machine learning
Open up the notebook Code for MNIST. Explanation of MNIST.ipynb to get started training your first
neural network for classifying digits.
How a convolutional neural network (and mammals)
view the world
Classifying images using convolutional neural
networks
Improved Hello world in machine learning
Open up the notebook Code for MNIST. Explanation of MNIST.ipynb to get started training your first
neural network for classifying digits.
Lets get started coding
Open up the folder called Computer Vision
to train your own deep neural network for
image recognition.
ML / Deep Learning lecture
Birger Moëll Machine Learning Engineer Ayond AB
birger.moell@ayond.se
Morning
Session 1 Intro to deep learning
09:00-09:30 Introduction to Machine learning / Deep Learning | Talk |
09:30-09:45 Getting your machines ready for machine learning | Code |
09:45-10:00 Coffee and break
Session 2 Hello world
10:00-10:15 Hello World in Machine Learning (MNIST) | Talk |
10:15-10:45 Running your own MNIST | Code |
10:45-11:00 Coffee and break
Session 3 Feedforward networks
11:00-11.15 Feedforward Neural Networks | Talk |
11.15-11.45 Building your own feedforward neural network | Code |
11:45-12:00 Q and A | Interactive
Lunch
12:00-13:00 Lunch
Afternoon
Session 4 Image recognition
13:00-13.15 Image recognition and CNNs | Talk |
13:15-13:45 Building your own convolutional neural network | Code |
13:45-14:00 Coffee and break
Session 5 Natural Language Processing
14:00-14.15 Natural language processing | Talk |
14:15-14:45 Working with language | Code |
14:45-15:00 Coffee and break
Session 6-7 Generative models and time series
15:00-15.15 Generative models and LSTMs | Talk |
15:15-15:45 Trying out GANS and time series | Code |
15:45-16:00 Coffee and break
Session 8 Machine learning in the wild / Deployment
16:00-16.15 Machine learning in the wild | Talk |
16:15-16:45 Serving your own machine learning model | Code |
16:45-17:00 Q and A | Interactive

More Related Content

What's hot (9)

Tensorflow for Beginners
Tensorflow for BeginnersTensorflow for Beginners
Tensorflow for Beginners
 
Talk at MIT, Maths on deep neural networks
Talk at MIT, Maths on deep neural networks Talk at MIT, Maths on deep neural networks
Talk at MIT, Maths on deep neural networks
 
Tensor flow
Tensor flowTensor flow
Tensor flow
 
Keynote at Converge 2019
Keynote at Converge 2019Keynote at Converge 2019
Keynote at Converge 2019
 
Tensorflowv5.0
Tensorflowv5.0Tensorflowv5.0
Tensorflowv5.0
 
Neural Networks with Google TensorFlow
Neural Networks with Google TensorFlowNeural Networks with Google TensorFlow
Neural Networks with Google TensorFlow
 
Scaling Python to CPUs and GPUs
Scaling Python to CPUs and GPUsScaling Python to CPUs and GPUs
Scaling Python to CPUs and GPUs
 
Artificial Intelligence = ML + DL with Tensor Flow
Artificial Intelligence = ML + DL with Tensor FlowArtificial Intelligence = ML + DL with Tensor Flow
Artificial Intelligence = ML + DL with Tensor Flow
 
Erin LeDell, Machine Learning Scientist, H2O.ai at MLconf ATL 2016
Erin LeDell, Machine Learning Scientist, H2O.ai at MLconf ATL 2016Erin LeDell, Machine Learning Scientist, H2O.ai at MLconf ATL 2016
Erin LeDell, Machine Learning Scientist, H2O.ai at MLconf ATL 2016
 

Similar to Deep learning

Adarsh_Masekar(2GP19CS003).pptx
Adarsh_Masekar(2GP19CS003).pptxAdarsh_Masekar(2GP19CS003).pptx
Adarsh_Masekar(2GP19CS003).pptxhkabir55
 
2016 05-20-clariah-wp4
2016 05-20-clariah-wp42016 05-20-clariah-wp4
2016 05-20-clariah-wp4CLARIAH
 
Introduction To TensorFlow
Introduction To TensorFlowIntroduction To TensorFlow
Introduction To TensorFlowSpotle.ai
 
Foundations of ANNs: Tolstoy’s Genius Explored Using Transformer Architecture
Foundations of ANNs: Tolstoy’s Genius Explored Using Transformer ArchitectureFoundations of ANNs: Tolstoy’s Genius Explored Using Transformer Architecture
Foundations of ANNs: Tolstoy’s Genius Explored Using Transformer Architecturegerogepatton
 
Foundations of ANNs: Tolstoy’s Genius Explored Using Transformer Architecture
Foundations of ANNs: Tolstoy’s Genius Explored Using Transformer ArchitectureFoundations of ANNs: Tolstoy’s Genius Explored Using Transformer Architecture
Foundations of ANNs: Tolstoy’s Genius Explored Using Transformer Architectureijaia
 
Foundations of ANNs: Tolstoy’s Genius Explored using Transformer Architecture
Foundations of ANNs: Tolstoy’s Genius Explored using Transformer ArchitectureFoundations of ANNs: Tolstoy’s Genius Explored using Transformer Architecture
Foundations of ANNs: Tolstoy’s Genius Explored using Transformer Architecturegerogepatton
 
Deep Learning libraries and first experiments with Theano
Deep Learning libraries and first experiments with TheanoDeep Learning libraries and first experiments with Theano
Deep Learning libraries and first experiments with TheanoVincenzo Lomonaco
 
Linked Data: Een extra ontstluitingslaag op archieven
Linked Data: Een extra ontstluitingslaag op archieven Linked Data: Een extra ontstluitingslaag op archieven
Linked Data: Een extra ontstluitingslaag op archieven Richard Zijdeman
 
Tensorflow a brief introduction (1).pptx
Tensorflow a brief introduction (1).pptxTensorflow a brief introduction (1).pptx
Tensorflow a brief introduction (1).pptxAnandMenon54
 
Breast Cancer Prediction.pdf
Breast Cancer Prediction.pdfBreast Cancer Prediction.pdf
Breast Cancer Prediction.pdfSouravNaga2
 
Trusted data and services from the GDML
Trusted data and services from the GDMLTrusted data and services from the GDML
Trusted data and services from the GDMLOlga Caprotti
 
Internship - Python - AI ML.pptx
Internship - Python - AI ML.pptxInternship - Python - AI ML.pptx
Internship - Python - AI ML.pptxHchethankumar
 
Internship - Python - AI ML.pptx
Internship - Python - AI ML.pptxInternship - Python - AI ML.pptx
Internship - Python - AI ML.pptxHchethankumar
 
1645 goldenberg using our laptop
1645 goldenberg using our laptop1645 goldenberg using our laptop
1645 goldenberg using our laptopRising Media, Inc.
 
Linked Open Data: Combining Data for the Social Sciences and Humanities (and ...
Linked Open Data: Combining Data for the Social Sciences and Humanities (and ...Linked Open Data: Combining Data for the Social Sciences and Humanities (and ...
Linked Open Data: Combining Data for the Social Sciences and Humanities (and ...Richard Zijdeman
 
Gridforum David De Roure Newe Science 20080402
Gridforum David De Roure Newe Science 20080402Gridforum David De Roure Newe Science 20080402
Gridforum David De Roure Newe Science 20080402vrij
 
"Large-Scale Deep Learning for Building Intelligent Computer Systems," a Keyn...
"Large-Scale Deep Learning for Building Intelligent Computer Systems," a Keyn..."Large-Scale Deep Learning for Building Intelligent Computer Systems," a Keyn...
"Large-Scale Deep Learning for Building Intelligent Computer Systems," a Keyn...Edge AI and Vision Alliance
 

Similar to Deep learning (20)

Python libraries
Python librariesPython libraries
Python libraries
 
Adarsh_Masekar(2GP19CS003).pptx
Adarsh_Masekar(2GP19CS003).pptxAdarsh_Masekar(2GP19CS003).pptx
Adarsh_Masekar(2GP19CS003).pptx
 
Scientific Python
Scientific PythonScientific Python
Scientific Python
 
2016 05-20-clariah-wp4
2016 05-20-clariah-wp42016 05-20-clariah-wp4
2016 05-20-clariah-wp4
 
Introduction To TensorFlow
Introduction To TensorFlowIntroduction To TensorFlow
Introduction To TensorFlow
 
Foundations of ANNs: Tolstoy’s Genius Explored Using Transformer Architecture
Foundations of ANNs: Tolstoy’s Genius Explored Using Transformer ArchitectureFoundations of ANNs: Tolstoy’s Genius Explored Using Transformer Architecture
Foundations of ANNs: Tolstoy’s Genius Explored Using Transformer Architecture
 
Foundations of ANNs: Tolstoy’s Genius Explored Using Transformer Architecture
Foundations of ANNs: Tolstoy’s Genius Explored Using Transformer ArchitectureFoundations of ANNs: Tolstoy’s Genius Explored Using Transformer Architecture
Foundations of ANNs: Tolstoy’s Genius Explored Using Transformer Architecture
 
Foundations of ANNs: Tolstoy’s Genius Explored using Transformer Architecture
Foundations of ANNs: Tolstoy’s Genius Explored using Transformer ArchitectureFoundations of ANNs: Tolstoy’s Genius Explored using Transformer Architecture
Foundations of ANNs: Tolstoy’s Genius Explored using Transformer Architecture
 
Deep Learning libraries and first experiments with Theano
Deep Learning libraries and first experiments with TheanoDeep Learning libraries and first experiments with Theano
Deep Learning libraries and first experiments with Theano
 
Sci computing using python
Sci computing using pythonSci computing using python
Sci computing using python
 
Linked Data: Een extra ontstluitingslaag op archieven
Linked Data: Een extra ontstluitingslaag op archieven Linked Data: Een extra ontstluitingslaag op archieven
Linked Data: Een extra ontstluitingslaag op archieven
 
Tensorflow a brief introduction (1).pptx
Tensorflow a brief introduction (1).pptxTensorflow a brief introduction (1).pptx
Tensorflow a brief introduction (1).pptx
 
Breast Cancer Prediction.pdf
Breast Cancer Prediction.pdfBreast Cancer Prediction.pdf
Breast Cancer Prediction.pdf
 
Trusted data and services from the GDML
Trusted data and services from the GDMLTrusted data and services from the GDML
Trusted data and services from the GDML
 
Internship - Python - AI ML.pptx
Internship - Python - AI ML.pptxInternship - Python - AI ML.pptx
Internship - Python - AI ML.pptx
 
Internship - Python - AI ML.pptx
Internship - Python - AI ML.pptxInternship - Python - AI ML.pptx
Internship - Python - AI ML.pptx
 
1645 goldenberg using our laptop
1645 goldenberg using our laptop1645 goldenberg using our laptop
1645 goldenberg using our laptop
 
Linked Open Data: Combining Data for the Social Sciences and Humanities (and ...
Linked Open Data: Combining Data for the Social Sciences and Humanities (and ...Linked Open Data: Combining Data for the Social Sciences and Humanities (and ...
Linked Open Data: Combining Data for the Social Sciences and Humanities (and ...
 
Gridforum David De Roure Newe Science 20080402
Gridforum David De Roure Newe Science 20080402Gridforum David De Roure Newe Science 20080402
Gridforum David De Roure Newe Science 20080402
 
"Large-Scale Deep Learning for Building Intelligent Computer Systems," a Keyn...
"Large-Scale Deep Learning for Building Intelligent Computer Systems," a Keyn..."Large-Scale Deep Learning for Building Intelligent Computer Systems," a Keyn...
"Large-Scale Deep Learning for Building Intelligent Computer Systems," a Keyn...
 

More from Birger Moell

Conversational interfaces and time series prediction
Conversational interfaces and time series predictionConversational interfaces and time series prediction
Conversational interfaces and time series predictionBirger Moell
 
Natural language processing
Natural language processingNatural language processing
Natural language processingBirger Moell
 
Live coding a machine learning app
Live coding a machine learning appLive coding a machine learning app
Live coding a machine learning appBirger Moell
 
Machine learning in the wild deployment
Machine learning in the wild deploymentMachine learning in the wild deployment
Machine learning in the wild deploymentBirger Moell
 
Artificial intelligence
Artificial intelligenceArtificial intelligence
Artificial intelligenceBirger Moell
 
SMART Studying, Smartphone based Cognitive Behavioral Therapy for students wi...
SMART Studying, Smartphone based Cognitive Behavioral Therapy for students wi...SMART Studying, Smartphone based Cognitive Behavioral Therapy for students wi...
SMART Studying, Smartphone based Cognitive Behavioral Therapy for students wi...Birger Moell
 

More from Birger Moell (7)

Generative models
Generative modelsGenerative models
Generative models
 
Conversational interfaces and time series prediction
Conversational interfaces and time series predictionConversational interfaces and time series prediction
Conversational interfaces and time series prediction
 
Natural language processing
Natural language processingNatural language processing
Natural language processing
 
Live coding a machine learning app
Live coding a machine learning appLive coding a machine learning app
Live coding a machine learning app
 
Machine learning in the wild deployment
Machine learning in the wild deploymentMachine learning in the wild deployment
Machine learning in the wild deployment
 
Artificial intelligence
Artificial intelligenceArtificial intelligence
Artificial intelligence
 
SMART Studying, Smartphone based Cognitive Behavioral Therapy for students wi...
SMART Studying, Smartphone based Cognitive Behavioral Therapy for students wi...SMART Studying, Smartphone based Cognitive Behavioral Therapy for students wi...
SMART Studying, Smartphone based Cognitive Behavioral Therapy for students wi...
 

Recently uploaded

Strategies for Landing an Oracle DBA Job as a Fresher
Strategies for Landing an Oracle DBA Job as a FresherStrategies for Landing an Oracle DBA Job as a Fresher
Strategies for Landing an Oracle DBA Job as a FresherRemote DBA Services
 
Introduction to Multilingual Retrieval Augmented Generation (RAG)
Introduction to Multilingual Retrieval Augmented Generation (RAG)Introduction to Multilingual Retrieval Augmented Generation (RAG)
Introduction to Multilingual Retrieval Augmented Generation (RAG)Zilliz
 
Boost Fertility New Invention Ups Success Rates.pdf
Boost Fertility New Invention Ups Success Rates.pdfBoost Fertility New Invention Ups Success Rates.pdf
Boost Fertility New Invention Ups Success Rates.pdfsudhanshuwaghmare1
 
Exploring Multimodal Embeddings with Milvus
Exploring Multimodal Embeddings with MilvusExploring Multimodal Embeddings with Milvus
Exploring Multimodal Embeddings with MilvusZilliz
 
Modular Monolith - a Practical Alternative to Microservices @ Devoxx UK 2024
Modular Monolith - a Practical Alternative to Microservices @ Devoxx UK 2024Modular Monolith - a Practical Alternative to Microservices @ Devoxx UK 2024
Modular Monolith - a Practical Alternative to Microservices @ Devoxx UK 2024Victor Rentea
 
FWD Group - Insurer Innovation Award 2024
FWD Group - Insurer Innovation Award 2024FWD Group - Insurer Innovation Award 2024
FWD Group - Insurer Innovation Award 2024The Digital Insurer
 
How to Troubleshoot Apps for the Modern Connected Worker
How to Troubleshoot Apps for the Modern Connected WorkerHow to Troubleshoot Apps for the Modern Connected Worker
How to Troubleshoot Apps for the Modern Connected WorkerThousandEyes
 
Six Myths about Ontologies: The Basics of Formal Ontology
Six Myths about Ontologies: The Basics of Formal OntologySix Myths about Ontologies: The Basics of Formal Ontology
Six Myths about Ontologies: The Basics of Formal Ontologyjohnbeverley2021
 
Apidays New York 2024 - The Good, the Bad and the Governed by David O'Neill, ...
Apidays New York 2024 - The Good, the Bad and the Governed by David O'Neill, ...Apidays New York 2024 - The Good, the Bad and the Governed by David O'Neill, ...
Apidays New York 2024 - The Good, the Bad and the Governed by David O'Neill, ...apidays
 
Web Form Automation for Bonterra Impact Management (fka Social Solutions Apri...
Web Form Automation for Bonterra Impact Management (fka Social Solutions Apri...Web Form Automation for Bonterra Impact Management (fka Social Solutions Apri...
Web Form Automation for Bonterra Impact Management (fka Social Solutions Apri...Jeffrey Haguewood
 
Vector Search -An Introduction in Oracle Database 23ai.pptx
Vector Search -An Introduction in Oracle Database 23ai.pptxVector Search -An Introduction in Oracle Database 23ai.pptx
Vector Search -An Introduction in Oracle Database 23ai.pptxRemote DBA Services
 
AWS Community Day CPH - Three problems of Terraform
AWS Community Day CPH - Three problems of TerraformAWS Community Day CPH - Three problems of Terraform
AWS Community Day CPH - Three problems of TerraformAndrey Devyatkin
 
DBX First Quarter 2024 Investor Presentation
DBX First Quarter 2024 Investor PresentationDBX First Quarter 2024 Investor Presentation
DBX First Quarter 2024 Investor PresentationDropbox
 
Mcleodganj Call Girls 🥰 8617370543 Service Offer VIP Hot Model
Mcleodganj Call Girls 🥰 8617370543 Service Offer VIP Hot ModelMcleodganj Call Girls 🥰 8617370543 Service Offer VIP Hot Model
Mcleodganj Call Girls 🥰 8617370543 Service Offer VIP Hot ModelDeepika Singh
 
Apidays New York 2024 - The value of a flexible API Management solution for O...
Apidays New York 2024 - The value of a flexible API Management solution for O...Apidays New York 2024 - The value of a flexible API Management solution for O...
Apidays New York 2024 - The value of a flexible API Management solution for O...apidays
 
Cloud Frontiers: A Deep Dive into Serverless Spatial Data and FME
Cloud Frontiers:  A Deep Dive into Serverless Spatial Data and FMECloud Frontiers:  A Deep Dive into Serverless Spatial Data and FME
Cloud Frontiers: A Deep Dive into Serverless Spatial Data and FMESafe Software
 
[BuildWithAI] Introduction to Gemini.pdf
[BuildWithAI] Introduction to Gemini.pdf[BuildWithAI] Introduction to Gemini.pdf
[BuildWithAI] Introduction to Gemini.pdfSandro Moreira
 
Cloud Frontiers: A Deep Dive into Serverless Spatial Data and FME
Cloud Frontiers:  A Deep Dive into Serverless Spatial Data and FMECloud Frontiers:  A Deep Dive into Serverless Spatial Data and FME
Cloud Frontiers: A Deep Dive into Serverless Spatial Data and FMESafe Software
 
Finding Java's Hidden Performance Traps @ DevoxxUK 2024
Finding Java's Hidden Performance Traps @ DevoxxUK 2024Finding Java's Hidden Performance Traps @ DevoxxUK 2024
Finding Java's Hidden Performance Traps @ DevoxxUK 2024Victor Rentea
 

Recently uploaded (20)

Strategies for Landing an Oracle DBA Job as a Fresher
Strategies for Landing an Oracle DBA Job as a FresherStrategies for Landing an Oracle DBA Job as a Fresher
Strategies for Landing an Oracle DBA Job as a Fresher
 
Introduction to Multilingual Retrieval Augmented Generation (RAG)
Introduction to Multilingual Retrieval Augmented Generation (RAG)Introduction to Multilingual Retrieval Augmented Generation (RAG)
Introduction to Multilingual Retrieval Augmented Generation (RAG)
 
Boost Fertility New Invention Ups Success Rates.pdf
Boost Fertility New Invention Ups Success Rates.pdfBoost Fertility New Invention Ups Success Rates.pdf
Boost Fertility New Invention Ups Success Rates.pdf
 
Exploring Multimodal Embeddings with Milvus
Exploring Multimodal Embeddings with MilvusExploring Multimodal Embeddings with Milvus
Exploring Multimodal Embeddings with Milvus
 
Modular Monolith - a Practical Alternative to Microservices @ Devoxx UK 2024
Modular Monolith - a Practical Alternative to Microservices @ Devoxx UK 2024Modular Monolith - a Practical Alternative to Microservices @ Devoxx UK 2024
Modular Monolith - a Practical Alternative to Microservices @ Devoxx UK 2024
 
FWD Group - Insurer Innovation Award 2024
FWD Group - Insurer Innovation Award 2024FWD Group - Insurer Innovation Award 2024
FWD Group - Insurer Innovation Award 2024
 
How to Troubleshoot Apps for the Modern Connected Worker
How to Troubleshoot Apps for the Modern Connected WorkerHow to Troubleshoot Apps for the Modern Connected Worker
How to Troubleshoot Apps for the Modern Connected Worker
 
Six Myths about Ontologies: The Basics of Formal Ontology
Six Myths about Ontologies: The Basics of Formal OntologySix Myths about Ontologies: The Basics of Formal Ontology
Six Myths about Ontologies: The Basics of Formal Ontology
 
Understanding the FAA Part 107 License ..
Understanding the FAA Part 107 License ..Understanding the FAA Part 107 License ..
Understanding the FAA Part 107 License ..
 
Apidays New York 2024 - The Good, the Bad and the Governed by David O'Neill, ...
Apidays New York 2024 - The Good, the Bad and the Governed by David O'Neill, ...Apidays New York 2024 - The Good, the Bad and the Governed by David O'Neill, ...
Apidays New York 2024 - The Good, the Bad and the Governed by David O'Neill, ...
 
Web Form Automation for Bonterra Impact Management (fka Social Solutions Apri...
Web Form Automation for Bonterra Impact Management (fka Social Solutions Apri...Web Form Automation for Bonterra Impact Management (fka Social Solutions Apri...
Web Form Automation for Bonterra Impact Management (fka Social Solutions Apri...
 
Vector Search -An Introduction in Oracle Database 23ai.pptx
Vector Search -An Introduction in Oracle Database 23ai.pptxVector Search -An Introduction in Oracle Database 23ai.pptx
Vector Search -An Introduction in Oracle Database 23ai.pptx
 
AWS Community Day CPH - Three problems of Terraform
AWS Community Day CPH - Three problems of TerraformAWS Community Day CPH - Three problems of Terraform
AWS Community Day CPH - Three problems of Terraform
 
DBX First Quarter 2024 Investor Presentation
DBX First Quarter 2024 Investor PresentationDBX First Quarter 2024 Investor Presentation
DBX First Quarter 2024 Investor Presentation
 
Mcleodganj Call Girls 🥰 8617370543 Service Offer VIP Hot Model
Mcleodganj Call Girls 🥰 8617370543 Service Offer VIP Hot ModelMcleodganj Call Girls 🥰 8617370543 Service Offer VIP Hot Model
Mcleodganj Call Girls 🥰 8617370543 Service Offer VIP Hot Model
 
Apidays New York 2024 - The value of a flexible API Management solution for O...
Apidays New York 2024 - The value of a flexible API Management solution for O...Apidays New York 2024 - The value of a flexible API Management solution for O...
Apidays New York 2024 - The value of a flexible API Management solution for O...
 
Cloud Frontiers: A Deep Dive into Serverless Spatial Data and FME
Cloud Frontiers:  A Deep Dive into Serverless Spatial Data and FMECloud Frontiers:  A Deep Dive into Serverless Spatial Data and FME
Cloud Frontiers: A Deep Dive into Serverless Spatial Data and FME
 
[BuildWithAI] Introduction to Gemini.pdf
[BuildWithAI] Introduction to Gemini.pdf[BuildWithAI] Introduction to Gemini.pdf
[BuildWithAI] Introduction to Gemini.pdf
 
Cloud Frontiers: A Deep Dive into Serverless Spatial Data and FME
Cloud Frontiers:  A Deep Dive into Serverless Spatial Data and FMECloud Frontiers:  A Deep Dive into Serverless Spatial Data and FME
Cloud Frontiers: A Deep Dive into Serverless Spatial Data and FME
 
Finding Java's Hidden Performance Traps @ DevoxxUK 2024
Finding Java's Hidden Performance Traps @ DevoxxUK 2024Finding Java's Hidden Performance Traps @ DevoxxUK 2024
Finding Java's Hidden Performance Traps @ DevoxxUK 2024
 

Deep learning

  • 1. Deep Learning An introduction to artificial neural networks
  • 2. Full Day of Applied AI Morning Session 1 Intro to Artificial Intelligence 09:00-09:45 Introduction to Applied AI 09:45-10:00 Coffee and break Session 2 Live Coding a machine learning app 10:00-10:10 Getting your machine ready for machine learning 10:10-10.20 Training and evaluating the model 10.20-10.50 Improving the model 10.50-11.00 Coffee and break Session 3 Machine learning in the wild - deployment 11:00-11.15 Coding exercise continued 11:15-11:45 Serving your own machine learning model | Code 11:45-11:55 How to solve problems | interactive exercise 11:55-12:00 Q and A Lunch 12:00-13:00 Lunch Afternoon Session 4 Hello World Deep Learning (MNIST) 13:00-13:15 Deep Learning intro 13:00-13.15 Image recognition and CNNs | Talk | 13:15-13:45 Building your own convolutional neural network | Code | 13:45-14:00 Coffee and break Session 5 Natural Language Processing 14:00-14.30 Natural language processing | Talk | 14:30-14:45 Working with language | Code | 14:45-15:00 Coffee and break Session 6 Conversational interfaces and Time Series 14:00-14.20 Conversational interfaces 14:20-14:45 Time Series prediction 14:45-15:00 Coffee and break Session 7 Generative models and style transfer 16:00-16.30 Generative models | Talk | 16:30-16:45 Trying out GANS and style transfer | Code | 16:45-17:00 Coffee and break Anton Osika AI Research Engineer Sana Labs AB anton.osika@gmail.com Birger Moëll Machine Learning Engineer birger.moell@gmail.com
  • 3. All images can be represented as a matrix of pixel values
  • 4.
  • 5.
  • 6. Hello world in Python and Machine learning
  • 7. Do I need to learn math in order to work in AI? It depends. The more math you know the better. If you know math you can build your own neural networks and implement machine learning algorithms published in AI research papers. But you can start out making use of powerful libraries for AI technology (Keras, Tensorflow) without a full mathematical understanding of how the libraries work. The best advice is to start doing stuff and learn the math along the way. RELU activation function
  • 8. Math of deep learning Math of deep learning AI draws math from three different sources, linear algebra, calculus and statistics. Linear algebra http://machinelearningmastery.com/linear-algebra-machine-learning/ Calculus https://www.umiacs.umd.edu/~hal/courses/2013S_ML/math4ml.pdf Statistics http://machinelearningmastery.com/crash-course-statistics-machine-learning/ Neural network from scratch Building a simple neural network from scratch. Walkthrough and experiments. http://www.wildml.com/2015/09/implementing-a-neural-network-from-scratch/
  • 9. Linear algebra Linear algebra is the branch of mathematics concerning vector spaces and linear mappings between such spaces. It includes the study of lines, planes, and subspaces, but is also concerned with properties common to all vector spaces. The set of points with coordinates that satisfy a linear equation forms a hyperplane in an n- dimensional space. The conditions under which a set of nhyperplanes intersect in a single point is an important focus of study in linear algebra. Such an investigation is initially motivated by a system of linear equations containing several unknowns. Such equations are naturally represented using the formalism of matrices and vectors.[1][2][3]
  • 10. Calculus Calculus (from Latin calculus, literally 'small pebble', used for counting and calculations, like on an abacus)[1] is the mathematical study of continuous change, in the same way that geometry is the study of shape and algebra is the study of generalizations of arithmetic operations. It has two major branches, differential calculus (concerning rates of change and slopes of curves),[2] and integral calculus (concerning accumulation of quantities and the areas under and between curves).[3] These two branches are related to each other by the fundamental theorem of calculus. Both branches make use of the fundamental notions of convergence of infinite sequences and infinite series to a well-defined limit. Generally, modern calculus is considered to have been developed in the 17th century by Isaac Newton and Gottfried Leibniz. Today, calculus has widespread uses in science, engineering, and economics.[4] Calculus is a part of modern mathematics education. A course in calculus is a gateway to other, more advanced courses in mathematics devoted to the study of functions and limits, broadly called mathematical analysis. Calculus has historically been called "the calculus of infinitesimals", or "infinitesimal calculus". The term calculus (plural calculi) is also used for naming specific methods of calculation or notation, and even some theories; such as, e.g., propositional calculus, Ricci calculus, calculus of variations, lambda calculus, and process calculus.
  • 11. Statistics Statistics is a branch of mathematics dealing with the collection, analysis, interpretation, presentation, and organization of data.[1][2] In applying statistics to, e.g., a scientific, industrial, or social problem, it is conventional to begin with a statistical population or a statistical model process to be studied. Populations can be diverse topics such as "all people living in a country" or "every atom composing a crystal." Statistics deals with all aspects of data including the planning of data collection in terms of the design of surveys and experiments.[1] Two main statistical methods are used in data analysis: descriptive statistics, which summarize data from a sample using indexes such as the mean or standard deviation, and inferential statistics, which draw conclusions from data that are subject to random variation (e.g., observational errors, sampling variation).[3] Descriptive statistics are most often concerned with two sets of properties of a distribution (sample or population): central tendency (or location) seeks to characterize the distribution's central or typical value, while dispersion (or variability) characterizes the extent to which members of the distribution depart from its center and each other. Inferences on mathematical statistics are made under the framework of probability theory, which deals with the analysis of random phenomena.
  • 12. Technology to use to work with artificial neural networks Python The biggest machine learning libraries are built in Python (Tensorflow, Keras). Just use Python. It’s fantastic. Here is a notebook with an introduction to python.
  • 13. Python libraries to use for machine learning Numpy NumPy is the fundamental package for scientific computing with Python. It contains among other things: ● a powerful N-dimensional array object ● sophisticated (broadcasting) functions ● tools for integrating C/C++ and Fortran code ● useful linear algebra, Fourier transform, and random number capabilities Besides its obvious scientific uses, NumPy can also be used as an efficient multi-dimensional container of generic data. Arbitrary data-types can be defined. This allows NumPy to seamlessly and speedily integrate with a wide variety of databases. NumPy is licensed under the BSD license, enabling reuse with few restrictions. Numpy is used in AI for building a neural network from scratch among other things. Here is a notebook with an introduction to numpy
  • 14. Python libraries for machine learning Pandas ● Pandas is a library for working with arrays ● Creates dataframes for working with high dimensional arrays ● Great for working with CSV files ● Here is a notebook for working with Pandas Scikitlearn ● Simple and efficient tools for data mining and data analysis ● Built on NumPy, SciPy, and matplotlib Matplotlib ● Visualisation library for statistic
  • 15. Python libraries for machine learning Jupyter notebooks ● Awesome interactive python notebooks running on your local machine Installation http://jupyter.org/ Here is a huge list of Jupyter Notebooks used in data science. https://github.com/jupyter/jupyter/wiki/A-gallery-of-interesting-Jupyter-Notebooks All our examples are stored in Jupyter Notebooks.
  • 17. Tensorflow What is Tensorflow? Tensorflow is Google Machine Learning library. It is open sourced and an incredible percentage of the progress made in AI in the last years has been done using Tensorflow. It is the de facto standard in machine learning. Google is betting all it’s weight on AI becoming the future of tomorrow and open sourcing Tensorflow is Googles attempts to become the leader in the AI field. Currently it is working really well and Google is seen by many as the leader of AI. Installation https://www.tensorflow.org/install/ Training your first model in Tensorflow MNISTS for beginners https://www.tensorflow.org/get_started/mnist/beginners MNISTS for experts https://www.tensorflow.org/get_started/mnist/pros
  • 18. Keras What is Keras? Keras is an API on top of Tensorflow that makes it much easier to get started with machine learning. How do I get started with Keras? The best way to get started is either with a tutorial or by exploring your own datasets. Keras https://keras.io/ Keras machine learning examples https://github.com/fchollet/keras/tree/master/examples Keras tutorials https://github.com/bcarlyle/Momentum-AI-machine-learning- course/blob/master/lesson1/Getting%20started%20with%20AI.ipynb
  • 19. Pytorch PyTorch is an open-source machine learning library for Python, based on Torch,[1][2][3] used for applications such as natural language processing.[4] It is primarily developed by Facebook's artificial-intelligence research group,[5][6][7] and Uber's "Pyro" software for probabilistic programming is built on it.[8] PyTorch provides two high-level features:[9] ● Tensor computation (like NumPy) with strong GPU acceleration ● Deep neural networks built on a tape-based autodiff system Learn more https://pytorch.org/
  • 21. Image recognition The revolution that gave us deep learning
  • 22. The most mature part of deep learning Convolutional neural networks perform at superhuman levels on many image classification tasks
  • 23. Hello world in machine learning Open up the notebook Code for MNIST. Explanation of MNIST.ipynb to get started training your first neural network for classifying digits.
  • 24.
  • 25. How a convolutional neural network (and mammals) view the world
  • 26.
  • 27. Classifying images using convolutional neural networks
  • 28. Improved Hello world in machine learning Open up the notebook Code for MNIST. Explanation of MNIST.ipynb to get started training your first neural network for classifying digits.
  • 29. Lets get started coding Open up the folder called Computer Vision to train your own deep neural network for image recognition.
  • 30. ML / Deep Learning lecture Birger Moëll Machine Learning Engineer Ayond AB birger.moell@ayond.se Morning Session 1 Intro to deep learning 09:00-09:30 Introduction to Machine learning / Deep Learning | Talk | 09:30-09:45 Getting your machines ready for machine learning | Code | 09:45-10:00 Coffee and break Session 2 Hello world 10:00-10:15 Hello World in Machine Learning (MNIST) | Talk | 10:15-10:45 Running your own MNIST | Code | 10:45-11:00 Coffee and break Session 3 Feedforward networks 11:00-11.15 Feedforward Neural Networks | Talk | 11.15-11.45 Building your own feedforward neural network | Code | 11:45-12:00 Q and A | Interactive Lunch 12:00-13:00 Lunch Afternoon Session 4 Image recognition 13:00-13.15 Image recognition and CNNs | Talk | 13:15-13:45 Building your own convolutional neural network | Code | 13:45-14:00 Coffee and break Session 5 Natural Language Processing 14:00-14.15 Natural language processing | Talk | 14:15-14:45 Working with language | Code | 14:45-15:00 Coffee and break Session 6-7 Generative models and time series 15:00-15.15 Generative models and LSTMs | Talk | 15:15-15:45 Trying out GANS and time series | Code | 15:45-16:00 Coffee and break Session 8 Machine learning in the wild / Deployment 16:00-16.15 Machine learning in the wild | Talk | 16:15-16:45 Serving your own machine learning model | Code | 16:45-17:00 Q and A | Interactive

Editor's Notes

  1. Birger
  2. Solutions, split into test and training and validation. Dropout.