SlideShare a Scribd company logo
1 of 116
Download to read offline
Getting
started with
Machine Learning
HELLO!
Thomas Paula
Software Engineer
tsp.thomas@gmail.com
Humberto Marchezi
Software Engineer
hcmarchezi@gmail.com
How could we teach
machines in a way
that they could learn
from experience?
“If you invent a breakthrough
in artificial intelligence so
machines can learn, that is
worth 10 Microsofts.”
Bill Gates
Quoted in NY Times, Monday March 3, 2004
1.
INTRODUCTION Machine what?
“▸A computer program is said to learn
from experience E with respect to some
class of tasks T and performance
measure P, if its performance at tasks in
T, as measured by P, improves with
experience E.
Tom M. Mitchell
“▸A computer program is said to learn
from experience E with respect to some
class of tasks T and performance
measure P, if its performance at tasks in
T, as measured by P, improves with
experience E.
Tom M. Mitchell
“▸A computer program is said to learn
from experience E with respect to some
class of tasks T and performance
measure P, if its performance at tasks in
T, as measured by P, improves with
experience E.
Tom M. Mitchell
“▸A computer program is said to learn
from experience E with respect to some
class of tasks T and performance
measure P, if its performance at tasks in
T, as measured by P, improves with
experience E.
Tom M. Mitchell
Example
Task T: Classify an e-mail as spam or not spam.
Performance measure P: Percentage of e-mails
correctly classified.
Training experience E: E-mails manually labeled
by humans.
Learning
Paradigms
Supervised Learning
Unsupervised Learning
Supervised Learning
Supervised Learning
This is a pawn! This is a knight!
This is a king!
Supervised Learning
▸Labeled data;
▸Has a “supervisor”;
▸Classifies unseen instances (classification) or
predicts values (regression).
Unsupervised Learning
Smaller than
others, with a
ball on the top:
group 0!
Not conic, nothing
on the top: group 1!
Unsupervised Learning
Higher than others,
with cross on the top:
group 2!
Group 0 Group 1
Unsupervised Learning
Unsupervised Learning
▸No labeled data;
▸No “supervisor”;
▸Finds the regularities in the input.
Task
Categories
Classification
Regression
Clustering
Classification
▸Classifies a given element in a category;
▸Output as discrete labels (categories);
▸Email spam classification.
Category A
Category B
Category C
Category D
Input Data
Classification
Not spam
Spam
From: fake@watches.com
To: my@email.com
Fake Watches Advertising
Don’t miss the chance !
Buy fake watches right now !
Click here
Classification
Human
Tree
Car
Regression
Input Data
▸Forecast/projection of given element
▸Output as continuous values
▸Predict house price given its features
What is the
value?
Regression
House features
Area crime rate: 2.5
Bedrooms: 5
Age: 45
Dist. to business district: 8
House value
USD 303,365.00
Clustering
▸Find groups from a dataset of elements
▸Related news in websites
Clustering
Clustering
2.
ALGORITHMS The fun part ☺
Linear Regression
▸Supervised learning;
▸Regression.
Linear Regression
1 2 3 4 5 6 7 8 9 10
1
2
3
4
5
6
7
8 Find a line to fit
the point cloud
sales
customers
Linear Regression
1 2 3 4 5 6 7 8 9 10
1
2
3
4
5
6
7
8
sales
customers
Linear Regression
1 2 3 4 5 6 7 8 9 10
1
2
3
4
5
6
7
8
sales
customers
Linear Regression
1 2 3 4 5 6 7 8 9 10
1
2
3
4
5
6
7
8
sales
customers
Linear Regression
1 2 3 4 5 6 7 8 9 10
1
2
3
4
5
6
7
8
sales
customers
Linear Regression
1 2 3 4 5 6 7 8 9 10
1
2
3
4
5
6
7
8
sales
customers
Linear Regression
1 2 3 4 5 6 7 8 9 10
1
2
3
4
5
6
7
8
sales
customers
Linear Regression
1 2 3 4 5 6 7 8 9 10
1
2
3
4
5
6
7
8
Project the value of
hypothetical point.
sales
customers
Polynomial Regression
4 5
200K
price
bedrooms
321
300K
400K
500K
Polynomial Regression
4 5
200K
price
bedrooms
321
300K
400K
500K
Line doesn´t fit well in
the point cloud
Polynomial Regression
4 5
200K
price
bedrooms
321
300K
400K
500K
f(x) = ax³ + bx² + cx + d
K-means
▸Unsupervised learning;
▸Clustering;
▸Uses K to specify the number of clusters.
K-means
1 2 3 4 5 6 7 8 9 10
1
2
3
4
5
6
7
8 Find K clusters.
For K = 3
K-means
1 2 3 4 5 6 7 8 9 10
1
2
3
4
5
6
7
8 Step 1
Randomly choose
K initial samples
as cluster
centroids
K-means
1 2 3 4 5 6 7 8 9 10
1
2
3
4
5
6
7
8 Step 2
For every sample,
- calculate
distance to
centroids
- pick cluster
with closest
centroid
shortest path
K-means
1 2 3 4 5 6 7 8 9 10
1
2
3
4
5
6
7
8 Step 2
For every sample,
- calculate
distance to
centroids
- pick cluster
with closest
centroid
K-means
1 2 3 4 5 6 7 8 9 10
1
2
3
4
5
6
7
8 Resulting
clusters
K-means
1 2 3 4 5 6 7 8 9 10
1
2
3
4
5
6
7
8 Step 3
Recalculate
centroids from
cluster members
K-means
1 2 3 4 5 6 7 8 9 10
1
2
3
4
5
6
7
8 Step 4
If centroids move
is bigger than
distance D, go
back to step 2 if
new centroids
K-means
1 2 3 4 5 6 7 8 9 10
1
2
3
4
5
6
7
8 2nd iteration
K-means
1 2 3 4 5 6 7 8 9 10
1
2
3
4
5
6
7
8 3rd iteration
K-means
1 2 3 4 5 6 7 8 9 10
1
2
3
4
5
6
7
8 4th iteration
K-means
1 2 3 4 5 6 7 8 9 10
1
2
3
4
5
6
7
8 Find K clusters.
For K = 3
http://www.naftaliharris.com/blog/visualizing-k-means-clustering/
K-Nearest Neighbors (K-NN)
▸Supervised learning;
▸Classification and regression;
▸Lazy learning;
▸Uses the k closest instances to classify the
unknown one;
▸Easy to implement.
K-NN Example
1 2 3 4 5 6 7 8 9 10
1
2
3
4
5
6
7
8 For k=1, what is
the class of the
unknown
element ( )?
K-NN Example
1 2 3 4 5 6 7 8 9 10
1
2
3
4
5
6
7
8 For k=1, what is
the class of the
unknown
element ( )?
It’s a blue square!
K-NN Example
1 2 3 4 5 6 7 8 9 10
1
2
3
4
5
6
7
8 For k=3, what is
the class of the
unknown
element ( )?
K-NN Example
1 2 3 4 5 6 7 8 9 10
1
2
3
4
5
6
7
8 For k=3, what is
the class of the
unknown
element ( )?
It’s a red circle!
Neural
Network
Neural Network
"Convolutional Neural Networks for Visual Recognition" (http://cs231n.github.io/convolutional-networks/)
Neuron model
+1
Input Layer Output Layer
a1
Neuron model
+1
Input Layer Output Layer
a1
Weights
Neuron model
+1
Input Layer Output Layer
a1
Inputs
Neuron model
+1
Input Layer Output Layer
a1
Bias
Neuron model
+1
Input Layer Output Layer
a1
Output
Sigmoid
Neural Network Example
Create a neural
network that
behaves as an
Logic OR.
+1
Input Layer Output Layer
a1
Neural Network Example
+1
Input Output
0 0 0
0 1 1
1 0 1
1 1 1
a1
Neural Network Example
+1
Input Output
0 0 0
0 1 1
1 0 1
1 1 1
a1
Neural Network Example
+1
Input Output
0 0 0
0 1 1
1 0 1
1 1 1
a1
a = -10*1 + 20*0 + 20*0 = -101
Input Output
0 0 0
0 1 1
1 0 1
1 1 1
Neural Network Example
Input Output
0 0 0
0 1 1
1 0 1
1 1 1
Neural Network Example
Neural Network Example 2
+1
Input Output
0 0 0
0 1 1
1 0 1
1 1 1
a1
a = -10*1 + 20*0 + 20*1 = 101
Input Output
0 0 0
0 1 1
1 0 1
1 1 1
Neural Network Example 2
Input Output
0 0 0
0 1 1
1 0 1
1 1 1
Neural Network Example 2
Neural Network Example (OR)
So far, linearly separable.
What if the problem is
not linearly separable?
Input Output
0 0 0
0 1 1
1 0 1
1 1 1
Neural Network Example 3 (XOR)
Input Output
0 0 0
0 1 1
1 0 1
1 1 0
What could we do
in this case?
Neural Network Example 3 (XOR)
Input Output
0 0 0
0 1 1
1 0 1
1 1 0
What could we do
in this case?
Multi-Layer Perceptron
+1
Input Layer Hidden Layer
a1
(2)
a2
(2)
a0
(2)
Output Layer
a1
(3)
Hidden Layer
Why does it work?
Why does it work?
Why does it work?
“
So what can a MLP solve?
▸Can approximate any boolean function,
with one hidden layer;
▸Can approximate any function with two
hidden layers.
Simon Haykin
3.
DEEP LEARNING
“▸A machine learning approach
that attempts to extract high-
level and hierarchical features
from raw data.
Deep Neural Network
Input Layer
Hidden Layer Hidden Layer Hidden Layer
Output Layer
Where is it used?
▸Speech Recognition;
▸Music Classification;
▸Recommendation;
▸Image Classification;
▸...
The “creators”
Yann LeCun Geoffrey Hinton Yoshua Bengio
AI Winter
and
the Canadian Mafia
So… why now?
▸Better hardware
▹GPUs enable ~9x faster training compared to
CPUs.
▸High-quality datasets;
▸New activation functions;
▸Regularization methods.
Different Implementations
▸Convolutional Neural Networks (CNN);
▸Deep Belief Networks;
▸Autoencoders;
▸Long Short Term Memory (LSTM)
▸...
3.1
DEEP LEARNING
EXAMPLE
Image Classification Problem
"Convolutional Neural Networks for Visual Recognition" (http://cs231n.github.io/convolutional-networks/)
Image Classification - Challenges
Traditional way
"Deep Learning Methods for Vision" (Honglak Lee, 2012)
Hand-crafted features
▸Time consuming;
▸Demand expert knowledge;
▸Sometimes meaningful for a very specific
scenario.
But what if we could learn feature
extractors instead?
Traditional
Hand-crafted
feature extractor
Trainable feature
extractor
Trainable Classifier
Trainable Classifier
Deep Learning
Architecture Example
Architectures Overview
4.
HOW COULD WE
APPLY IT AT OUR
WORK ?
But my work
is not about
Machine Learning...
Steps
Start with the problem
Understand your data
Try simple hypotheses first
Evaluating and presenting
results
Start with the problem
Talk to your business contact
Get insights about your
problem domain
Ask about hypothetical
features
Be clear about your intentions
Do not commit with results!
Where is the data ?
▸Application logs
▸User inputs
Search things like:
▸Repetitive tasks by user
▸Customer habits
▸Patterns of system usage by
the user
Start with the problem
Understand your data
▸Explore your data
▸Plot your data
▸Start with 2 or 3 attributes
▸Try to spot some pattern
Understand your data
1 tablespoon extra-virgin olive oil
1 tablespoon chopped garlic
1/2 teaspoon kosher salt
Heat 1 tablespoon butter and olive oil together in
a large skillet over medium heat;
cook and stir zucchini noodles (zoodles),
▸Explore your data
▸Plot your data
▸Start with 2 or 3 attributes
▸Try to spot some pattern
Try simple hypotheses first
▸Start with simple hypotheses
▹Naive Bayes
▹Linear regression
▹Logistic regression
▹K-means
▹KNN
▸Try more complex hypotheses later
▹SVM
▹Random Forest
▹Neural Networks
Evaluating and presenting results
▸Define a metric based on the business goal
▹Error rate
▹F1 score
▸Demonstrate results to business unit
▸Use functional prototypes when possible
Examples
Market Analysis Case
Market Analysis Case
▸Optimize subscription plans
▸Find customer groups
▸Use and analyze the application log
application logs:
[2015-01-05 09:12:34] user id=543 clicked buy button for app id=12
[2015-01-06 08:10:31] user id=143 clicked buy button for book id=786
[2015-01-06 09:22:06] user id=563 clicked buy button for music id=900
[2015-01-06 13:12:34] user id=543 clicked buy button for music id=34
[2015-01-07 15:45:22] user id=890 clicked more details button for movie id=189
[2015-01-07 17:21:14] user id=897 clicked more details button for app id=231
[2015-01-08 08:22:02] user id=239 clicked buy button for book id=786
[2015-01-09 09:00:11] user id=253 clicked buy button for music id=373
[2015-01-09 17:12:56] user id=389 clicked more details button for app id=262
[2015-01-09 20:12:04] user id=141 clicked buy button for app id=145
Market Analysis Case
application logs:
[2015-01-05 09:12:34] user id=543 clicked buy button for app id=12
[2015-01-06 08:10:31] user id=143 clicked buy button for book id=786
[2015-01-06 09:22:06] user id=563 clicked buy button for music id=900
[2015-01-06 13:12:34] user id=543 clicked buy button for music id=34
[2015-01-07 15:45:22] user id=890 clicked more details button for movie id=189
[2015-01-07 17:21:14] user id=897 clicked more details button for app id=231
[2015-01-08 08:22:02] user id=239 clicked buy button for book id=786
[2015-01-09 09:00:11] user id=253 clicked buy button for music id=373
[2015-01-09 17:12:56] user id=389 clicked more details button for app id=262
[2015-01-09 20:12:04] user id=141 clicked buy button for app id=145
▸Optimize subscription plans
▸Find customer groups
▸Use and analyze the application log
Market Analysis Case
Group 1: App Buyers
+- 75% Applications
+- 15% Movies
+- 5% Music
+- 5% Books
Group 2: Media Users
+- 10% Applications
+- 40% Movies
+- 40% Music
+- 10% Books
Group 3: Book Readers
+- 5% Applications
+- 2.5% Movies
+- 7.5% Music
+- 90% Books
▸Clustering algorithm can be used
▸Present results back to business unit
5.
BOOKS &
COURSES
Books
Machine Learning
Tom Mitchell
Introduction to Data Mining
Pang-Ning Tan
MOOCs
Other
THANK YOU!
Any questions?

More Related Content

What's hot

Chapter 06 boolean algebra
Chapter 06 boolean algebraChapter 06 boolean algebra
Chapter 06 boolean algebra
IIUI
 
2013-1 Machine Learning Lecture 06 - Artur Ferreira - A Survey on Boosting…
2013-1 Machine Learning Lecture 06 - Artur Ferreira - A Survey on Boosting…2013-1 Machine Learning Lecture 06 - Artur Ferreira - A Survey on Boosting…
2013-1 Machine Learning Lecture 06 - Artur Ferreira - A Survey on Boosting…
Dongseo University
 
2013-1 Machine Learning Lecture 05 - Andrew Moore - Support Vector Machines
2013-1 Machine Learning Lecture 05 - Andrew Moore - Support Vector Machines2013-1 Machine Learning Lecture 05 - Andrew Moore - Support Vector Machines
2013-1 Machine Learning Lecture 05 - Andrew Moore - Support Vector Machines
Dongseo University
 

What's hot (20)

Chapter 06 boolean algebra
Chapter 06 boolean algebraChapter 06 boolean algebra
Chapter 06 boolean algebra
 
Designing a Minimum Distance classifier to Class Mean Classifier
Designing a Minimum Distance classifier to Class Mean ClassifierDesigning a Minimum Distance classifier to Class Mean Classifier
Designing a Minimum Distance classifier to Class Mean Classifier
 
Implementing Minimum Error Rate Classifier
Implementing Minimum Error Rate ClassifierImplementing Minimum Error Rate Classifier
Implementing Minimum Error Rate Classifier
 
2013-1 Machine Learning Lecture 06 - Artur Ferreira - A Survey on Boosting…
2013-1 Machine Learning Lecture 06 - Artur Ferreira - A Survey on Boosting…2013-1 Machine Learning Lecture 06 - Artur Ferreira - A Survey on Boosting…
2013-1 Machine Learning Lecture 06 - Artur Ferreira - A Survey on Boosting…
 
Generative adversarial networks
Generative adversarial networksGenerative adversarial networks
Generative adversarial networks
 
Implementation of K-Nearest Neighbor Algorithm
Implementation of K-Nearest Neighbor AlgorithmImplementation of K-Nearest Neighbor Algorithm
Implementation of K-Nearest Neighbor Algorithm
 
Support Vector Machines for Classification
Support Vector Machines for ClassificationSupport Vector Machines for Classification
Support Vector Machines for Classification
 
Binary Class and Multi Class Strategies for Machine Learning
Binary Class and Multi Class Strategies for Machine LearningBinary Class and Multi Class Strategies for Machine Learning
Binary Class and Multi Class Strategies for Machine Learning
 
Svm vs ls svm
Svm vs ls svmSvm vs ls svm
Svm vs ls svm
 
Ijcatr03051008Implementation of Matrix based Mapping Method Using Elliptic Cu...
Ijcatr03051008Implementation of Matrix based Mapping Method Using Elliptic Cu...Ijcatr03051008Implementation of Matrix based Mapping Method Using Elliptic Cu...
Ijcatr03051008Implementation of Matrix based Mapping Method Using Elliptic Cu...
 
A practical work of matlab
A practical work of matlabA practical work of matlab
A practical work of matlab
 
Lecture 02: Machine Learning for Language Technology - Decision Trees and Nea...
Lecture 02: Machine Learning for Language Technology - Decision Trees and Nea...Lecture 02: Machine Learning for Language Technology - Decision Trees and Nea...
Lecture 02: Machine Learning for Language Technology - Decision Trees and Nea...
 
2013-1 Machine Learning Lecture 05 - Andrew Moore - Support Vector Machines
2013-1 Machine Learning Lecture 05 - Andrew Moore - Support Vector Machines2013-1 Machine Learning Lecture 05 - Andrew Moore - Support Vector Machines
2013-1 Machine Learning Lecture 05 - Andrew Moore - Support Vector Machines
 
Neural Learning to Rank
Neural Learning to RankNeural Learning to Rank
Neural Learning to Rank
 
Support Vector Machines ( SVM )
Support Vector Machines ( SVM ) Support Vector Machines ( SVM )
Support Vector Machines ( SVM )
 
Implementing the Perceptron Algorithm for Finding the weights of a Linear Dis...
Implementing the Perceptron Algorithm for Finding the weights of a Linear Dis...Implementing the Perceptron Algorithm for Finding the weights of a Linear Dis...
Implementing the Perceptron Algorithm for Finding the weights of a Linear Dis...
 
Auto-encoding variational bayes
Auto-encoding variational bayesAuto-encoding variational bayes
Auto-encoding variational bayes
 
Lab no.08
Lab no.08Lab no.08
Lab no.08
 
Neural networks with python
Neural networks with pythonNeural networks with python
Neural networks with python
 
Decision tree
Decision treeDecision tree
Decision tree
 

Similar to Getting Started with Machine Learning

[DSC 2016] 系列活動:李宏毅 / 一天搞懂深度學習
[DSC 2016] 系列活動:李宏毅 / 一天搞懂深度學習[DSC 2016] 系列活動:李宏毅 / 一天搞懂深度學習
[DSC 2016] 系列活動:李宏毅 / 一天搞懂深度學習
台灣資料科學年會
 
Machine Learning ICS 273A
Machine Learning ICS 273AMachine Learning ICS 273A
Machine Learning ICS 273A
butest
 
What Is Deep Learning? | Introduction to Deep Learning | Deep Learning Tutori...
What Is Deep Learning? | Introduction to Deep Learning | Deep Learning Tutori...What Is Deep Learning? | Introduction to Deep Learning | Deep Learning Tutori...
What Is Deep Learning? | Introduction to Deep Learning | Deep Learning Tutori...
Simplilearn
 
Separating Hype from Reality in Deep Learning with Sameer Farooqui
 Separating Hype from Reality in Deep Learning with Sameer Farooqui Separating Hype from Reality in Deep Learning with Sameer Farooqui
Separating Hype from Reality in Deep Learning with Sameer Farooqui
Databricks
 

Similar to Getting Started with Machine Learning (20)

Machine Learning, Deep Learning and Data Analysis Introduction
Machine Learning, Deep Learning and Data Analysis IntroductionMachine Learning, Deep Learning and Data Analysis Introduction
Machine Learning, Deep Learning and Data Analysis Introduction
 
An introduction to Machine Learning (and a little bit of Deep Learning)
An introduction to Machine Learning (and a little bit of Deep Learning)An introduction to Machine Learning (and a little bit of Deep Learning)
An introduction to Machine Learning (and a little bit of Deep Learning)
 
DL (v2).pptx
DL (v2).pptxDL (v2).pptx
DL (v2).pptx
 
[DSC 2016] 系列活動:李宏毅 / 一天搞懂深度學習
[DSC 2016] 系列活動:李宏毅 / 一天搞懂深度學習[DSC 2016] 系列活動:李宏毅 / 一天搞懂深度學習
[DSC 2016] 系列活動:李宏毅 / 一天搞懂深度學習
 
Machine Learning ICS 273A
Machine Learning ICS 273AMachine Learning ICS 273A
Machine Learning ICS 273A
 
How DeepMind Mastered The Game Of Go
How DeepMind Mastered The Game Of GoHow DeepMind Mastered The Game Of Go
How DeepMind Mastered The Game Of Go
 
Deep Learning: concepts and use cases (October 2018)
Deep Learning: concepts and use cases (October 2018)Deep Learning: concepts and use cases (October 2018)
Deep Learning: concepts and use cases (October 2018)
 
[243] turning data into value
[243] turning data into value[243] turning data into value
[243] turning data into value
 
What Is Deep Learning? | Introduction to Deep Learning | Deep Learning Tutori...
What Is Deep Learning? | Introduction to Deep Learning | Deep Learning Tutori...What Is Deep Learning? | Introduction to Deep Learning | Deep Learning Tutori...
What Is Deep Learning? | Introduction to Deep Learning | Deep Learning Tutori...
 
An Introduction to Deep Learning (May 2018)
An Introduction to Deep Learning (May 2018)An Introduction to Deep Learning (May 2018)
An Introduction to Deep Learning (May 2018)
 
ProjectReport
ProjectReportProjectReport
ProjectReport
 
Deep Learning with Apache MXNet (September 2017)
Deep Learning with Apache MXNet (September 2017)Deep Learning with Apache MXNet (September 2017)
Deep Learning with Apache MXNet (September 2017)
 
Deep Neural Networks for Computer Vision
Deep Neural Networks for Computer VisionDeep Neural Networks for Computer Vision
Deep Neural Networks for Computer Vision
 
Deep Learning And Business Models (VNITC 2015-09-13)
Deep Learning And Business Models (VNITC 2015-09-13)Deep Learning And Business Models (VNITC 2015-09-13)
Deep Learning And Business Models (VNITC 2015-09-13)
 
Project PPT
Project PPTProject PPT
Project PPT
 
Separating Hype from Reality in Deep Learning with Sameer Farooqui
 Separating Hype from Reality in Deep Learning with Sameer Farooqui Separating Hype from Reality in Deep Learning with Sameer Farooqui
Separating Hype from Reality in Deep Learning with Sameer Farooqui
 
Camp IT: Making the World More Efficient Using AI & Machine Learning
Camp IT: Making the World More Efficient Using AI & Machine LearningCamp IT: Making the World More Efficient Using AI & Machine Learning
Camp IT: Making the World More Efficient Using AI & Machine Learning
 
Machine learning_ Replicating Human Brain
Machine learning_ Replicating Human BrainMachine learning_ Replicating Human Brain
Machine learning_ Replicating Human Brain
 
“Introducing Machine Learning and How to Teach Machines to See,” a Presentati...
“Introducing Machine Learning and How to Teach Machines to See,” a Presentati...“Introducing Machine Learning and How to Teach Machines to See,” a Presentati...
“Introducing Machine Learning and How to Teach Machines to See,” a Presentati...
 
Yulia Honcharenko "Application of metric learning for logo recognition"
Yulia Honcharenko "Application of metric learning for logo recognition"Yulia Honcharenko "Application of metric learning for logo recognition"
Yulia Honcharenko "Application of metric learning for logo recognition"
 

More from Humberto Marchezi (6)

Anomaly Detection in Seasonal Time Series
Anomaly Detection in Seasonal Time SeriesAnomaly Detection in Seasonal Time Series
Anomaly Detection in Seasonal Time Series
 
Building Anomaly Detections Systems
Building Anomaly Detections SystemsBuilding Anomaly Detections Systems
Building Anomaly Detections Systems
 
Um Ambiente Grafico para Desenvolvimento de Software de Controle para Robos M...
Um Ambiente Grafico para Desenvolvimento de Software de Controle para Robos M...Um Ambiente Grafico para Desenvolvimento de Software de Controle para Robos M...
Um Ambiente Grafico para Desenvolvimento de Software de Controle para Robos M...
 
C++ Unit Test with Google Testing Framework
C++ Unit Test with Google Testing FrameworkC++ Unit Test with Google Testing Framework
C++ Unit Test with Google Testing Framework
 
NHibernate
NHibernateNHibernate
NHibernate
 
Padroes de desenho
Padroes de desenhoPadroes de desenho
Padroes de desenho
 

Recently uploaded

%+27788225528 love spells in Huntington Beach Psychic Readings, Attraction sp...
%+27788225528 love spells in Huntington Beach Psychic Readings, Attraction sp...%+27788225528 love spells in Huntington Beach Psychic Readings, Attraction sp...
%+27788225528 love spells in Huntington Beach Psychic Readings, Attraction sp...
masabamasaba
 
%+27788225528 love spells in Atlanta Psychic Readings, Attraction spells,Brin...
%+27788225528 love spells in Atlanta Psychic Readings, Attraction spells,Brin...%+27788225528 love spells in Atlanta Psychic Readings, Attraction spells,Brin...
%+27788225528 love spells in Atlanta Psychic Readings, Attraction spells,Brin...
masabamasaba
 

Recently uploaded (20)

Software Quality Assurance Interview Questions
Software Quality Assurance Interview QuestionsSoftware Quality Assurance Interview Questions
Software Quality Assurance Interview Questions
 
tonesoftg
tonesoftgtonesoftg
tonesoftg
 
WSO2CON2024 - It's time to go Platformless
WSO2CON2024 - It's time to go PlatformlessWSO2CON2024 - It's time to go Platformless
WSO2CON2024 - It's time to go Platformless
 
WSO2Con2024 - From Code To Cloud: Fast Track Your Cloud Native Journey with C...
WSO2Con2024 - From Code To Cloud: Fast Track Your Cloud Native Journey with C...WSO2Con2024 - From Code To Cloud: Fast Track Your Cloud Native Journey with C...
WSO2Con2024 - From Code To Cloud: Fast Track Your Cloud Native Journey with C...
 
Define the academic and professional writing..pdf
Define the academic and professional writing..pdfDefine the academic and professional writing..pdf
Define the academic and professional writing..pdf
 
%in kempton park+277-882-255-28 abortion pills for sale in kempton park
%in kempton park+277-882-255-28 abortion pills for sale in kempton park %in kempton park+277-882-255-28 abortion pills for sale in kempton park
%in kempton park+277-882-255-28 abortion pills for sale in kempton park
 
%in tembisa+277-882-255-28 abortion pills for sale in tembisa
%in tembisa+277-882-255-28 abortion pills for sale in tembisa%in tembisa+277-882-255-28 abortion pills for sale in tembisa
%in tembisa+277-882-255-28 abortion pills for sale in tembisa
 
WSO2CON 2024 - Cloud Native Middleware: Domain-Driven Design, Cell-Based Arch...
WSO2CON 2024 - Cloud Native Middleware: Domain-Driven Design, Cell-Based Arch...WSO2CON 2024 - Cloud Native Middleware: Domain-Driven Design, Cell-Based Arch...
WSO2CON 2024 - Cloud Native Middleware: Domain-Driven Design, Cell-Based Arch...
 
%in Bahrain+277-882-255-28 abortion pills for sale in Bahrain
%in Bahrain+277-882-255-28 abortion pills for sale in Bahrain%in Bahrain+277-882-255-28 abortion pills for sale in Bahrain
%in Bahrain+277-882-255-28 abortion pills for sale in Bahrain
 
Introducing Microsoft’s new Enterprise Work Management (EWM) Solution
Introducing Microsoft’s new Enterprise Work Management (EWM) SolutionIntroducing Microsoft’s new Enterprise Work Management (EWM) Solution
Introducing Microsoft’s new Enterprise Work Management (EWM) Solution
 
%+27788225528 love spells in Huntington Beach Psychic Readings, Attraction sp...
%+27788225528 love spells in Huntington Beach Psychic Readings, Attraction sp...%+27788225528 love spells in Huntington Beach Psychic Readings, Attraction sp...
%+27788225528 love spells in Huntington Beach Psychic Readings, Attraction sp...
 
Shapes for Sharing between Graph Data Spaces - and Epistemic Querying of RDF-...
Shapes for Sharing between Graph Data Spaces - and Epistemic Querying of RDF-...Shapes for Sharing between Graph Data Spaces - and Epistemic Querying of RDF-...
Shapes for Sharing between Graph Data Spaces - and Epistemic Querying of RDF-...
 
%+27788225528 love spells in Atlanta Psychic Readings, Attraction spells,Brin...
%+27788225528 love spells in Atlanta Psychic Readings, Attraction spells,Brin...%+27788225528 love spells in Atlanta Psychic Readings, Attraction spells,Brin...
%+27788225528 love spells in Atlanta Psychic Readings, Attraction spells,Brin...
 
%in ivory park+277-882-255-28 abortion pills for sale in ivory park
%in ivory park+277-882-255-28 abortion pills for sale in ivory park %in ivory park+277-882-255-28 abortion pills for sale in ivory park
%in ivory park+277-882-255-28 abortion pills for sale in ivory park
 
WSO2CON 2024 - Does Open Source Still Matter?
WSO2CON 2024 - Does Open Source Still Matter?WSO2CON 2024 - Does Open Source Still Matter?
WSO2CON 2024 - Does Open Source Still Matter?
 
VTU technical seminar 8Th Sem on Scikit-learn
VTU technical seminar 8Th Sem on Scikit-learnVTU technical seminar 8Th Sem on Scikit-learn
VTU technical seminar 8Th Sem on Scikit-learn
 
Direct Style Effect Systems - The Print[A] Example - A Comprehension Aid
Direct Style Effect Systems -The Print[A] Example- A Comprehension AidDirect Style Effect Systems -The Print[A] Example- A Comprehension Aid
Direct Style Effect Systems - The Print[A] Example - A Comprehension Aid
 
OpenChain - The Ramifications of ISO/IEC 5230 and ISO/IEC 18974 for Legal Pro...
OpenChain - The Ramifications of ISO/IEC 5230 and ISO/IEC 18974 for Legal Pro...OpenChain - The Ramifications of ISO/IEC 5230 and ISO/IEC 18974 for Legal Pro...
OpenChain - The Ramifications of ISO/IEC 5230 and ISO/IEC 18974 for Legal Pro...
 
%in Midrand+277-882-255-28 abortion pills for sale in midrand
%in Midrand+277-882-255-28 abortion pills for sale in midrand%in Midrand+277-882-255-28 abortion pills for sale in midrand
%in Midrand+277-882-255-28 abortion pills for sale in midrand
 
%in kaalfontein+277-882-255-28 abortion pills for sale in kaalfontein
%in kaalfontein+277-882-255-28 abortion pills for sale in kaalfontein%in kaalfontein+277-882-255-28 abortion pills for sale in kaalfontein
%in kaalfontein+277-882-255-28 abortion pills for sale in kaalfontein
 

Getting Started with Machine Learning