SlideShare a Scribd company logo
1 of 41
Download to read offline
Main algorithms and techniques 
required for implementing Machine 
Learning & Deep Learning
Table of Content
●
Programming vs Learning
●
Stages of ML Process
●
ML Architecture
–Data Acquisition
–Data Processing
–Data Modeling
–Execution
–Deployment
●
End­to­End ML & Analytics 
Architecture
●
Skills needed for ML
● ML Practice
● Techniques of ML
–Prediction Algorithm
● Description of ML Algorithms with 
Problem solving Approaches
–Supervised
–Unsupervised
–Ensemble 
● ANN Algorithms
● DL algorithms
–Summary of Different DL 
Architecture with pros and cons
Learning from Data without Being 
Explicitly Programmed
Programming vs. Learning
Stages of the ML Process
ML Architecture
ML Architecture: Data Acquisition
ML Architecture: Data Processing
ML Architecture: Data Modeling
ML Architecture: Execution
ML Architecture: Deployment
End­to­End ML & Analytics 
Architecture
Skills Needed for ML
Machine Learning Practice
Techniques
Choose it if you need to explore 
your data & want to train a model
to find a good internal
representation, such as 
splitting data up into clusters.
Choose it if you need to train a 
model to make a prediction, the 
future value of a continuous 
variable or a classification.
Supervised
Learning
Unsupervised
Learning
Linear Regression
(Lots of numerical data)
 Used for applications such as Sales Forecasting, Risk Assessment analysis
 It is used to showcase the relationship between dependent and independent variables
K­ Nearest Neighbors
(Group membership based on proximity)
 Used in industrial applications
 Used in handwriting detection
 Used in image/video recognition tasks.
 It is a lazy algorithm that takes a non­parametric approach to predictive analysis.
Logistic Regression
(Target variable is categorical)
 To identifying risk factors for diseases & planning preventive measures
 Classifying words as nouns, pronouns, & verbs
● Weather forecasting
● It is used for predictive analysis.
Decision Tree
(If/then/else. Non­contiguous data. Can also be regression)
 Used in pattern recognition
 Used in option pricing in finances & identifying disease & risk trends.
 Robust to errors
 Can handle missing values nicely
 Can handle both categorical and numerical variables.
Random Forest
(Find best split randomly.Can also be regression)
 Used in industrial applications
 Used for both classification and regression analysis tasks.
 Creates a forest with a no. of trees & makes them random.
 Runs efficiently on large databases.
 Has high classification accuracy.
Support Vector Machine
(Maximum margin classifier.Fundamental Data Science algorithm)
 Used in business applications – Such as comparing the relative performance of stocks over
a period of time.
 Classifying data sets into different classes through a hyperplane.
 Marginalizes the classes & maximizes the distances between them.
 It require more accuracy & efficiency of data.
Principal Component Analysis (PCA)
(Distil feature space into components that describe greatest variance )
 Used in gene expression analysis, stock market predictions
 Used in pattern classification tasks that ignore class labels.
 It is dimensionality reduction algorithm.
 Used for speeding up.
 Used for making compelling visualizations of complex datasets.
 It identifies patterns in data & aims to make correlations of variables in them.
K­Means Clustering
(Similar datum into groups based on centroids)
 Used in grouping images into different categories, detecting different activity types in
motion sensors
 For monitoring whether tracked data points changes between different groups over 
time.
 It works by categorizing unstructured data into a no. of different groups.
 Each dataset contains a collection of features
 Algorithm classifies unstructured data & categorizes them based on specific features.
Naive Bayes Classifier
(Updating knowledge step by step with new info )
 Based on Bayes Theorem of probability.
 Used in document classification,spam filters, sentiment analysis etc.
 These algorithm for ranking pages, indexing relevacy scores and classifying data
categorically.
Prediction Algorithms
NAME DESCRIPTION ADVANTAGES DISADVANTAGES
LINEAR 
REGRESSION
The “best fit” line 
through all data points. 
Predictions are 
numerical.
Easy to understand – 
we clearly see what the 
biggest drivers of the 
model are.
● Sometimes too 
simple to capture 
complex 
relationships 
between variables.
● Tendency for the 
model to “overfit”.
LOGISTIC 
REGRESSION
The adaptation of linear 
regression to problems 
of classification (e.g., 
yes/no questions, 
groups, etc.)
Also easy to understand. ● Sometimes too 
simple to capture 
complex 
relationships 
between variables.
● Tendency for the 
model to “overfit”.
DECISION TREE A graph that uses 
branching method to 
match all possible 
outcomes of a decision.
Easy to understand and 
implement.
● Not often used on 
its own for 
prediction because 
it’s also often too 
simple and not 
powerful enough for 
complex data.
NAME DESCRIPTION ADVANTAGES DISADVANTAGES
RANDOM FOREST Takes the average of 
many decision trees, 
each of which is made 
with a sample of the 
data. Each tree is 
weaker than a full 
decision tree, but by 
combining them we get 
better overall 
performance.
A sort of “wisdom of the 
crowd”. Tends to result 
in very high quality 
models. Fast to train.
● Can be slow to 
output predictions 
relative to other 
algorithms.
● Not easy to 
understand 
predictions.
GRADIENT 
BOOSTING
Uses even weaker 
decision trees, that are 
increasingly focused on 
“hard” examples.
High – performing. ● A small change in 
the feature set or 
training set can 
create radical 
changes in the 
model.
● Not easy to 
understand 
predictions.
NEURAL 
NETWORKS
Mimics the behavior of 
the brain. Neural 
networks ae 
interconnected neurons 
that pass messages to 
each other. Deep 
learning uses several 
layers of neural 
networks put one after 
the other.
Can handel extremely 
complex tasks – no 
other algorithm comes 
close in image 
recognition.
● Very, very slow 
totrain, because they 
have so many layers. 
Require a lot of 
power.
● Almost impossible to 
understand 
predictions.
Description of ML Algorithms 
with Problem solving 
Approaches
Description:
Computations are structured in terms 
of interconnected groups, much like 
the neurons in a brain. Neural networks 
are used to model complex relationships 
between inputs and outputs to find patterns 
in data or to capture a statistical structure 
among variables with unknown relationships. 
They may also be used to discover unknown 
inputs (unsupervised).
Usage Examples
 in Business:
➢ Predicting financial
results
➢ Fraud detection
Neural
network
Supervised
type
Description:
Computations are structured in terms 
of categories outputs or observations based on 
defined classifications. Classification models
are used to predict new outputs based on 
Classification rules. Regression models are 
generally used to predict outputs from training
data.
Usage Examples
 in Business:
➢ Spam filtering
➢ Fraud detection
Classification
And/or 
regression
Supervised
type
Description:
Computations are particular representations
of  possible solutions to a decision 
based on certain conditions. Decision 
trees are great for building classification
models because they can decompose 
datasets into smaller, more manageable 
subsets.
Usage Examples
 in Business:
➢ Risk assessment
➢ Threat management
systems
➢ Any optimization
problem where an
exhaustive search is
not feasible
Decision
tree
Supervised
type
Description:
Computations are structured in terms 
of groups of input data (clusters) based 
on how similar they are to one another. 
Cluster analysis is heavily used to solve 
exploratory challenges where little is 
known about the data.
Usage Examples
 in Business:
➢ Financial transactions  
➢ Streaming analytics 
in IoT
➢ Underwriting in
insurance
Cluster
analysis
Unsupervised
type
Description:
Computations are used to provide a 
description or label to input data, such as in
classification. Each input is evaluated and
matched based on a pattern identified. Pattern
recognition can be used for supervised 
learning as well.
Usage Examples
 in Business:
➢ Spam detection
➢ Biometrics
➢ Identify management
Pattern 
recognition
Unsupervised
type
Description:
Computations are rule­based in order to 
Determine the relationship between different
Types of input or variables and to make
Predictions.
Usage Examples
 in Business:
➢ Security & intrusion
detection
➢ Bioinformatics
➢ Manufacturing and
assembly
Association
rule
learning
Unsupervised
type
Ensemble Algorithms
Ensemble methods are models composed of multiple 
weaker models that are independently trained & whose 
predictions are combined in some way to make the 
overall prediction.
Techniques are:
● Boosting
● Bootstrapped Aggregation (Bagging)
● Stacked Generalization (Stacking)
● Gradient Boosting Machines (GBM)
● Gradient Boosted Regression Trees(GBRT) etc.
Neural Networks
(Complex relationships. Prone to overfitting Basically magic)
• DL networks used in handwriting analysis, colorization of black & white images
• Computer vision processes
• Describing or captioning photos based on visual features
ANN
• It consist of different layers 
which analyze data.
• Hidden layers detect patterns 
in data.
• Greater the no. of layers, more 
accurate the outcomes.
• Neural networks learn on their 
own & assign weights to neurons
every time their networks process
 data.
Artificial Neural Network 
Algorithms:
ANN are models that are inspired by the structure and/or function of 
biological neural networks.
They are a class of pattern matching that are commonly used for regression 
and classification problems but are really an enormous subfield comprised of 
hundreds of algorithms and variations for all manner of problem types.
Algorithms are:
● Perceptron
● Multilayer Perceptrons (MLP)
● Back­Propagation
● Stochastic Gradient Descent
● Hopfield Network
● Radial Basis Function Network (RBFN)
Perceptron
• It is a basic processing unit.
• The output of a perceptron is 
the weighted sum of its inputs
and a bias unit, which acts 
as an intercept
Multilayer Perceptron 
• A multilayer perceptron, besides
input & output layers, also has
hidden layers. 
• This stack of layer allow it to learn
non­linear decision boundaries in 
the data.
Stacked Autoencoder
• It is multiple layers of autoencoders that are 
trained in an unsupervised fashion individually.
• After this one final softmax layer is trained.
Deep Learning Algorithms:
DL methods are a modern update to ANN that exploit abundant cheap 
computation. They are concerned with building much larger and more complex 
neural networks. They are concerned with very large datasets of labelled analog 
data, such as image, text, audio, and video.
Algorithms are:
● Convolutional Neural Network (CNN)
● Recurrent Neural Networks (RNNs)
● Long Short­Term Memory Networks (LSTMs)
● Stacked Auto­Encoders
● Deep Boltzmann Machine (DBM)
● Deep Belief Networks (DBN)
● Generative Adversarial Network (GAN)
● Deep Learning based Transfer Learning
CNN & RNN
• CNN are feed­forward Neural networks which take in fixed inputs & give fixed outputs.
• For example­ image feature classification,video processing
• RNN use internal memory
• RNN are versatile
• Use time­series information for giving outputs.
• For example­ language processing tasks, text & speech analysis
Deep Belief Networks
• Used in field of Image Recognition, Video Sequence recognition, and Motion­capture
 data.
• It is comprised of multiple layers of graphical models having directed and undirected 
edges.
• DBN does not use any labels.
• DBNs are generative models.
• A DBN fine­tunes the entire input in a sequence as the model is trained
Boltzmann Machine
• These are two layer neural networks which make stochastic decisions
• It does not discriminate between neurons
• It learns the distribution of data using the input & makes inferences on unseen data.
• It is a generative model – it does not expect input, it rather creates it.
Generative Adversarial Networks
• GANs are used for generating new data.
• GAN comprises of 2 parts, a discriminator and a generator.
• Generator is like a reverse CNN, it takes a small amount of data & up scales it to 
generate input.
• Discriminant takes this input & predicts whether it belongs to the dataset.
• GANs have been used to generate paintings.
Summary of Different Deep 
Learning Architecture
Convolutional Neural Network
Description
●
Inspired by the neural­biological model of the visual 
cortex.
●
Well­suited for 2­D data, i.e., images, thus 1­D 
temporal data need to be pre­processed to form 2­D 
vectors.
●
ReLU after convolutional layers help accelerate the 
convergence speed.
Characteristics
Pros:
– Few neuron connections required with respect to a 
typical ANN.
– Many variants have been prposed: ADCNN, LiftingNet, 
and inception net, etc.
– The classical CNN exhibits a good denoising capability.
Cons:
– May require many layers to find an entire hierarchy.
– May require a large labeled dataset.
Deep Autoencoder
Description
● Mainly designed for feature extraction or 
dimension reduction.
● Has the same number of input and output 
nodes.
● Unsupervised learning method aiming at 
reconstructing the input vector.
Characteristics
Pros:
– Does not require labeled data.
– Many variations have been proposed to make the 
representation more noise­resilient and robust: 
stacked denoising AE, deep ensemble AE, and 
stacked sparse AE.
Cons:
– Requires a pre­training stage.
– Training may suffer from the vanishing of errors.
Deep Belief Network
Description
● Composed of RBMs where each sub­network’s 
hidden layer serves as the visible layer for 
the text.
● Has undirected connections just at the top 
layers.
● Allow unsupervised and supervised training 
of the network.
Characteristics
Pros:
– Proposes a layer­by­layer greedy learning 
strategy to initialize the net­work.
– Tractable inferences maximize the likelihood 
directly.
Cons:
– Training may be computationally expensive due 
to the initialization process and sampling stage.
Recurrent Neural Network
Description
● An ANN capable of analyzing 1­D 
sequential or temporal data streams.
● LSTM re­vibrated the application of RNNs.
● Suitable for applications where the output 
depends in the previous computations.
Characteristics
Pros:
– Memorizes sequential events.
– Models time dependencies.
– Capable of receiving inputs of variable lengths.
Cons:
– Frequent learning issues due to gradient 
vanishing/exploding.
Generative Adversarial Network
Description
● Mainly designed to generate photographs that 
look superficially authentic to human observers.
● Implemented by a system of generative and 
discriminative networks.
● Semi­Supervised learning method aiming at 
reconstructing the input vector.
Characteristics
Pros:
– Requires almost no modifications when transferring to 
new applications.
– Requires no Monte Carlo approximations to train.
– Does not introduce deterministic bias.
Cons:
– GAN training is unstable as it requires finding the 
Nash equilibrium of a game.
– Hard to learn to generate discrete data, such as text.

More Related Content

What's hot

Building a performing Machine Learning model from A to Z
Building a performing Machine Learning model from A to ZBuilding a performing Machine Learning model from A to Z
Building a performing Machine Learning model from A to ZCharles Vestur
 
Microsoft Introduction to Automated Machine Learning
Microsoft Introduction to Automated Machine LearningMicrosoft Introduction to Automated Machine Learning
Microsoft Introduction to Automated Machine LearningSetu Chokshi
 
The Evolution of AutoML
The Evolution of AutoMLThe Evolution of AutoML
The Evolution of AutoMLNing Jiang
 
Automatic machine learning (AutoML) 101
Automatic machine learning (AutoML) 101Automatic machine learning (AutoML) 101
Automatic machine learning (AutoML) 101QuantUniversity
 
Modelling and evaluation
Modelling and evaluationModelling and evaluation
Modelling and evaluationeShikshak
 
Automated Machine Learning
Automated Machine LearningAutomated Machine Learning
Automated Machine Learningsafa cimenli
 
Europython - Machine Learning for dummies with Python
Europython - Machine Learning for dummies with PythonEuropython - Machine Learning for dummies with Python
Europython - Machine Learning for dummies with PythonJavier Arias Losada
 
The Power of Auto ML and How Does it Work
The Power of Auto ML and How Does it WorkThe Power of Auto ML and How Does it Work
The Power of Auto ML and How Does it WorkIvo Andreev
 
Meetup sthlm - introduction to Machine Learning with demo cases
Meetup sthlm - introduction to Machine Learning with demo casesMeetup sthlm - introduction to Machine Learning with demo cases
Meetup sthlm - introduction to Machine Learning with demo casesZenodia Charpy
 
Aditya Bhattacharya - Enterprise DL - Accelerating Deep Learning Solutions to...
Aditya Bhattacharya - Enterprise DL - Accelerating Deep Learning Solutions to...Aditya Bhattacharya - Enterprise DL - Accelerating Deep Learning Solutions to...
Aditya Bhattacharya - Enterprise DL - Accelerating Deep Learning Solutions to...Aditya Bhattacharya
 
Artificial Intelligence Projects in MATLAB Research Assistance
Artificial Intelligence Projects in MATLAB Research AssistanceArtificial Intelligence Projects in MATLAB Research Assistance
Artificial Intelligence Projects in MATLAB Research AssistanceMatlab Simulation
 
Machine Learning Platformization & AutoML: Adopting ML at Scale in the Enterp...
Machine Learning Platformization & AutoML: Adopting ML at Scale in the Enterp...Machine Learning Platformization & AutoML: Adopting ML at Scale in the Enterp...
Machine Learning Platformization & AutoML: Adopting ML at Scale in the Enterp...Ed Fernandez
 
10 Lessons Learned from Building Machine Learning Systems
10 Lessons Learned from Building Machine Learning Systems10 Lessons Learned from Building Machine Learning Systems
10 Lessons Learned from Building Machine Learning SystemsXavier Amatriain
 
DC02. Interpretation of predictions
DC02. Interpretation of predictionsDC02. Interpretation of predictions
DC02. Interpretation of predictionsAnton Kulesh
 
Introduction to machine learning and applications (1)
Introduction to machine learning and applications (1)Introduction to machine learning and applications (1)
Introduction to machine learning and applications (1)Manjunath Sindagi
 
Introduction to data science
Introduction to data scienceIntroduction to data science
Introduction to data scienceHiba Akroush
 
Survey Of AutoGL - First Dedicated framework for machine learning on Graphs
Survey Of AutoGL - First Dedicated framework for machine learning on GraphsSurvey Of AutoGL - First Dedicated framework for machine learning on Graphs
Survey Of AutoGL - First Dedicated framework for machine learning on GraphsSurabhiGovil2
 
Azure Machine Learning and its real-world use cases
Azure Machine Learning and its real-world use casesAzure Machine Learning and its real-world use cases
Azure Machine Learning and its real-world use casesMichaela Murray
 

What's hot (20)

Building a performing Machine Learning model from A to Z
Building a performing Machine Learning model from A to ZBuilding a performing Machine Learning model from A to Z
Building a performing Machine Learning model from A to Z
 
Microsoft Introduction to Automated Machine Learning
Microsoft Introduction to Automated Machine LearningMicrosoft Introduction to Automated Machine Learning
Microsoft Introduction to Automated Machine Learning
 
The Evolution of AutoML
The Evolution of AutoMLThe Evolution of AutoML
The Evolution of AutoML
 
Automatic machine learning (AutoML) 101
Automatic machine learning (AutoML) 101Automatic machine learning (AutoML) 101
Automatic machine learning (AutoML) 101
 
Demystifying Data Science
Demystifying Data ScienceDemystifying Data Science
Demystifying Data Science
 
Modelling and evaluation
Modelling and evaluationModelling and evaluation
Modelling and evaluation
 
Automated Machine Learning
Automated Machine LearningAutomated Machine Learning
Automated Machine Learning
 
Europython - Machine Learning for dummies with Python
Europython - Machine Learning for dummies with PythonEuropython - Machine Learning for dummies with Python
Europython - Machine Learning for dummies with Python
 
The Power of Auto ML and How Does it Work
The Power of Auto ML and How Does it WorkThe Power of Auto ML and How Does it Work
The Power of Auto ML and How Does it Work
 
Meetup sthlm - introduction to Machine Learning with demo cases
Meetup sthlm - introduction to Machine Learning with demo casesMeetup sthlm - introduction to Machine Learning with demo cases
Meetup sthlm - introduction to Machine Learning with demo cases
 
Aditya Bhattacharya - Enterprise DL - Accelerating Deep Learning Solutions to...
Aditya Bhattacharya - Enterprise DL - Accelerating Deep Learning Solutions to...Aditya Bhattacharya - Enterprise DL - Accelerating Deep Learning Solutions to...
Aditya Bhattacharya - Enterprise DL - Accelerating Deep Learning Solutions to...
 
Artificial Intelligence Projects in MATLAB Research Assistance
Artificial Intelligence Projects in MATLAB Research AssistanceArtificial Intelligence Projects in MATLAB Research Assistance
Artificial Intelligence Projects in MATLAB Research Assistance
 
Machine Learning Platformization & AutoML: Adopting ML at Scale in the Enterp...
Machine Learning Platformization & AutoML: Adopting ML at Scale in the Enterp...Machine Learning Platformization & AutoML: Adopting ML at Scale in the Enterp...
Machine Learning Platformization & AutoML: Adopting ML at Scale in the Enterp...
 
10 Lessons Learned from Building Machine Learning Systems
10 Lessons Learned from Building Machine Learning Systems10 Lessons Learned from Building Machine Learning Systems
10 Lessons Learned from Building Machine Learning Systems
 
Machine learning
Machine learningMachine learning
Machine learning
 
DC02. Interpretation of predictions
DC02. Interpretation of predictionsDC02. Interpretation of predictions
DC02. Interpretation of predictions
 
Introduction to machine learning and applications (1)
Introduction to machine learning and applications (1)Introduction to machine learning and applications (1)
Introduction to machine learning and applications (1)
 
Introduction to data science
Introduction to data scienceIntroduction to data science
Introduction to data science
 
Survey Of AutoGL - First Dedicated framework for machine learning on Graphs
Survey Of AutoGL - First Dedicated framework for machine learning on GraphsSurvey Of AutoGL - First Dedicated framework for machine learning on Graphs
Survey Of AutoGL - First Dedicated framework for machine learning on Graphs
 
Azure Machine Learning and its real-world use cases
Azure Machine Learning and its real-world use casesAzure Machine Learning and its real-world use cases
Azure Machine Learning and its real-world use cases
 

Similar to PPT3: Main algorithms and techniques required for implementing Machine Learning & Deep Learning

machine learning workflow with data input.pptx
machine learning workflow with data input.pptxmachine learning workflow with data input.pptx
machine learning workflow with data input.pptxjasontseng19
 
Machine Learning Algorithms and Applications for Data Scientists.pptx
Machine Learning Algorithms and Applications for Data Scientists.pptxMachine Learning Algorithms and Applications for Data Scientists.pptx
Machine Learning Algorithms and Applications for Data Scientists.pptxJAMESJOHN130
 
MLlib and Machine Learning on Spark
MLlib and Machine Learning on SparkMLlib and Machine Learning on Spark
MLlib and Machine Learning on SparkPetr Zapletal
 
MOPs & ML Pipelines on GCP - Session 6, RGDC
MOPs & ML Pipelines on GCP - Session 6, RGDCMOPs & ML Pipelines on GCP - Session 6, RGDC
MOPs & ML Pipelines on GCP - Session 6, RGDCgdgsurrey
 
MLOps Using MLflow
MLOps Using MLflowMLOps Using MLflow
MLOps Using MLflowDatabricks
 
Overview of machine learning
Overview of machine learning Overview of machine learning
Overview of machine learning SolivarLabs
 
AI hype or reality
AI  hype or realityAI  hype or reality
AI hype or realityAwantik Das
 
GDG Cloud Southlake #3 Charles Adetiloye: Enterprise MLOps in Practice
GDG Cloud Southlake #3 Charles Adetiloye: Enterprise MLOps in PracticeGDG Cloud Southlake #3 Charles Adetiloye: Enterprise MLOps in Practice
GDG Cloud Southlake #3 Charles Adetiloye: Enterprise MLOps in PracticeJames Anderson
 
Machine Learning course in Chandigarh Join
Machine Learning course in Chandigarh JoinMachine Learning course in Chandigarh Join
Machine Learning course in Chandigarh Joinasmeerana605
 
Scaling Knowledge Graph Architectures with AI
Scaling Knowledge Graph Architectures with AIScaling Knowledge Graph Architectures with AI
Scaling Knowledge Graph Architectures with AIEnterprise Knowledge
 
Machine Learning: Artificial Intelligence isn't just a Science Fiction topic
Machine Learning: Artificial Intelligence isn't just a Science Fiction topicMachine Learning: Artificial Intelligence isn't just a Science Fiction topic
Machine Learning: Artificial Intelligence isn't just a Science Fiction topicRaúl Garreta
 
Feature Engineering in Machine Learning
Feature Engineering in Machine LearningFeature Engineering in Machine Learning
Feature Engineering in Machine LearningKnoldus Inc.
 
VSSML17 Review. Summary Day 2 Sessions
VSSML17 Review. Summary Day 2 SessionsVSSML17 Review. Summary Day 2 Sessions
VSSML17 Review. Summary Day 2 SessionsBigML, Inc
 
Data Engineer vs Data Scientist vs Data Analyst.pptx
Data Engineer vs Data Scientist vs Data Analyst.pptxData Engineer vs Data Scientist vs Data Analyst.pptx
Data Engineer vs Data Scientist vs Data Analyst.pptxCarolineRebeccaD
 
Norman Sasono - Incorporating AI/ML into Your Application Architecture
Norman Sasono - Incorporating AI/ML into Your Application ArchitectureNorman Sasono - Incorporating AI/ML into Your Application Architecture
Norman Sasono - Incorporating AI/ML into Your Application ArchitectureAgile Impact Conference
 
Norman Sasono - Incorporating AI/ML into Your Application Architecture
Norman Sasono - Incorporating AI/ML into Your Application ArchitectureNorman Sasono - Incorporating AI/ML into Your Application Architecture
Norman Sasono - Incorporating AI/ML into Your Application ArchitectureAgile Impact
 

Similar to PPT3: Main algorithms and techniques required for implementing Machine Learning & Deep Learning (20)

MLIntro_ADA.pptx
MLIntro_ADA.pptxMLIntro_ADA.pptx
MLIntro_ADA.pptx
 
machine learning workflow with data input.pptx
machine learning workflow with data input.pptxmachine learning workflow with data input.pptx
machine learning workflow with data input.pptx
 
Machine Learning Algorithms and Applications for Data Scientists.pptx
Machine Learning Algorithms and Applications for Data Scientists.pptxMachine Learning Algorithms and Applications for Data Scientists.pptx
Machine Learning Algorithms and Applications for Data Scientists.pptx
 
MLlib and Machine Learning on Spark
MLlib and Machine Learning on SparkMLlib and Machine Learning on Spark
MLlib and Machine Learning on Spark
 
MOPs & ML Pipelines on GCP - Session 6, RGDC
MOPs & ML Pipelines on GCP - Session 6, RGDCMOPs & ML Pipelines on GCP - Session 6, RGDC
MOPs & ML Pipelines on GCP - Session 6, RGDC
 
Aws autopilot
Aws autopilotAws autopilot
Aws autopilot
 
MLOps Using MLflow
MLOps Using MLflowMLOps Using MLflow
MLOps Using MLflow
 
C2_W1---.pdf
C2_W1---.pdfC2_W1---.pdf
C2_W1---.pdf
 
Overview of machine learning
Overview of machine learning Overview of machine learning
Overview of machine learning
 
AI hype or reality
AI  hype or realityAI  hype or reality
AI hype or reality
 
GDG Cloud Southlake #3 Charles Adetiloye: Enterprise MLOps in Practice
GDG Cloud Southlake #3 Charles Adetiloye: Enterprise MLOps in PracticeGDG Cloud Southlake #3 Charles Adetiloye: Enterprise MLOps in Practice
GDG Cloud Southlake #3 Charles Adetiloye: Enterprise MLOps in Practice
 
MLOps.pptx
MLOps.pptxMLOps.pptx
MLOps.pptx
 
Machine Learning course in Chandigarh Join
Machine Learning course in Chandigarh JoinMachine Learning course in Chandigarh Join
Machine Learning course in Chandigarh Join
 
Scaling Knowledge Graph Architectures with AI
Scaling Knowledge Graph Architectures with AIScaling Knowledge Graph Architectures with AI
Scaling Knowledge Graph Architectures with AI
 
Machine Learning: Artificial Intelligence isn't just a Science Fiction topic
Machine Learning: Artificial Intelligence isn't just a Science Fiction topicMachine Learning: Artificial Intelligence isn't just a Science Fiction topic
Machine Learning: Artificial Intelligence isn't just a Science Fiction topic
 
Feature Engineering in Machine Learning
Feature Engineering in Machine LearningFeature Engineering in Machine Learning
Feature Engineering in Machine Learning
 
VSSML17 Review. Summary Day 2 Sessions
VSSML17 Review. Summary Day 2 SessionsVSSML17 Review. Summary Day 2 Sessions
VSSML17 Review. Summary Day 2 Sessions
 
Data Engineer vs Data Scientist vs Data Analyst.pptx
Data Engineer vs Data Scientist vs Data Analyst.pptxData Engineer vs Data Scientist vs Data Analyst.pptx
Data Engineer vs Data Scientist vs Data Analyst.pptx
 
Norman Sasono - Incorporating AI/ML into Your Application Architecture
Norman Sasono - Incorporating AI/ML into Your Application ArchitectureNorman Sasono - Incorporating AI/ML into Your Application Architecture
Norman Sasono - Incorporating AI/ML into Your Application Architecture
 
Norman Sasono - Incorporating AI/ML into Your Application Architecture
Norman Sasono - Incorporating AI/ML into Your Application ArchitectureNorman Sasono - Incorporating AI/ML into Your Application Architecture
Norman Sasono - Incorporating AI/ML into Your Application Architecture
 

Recently uploaded

Al Barsha Escorts $#$ O565212860 $#$ Escort Service In Al Barsha
Al Barsha Escorts $#$ O565212860 $#$ Escort Service In Al BarshaAl Barsha Escorts $#$ O565212860 $#$ Escort Service In Al Barsha
Al Barsha Escorts $#$ O565212860 $#$ Escort Service In Al BarshaAroojKhan71
 
代办国外大学文凭《原版美国UCLA文凭证书》加州大学洛杉矶分校毕业证制作成绩单修改
代办国外大学文凭《原版美国UCLA文凭证书》加州大学洛杉矶分校毕业证制作成绩单修改代办国外大学文凭《原版美国UCLA文凭证书》加州大学洛杉矶分校毕业证制作成绩单修改
代办国外大学文凭《原版美国UCLA文凭证书》加州大学洛杉矶分校毕业证制作成绩单修改atducpo
 
VIP High Profile Call Girls Amravati Aarushi 8250192130 Independent Escort Se...
VIP High Profile Call Girls Amravati Aarushi 8250192130 Independent Escort Se...VIP High Profile Call Girls Amravati Aarushi 8250192130 Independent Escort Se...
VIP High Profile Call Girls Amravati Aarushi 8250192130 Independent Escort Se...Suhani Kapoor
 
꧁❤ Greater Noida Call Girls Delhi ❤꧂ 9711199171 ☎️ Hard And Sexy Vip Call
꧁❤ Greater Noida Call Girls Delhi ❤꧂ 9711199171 ☎️ Hard And Sexy Vip Call꧁❤ Greater Noida Call Girls Delhi ❤꧂ 9711199171 ☎️ Hard And Sexy Vip Call
꧁❤ Greater Noida Call Girls Delhi ❤꧂ 9711199171 ☎️ Hard And Sexy Vip Callshivangimorya083
 
VidaXL dropshipping via API with DroFx.pptx
VidaXL dropshipping via API with DroFx.pptxVidaXL dropshipping via API with DroFx.pptx
VidaXL dropshipping via API with DroFx.pptxolyaivanovalion
 
Log Analysis using OSSEC sasoasasasas.pptx
Log Analysis using OSSEC sasoasasasas.pptxLog Analysis using OSSEC sasoasasasas.pptx
Log Analysis using OSSEC sasoasasasas.pptxJohnnyPlasten
 
Unveiling Insights: The Role of a Data Analyst
Unveiling Insights: The Role of a Data AnalystUnveiling Insights: The Role of a Data Analyst
Unveiling Insights: The Role of a Data AnalystSamantha Rae Coolbeth
 
VIP Call Girls in Amravati Aarohi 8250192130 Independent Escort Service Amravati
VIP Call Girls in Amravati Aarohi 8250192130 Independent Escort Service AmravatiVIP Call Girls in Amravati Aarohi 8250192130 Independent Escort Service Amravati
VIP Call Girls in Amravati Aarohi 8250192130 Independent Escort Service AmravatiSuhani Kapoor
 
Week-01-2.ppt BBB human Computer interaction
Week-01-2.ppt BBB human Computer interactionWeek-01-2.ppt BBB human Computer interaction
Week-01-2.ppt BBB human Computer interactionfulawalesam
 
Data-Analysis for Chicago Crime Data 2023
Data-Analysis for Chicago Crime Data  2023Data-Analysis for Chicago Crime Data  2023
Data-Analysis for Chicago Crime Data 2023ymrp368
 
Invezz.com - Grow your wealth with trading signals
Invezz.com - Grow your wealth with trading signalsInvezz.com - Grow your wealth with trading signals
Invezz.com - Grow your wealth with trading signalsInvezz1
 
Call me @ 9892124323 Cheap Rate Call Girls in Vashi with Real Photo 100% Secure
Call me @ 9892124323  Cheap Rate Call Girls in Vashi with Real Photo 100% SecureCall me @ 9892124323  Cheap Rate Call Girls in Vashi with Real Photo 100% Secure
Call me @ 9892124323 Cheap Rate Call Girls in Vashi with Real Photo 100% SecurePooja Nehwal
 
VIP High Class Call Girls Jamshedpur Anushka 8250192130 Independent Escort Se...
VIP High Class Call Girls Jamshedpur Anushka 8250192130 Independent Escort Se...VIP High Class Call Girls Jamshedpur Anushka 8250192130 Independent Escort Se...
VIP High Class Call Girls Jamshedpur Anushka 8250192130 Independent Escort Se...Suhani Kapoor
 
Delhi Call Girls CP 9711199171 ☎✔👌✔ Whatsapp Hard And Sexy Vip Call
Delhi Call Girls CP 9711199171 ☎✔👌✔ Whatsapp Hard And Sexy Vip CallDelhi Call Girls CP 9711199171 ☎✔👌✔ Whatsapp Hard And Sexy Vip Call
Delhi Call Girls CP 9711199171 ☎✔👌✔ Whatsapp Hard And Sexy Vip Callshivangimorya083
 
FESE Capital Markets Fact Sheet 2024 Q1.pdf
FESE Capital Markets Fact Sheet 2024 Q1.pdfFESE Capital Markets Fact Sheet 2024 Q1.pdf
FESE Capital Markets Fact Sheet 2024 Q1.pdfMarinCaroMartnezBerg
 
Halmar dropshipping via API with DroFx
Halmar  dropshipping  via API with DroFxHalmar  dropshipping  via API with DroFx
Halmar dropshipping via API with DroFxolyaivanovalion
 
Schema on read is obsolete. Welcome metaprogramming..pdf
Schema on read is obsolete. Welcome metaprogramming..pdfSchema on read is obsolete. Welcome metaprogramming..pdf
Schema on read is obsolete. Welcome metaprogramming..pdfLars Albertsson
 
BPAC WITH UFSBI GENERAL PRESENTATION 18_05_2017-1.pptx
BPAC WITH UFSBI GENERAL PRESENTATION 18_05_2017-1.pptxBPAC WITH UFSBI GENERAL PRESENTATION 18_05_2017-1.pptx
BPAC WITH UFSBI GENERAL PRESENTATION 18_05_2017-1.pptxMohammedJunaid861692
 
Brighton SEO | April 2024 | Data Storytelling
Brighton SEO | April 2024 | Data StorytellingBrighton SEO | April 2024 | Data Storytelling
Brighton SEO | April 2024 | Data StorytellingNeil Barnes
 

Recently uploaded (20)

Al Barsha Escorts $#$ O565212860 $#$ Escort Service In Al Barsha
Al Barsha Escorts $#$ O565212860 $#$ Escort Service In Al BarshaAl Barsha Escorts $#$ O565212860 $#$ Escort Service In Al Barsha
Al Barsha Escorts $#$ O565212860 $#$ Escort Service In Al Barsha
 
代办国外大学文凭《原版美国UCLA文凭证书》加州大学洛杉矶分校毕业证制作成绩单修改
代办国外大学文凭《原版美国UCLA文凭证书》加州大学洛杉矶分校毕业证制作成绩单修改代办国外大学文凭《原版美国UCLA文凭证书》加州大学洛杉矶分校毕业证制作成绩单修改
代办国外大学文凭《原版美国UCLA文凭证书》加州大学洛杉矶分校毕业证制作成绩单修改
 
VIP High Profile Call Girls Amravati Aarushi 8250192130 Independent Escort Se...
VIP High Profile Call Girls Amravati Aarushi 8250192130 Independent Escort Se...VIP High Profile Call Girls Amravati Aarushi 8250192130 Independent Escort Se...
VIP High Profile Call Girls Amravati Aarushi 8250192130 Independent Escort Se...
 
꧁❤ Greater Noida Call Girls Delhi ❤꧂ 9711199171 ☎️ Hard And Sexy Vip Call
꧁❤ Greater Noida Call Girls Delhi ❤꧂ 9711199171 ☎️ Hard And Sexy Vip Call꧁❤ Greater Noida Call Girls Delhi ❤꧂ 9711199171 ☎️ Hard And Sexy Vip Call
꧁❤ Greater Noida Call Girls Delhi ❤꧂ 9711199171 ☎️ Hard And Sexy Vip Call
 
VidaXL dropshipping via API with DroFx.pptx
VidaXL dropshipping via API with DroFx.pptxVidaXL dropshipping via API with DroFx.pptx
VidaXL dropshipping via API with DroFx.pptx
 
Log Analysis using OSSEC sasoasasasas.pptx
Log Analysis using OSSEC sasoasasasas.pptxLog Analysis using OSSEC sasoasasasas.pptx
Log Analysis using OSSEC sasoasasasas.pptx
 
Unveiling Insights: The Role of a Data Analyst
Unveiling Insights: The Role of a Data AnalystUnveiling Insights: The Role of a Data Analyst
Unveiling Insights: The Role of a Data Analyst
 
VIP Call Girls in Amravati Aarohi 8250192130 Independent Escort Service Amravati
VIP Call Girls in Amravati Aarohi 8250192130 Independent Escort Service AmravatiVIP Call Girls in Amravati Aarohi 8250192130 Independent Escort Service Amravati
VIP Call Girls in Amravati Aarohi 8250192130 Independent Escort Service Amravati
 
Week-01-2.ppt BBB human Computer interaction
Week-01-2.ppt BBB human Computer interactionWeek-01-2.ppt BBB human Computer interaction
Week-01-2.ppt BBB human Computer interaction
 
Data-Analysis for Chicago Crime Data 2023
Data-Analysis for Chicago Crime Data  2023Data-Analysis for Chicago Crime Data  2023
Data-Analysis for Chicago Crime Data 2023
 
Invezz.com - Grow your wealth with trading signals
Invezz.com - Grow your wealth with trading signalsInvezz.com - Grow your wealth with trading signals
Invezz.com - Grow your wealth with trading signals
 
Call me @ 9892124323 Cheap Rate Call Girls in Vashi with Real Photo 100% Secure
Call me @ 9892124323  Cheap Rate Call Girls in Vashi with Real Photo 100% SecureCall me @ 9892124323  Cheap Rate Call Girls in Vashi with Real Photo 100% Secure
Call me @ 9892124323 Cheap Rate Call Girls in Vashi with Real Photo 100% Secure
 
VIP High Class Call Girls Jamshedpur Anushka 8250192130 Independent Escort Se...
VIP High Class Call Girls Jamshedpur Anushka 8250192130 Independent Escort Se...VIP High Class Call Girls Jamshedpur Anushka 8250192130 Independent Escort Se...
VIP High Class Call Girls Jamshedpur Anushka 8250192130 Independent Escort Se...
 
Delhi Call Girls CP 9711199171 ☎✔👌✔ Whatsapp Hard And Sexy Vip Call
Delhi Call Girls CP 9711199171 ☎✔👌✔ Whatsapp Hard And Sexy Vip CallDelhi Call Girls CP 9711199171 ☎✔👌✔ Whatsapp Hard And Sexy Vip Call
Delhi Call Girls CP 9711199171 ☎✔👌✔ Whatsapp Hard And Sexy Vip Call
 
FESE Capital Markets Fact Sheet 2024 Q1.pdf
FESE Capital Markets Fact Sheet 2024 Q1.pdfFESE Capital Markets Fact Sheet 2024 Q1.pdf
FESE Capital Markets Fact Sheet 2024 Q1.pdf
 
Delhi 99530 vip 56974 Genuine Escort Service Call Girls in Kishangarh
Delhi 99530 vip 56974 Genuine Escort Service Call Girls in  KishangarhDelhi 99530 vip 56974 Genuine Escort Service Call Girls in  Kishangarh
Delhi 99530 vip 56974 Genuine Escort Service Call Girls in Kishangarh
 
Halmar dropshipping via API with DroFx
Halmar  dropshipping  via API with DroFxHalmar  dropshipping  via API with DroFx
Halmar dropshipping via API with DroFx
 
Schema on read is obsolete. Welcome metaprogramming..pdf
Schema on read is obsolete. Welcome metaprogramming..pdfSchema on read is obsolete. Welcome metaprogramming..pdf
Schema on read is obsolete. Welcome metaprogramming..pdf
 
BPAC WITH UFSBI GENERAL PRESENTATION 18_05_2017-1.pptx
BPAC WITH UFSBI GENERAL PRESENTATION 18_05_2017-1.pptxBPAC WITH UFSBI GENERAL PRESENTATION 18_05_2017-1.pptx
BPAC WITH UFSBI GENERAL PRESENTATION 18_05_2017-1.pptx
 
Brighton SEO | April 2024 | Data Storytelling
Brighton SEO | April 2024 | Data StorytellingBrighton SEO | April 2024 | Data Storytelling
Brighton SEO | April 2024 | Data Storytelling
 

PPT3: Main algorithms and techniques required for implementing Machine Learning & Deep Learning