SlideShare a Scribd company logo
1 of 59
Download to read offline
Disclaimer
Presentations are intended for educational
purposes only and do not replace independent
professional judgment. Statements of fact and
o p i n i o n s e x p r e s s e d a r e t h o s e o f t h e
participants individually and don’t necessarily
reflect those of blibli.com.
Blibli.com does not endorse or approve, and
assumes no responsibility for, the content,
accuracy or completeness of the information
presented.
Machine Learning:
an Introduction and cases
Hendri Karisma
hendri.karisma@gdn-commerce.com
Hendri Karisma
• Sr. Research and Development Engineer
at blibli.com (PT. Global Digital Niaga)
• R&D Team in AI Squad
• Working for Fraud Detection System,
Customer Group for abuser detection,
dynamic recommendation system project
and Customer Segmentation.
• https://about.me/hendriKarisma
Materials
• Definition and background
• Methods
• Problems and Solutions
• Technologies
• Cases
The Definition of Informatics
“Automation of Information” –
Prof. Dr. Ing. Iping Supriana
Artificial Intelligence
 S. Rusel and P. Norvig, Artificial
Intelligence in Modern Approach
Problem Solving agent
 Searching for solution
 Knowledge Base and Planning
 Reasoning
 Learning
Learning
Generalization
Specific Cases
Inductive LearningDeductive Learning
Data ???
Machine Learning Definition
“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.” – Prof. Tom Mitchel
Problem and Solutions
 Analytical (Exact)
Example :
— analytics solution :
— Numerical solution
— Error = | 7.25 – 22/3| = |7.25-7.33|=0.08333
 Numerical (Aprox)
— Is numerical methods just about ML method that we know in the book?
— Newton raphson, Gauss Elimination, Gauss-Jordan, Jacobi method, Gauss-
Seidel, Lagrange, Newton Gregory, Richardson Interpolation, etc.
How it works
Count the error ( y - y')
Then minimize the error
or
Maximize the likelihood
Machine Learning Function
 Information Theory (Decission Tree : ID-Tree,
C4.5, etc)
 Probability (Bayessian : Naive Bayes, Belief
Network, etc)
 Graphical Model (Belief network, HMM, CRF,
Neural Network, etc)
 Numerical Method / Regression (Stochastic
Gradient Descent: Linear Regression, Multiple
Linear Regression, Neural Network,
Stochastic Gradient Ascent : E-M Algorithm)
Machiner Learning Taxonomy
 Supervised
 Unsupervised
 Reinforcement Learning
 Semi-Supervised
 Deep Learning
Machine Learning Taxonomy #2
Methods
Machiner Learning Taxonomy
Regression
Deep Learning
Deep Learning
The four layer of Datamining
Problems
Complexity #1
Complexity #2
Solutions
Solutions #1
Solutions #2
 In-memory data fabric: provides low-latency access and
processing of large quantities of data by distributing data
across the dynamic random access memory (DRAM), Flash, or SSD
of a distributed computer system
Solutions #3
 Cluster machine
 GPU Machine (OpenCL and nVidia CUDA)
Technologies
Tools on python
 Numpy
 Scipy
 Pandas
 Scikit-learn
 Matplotlib
 Seaborn
 Tensorflow
 *pydata.org
 *anaconda
 Other Tech (to support
ML) :
– Apache Kafka
– Apache Spark
– Db: mongo,postgre
– elasticsearch
– CUDA/OpenCL
Tools on java virtual machine (jvm)
 Weka
 Deeplearin4j (working with spark and gpu)
 H2O (working with spark and GPU, support
tensor, mxnet, and cafe)
 JcuDNN (JNI wrapping nvidia cuDNN)
 Mahout (hadoop)
 Mllib Spark
Tools
Stack and Services
Stack and Services
GCP
Compile all components
How we applied Machine Learning
Process mining
 We are using micro services
Another problem
What data that we need???
How to Collect
Event Drive Architecture
Event Drive Architecture
Service ServiceService Service Service
Message queue (kafka)
RecommedationFraud Service
Machine Learning Engine
Cases
Anomaly Detection
Anomaly Detection
 Anomalies are patterns in data that do not conform to a well
defined notion of normal behavior
 These nonconforming patterns : outliers, discordant
observations, exceptions, aberrations, surprises, peculiarities, or
contaminants in different application domains
Challanges
 Defining a normal region
 In many domains normal behavior keeps evolving
 Availability of labeled data for training/validation of models used
by anomaly detection techniques is usually a major issue
 Often the data contains noise that tends to be similar to the
actual anomalies
Anomaly Detection
Solution Method :
 Gaussian MIxture Model
 Fitted by EM - Algorithm
Gaussian Distribution
Before GMM, try to remember the gaussian distribution
Gaussian Distribution Multivariate
Gaussian Mixture
We have 3 gausians
mean 3 clusters on the
right picture.
We have 4 gausians
mean 4 clusters on the
left picture.
Gaussian Mixture (Multivariate)
Gaussian Mixture Multivariate
We have more than one gaussian mixture mean we have more
than one possible position for each data that we want to
distribute to GMM.
for example we have data x then want to trying to distribute x
to GMM, then we need to calculate the probability of x in first
gaussian, then in second gaussian, until our last gaussian. It
mean we have p(x) given each gaussians parameters.
f(x) = argmax{p(x | μ1, Σ1), p(x | μ2, Σ2), p(x | μ3, Σ3),... p(x | μn+1, Σn+1) }
where p is :
p(x | μ, Σ)
EM (Expectation Maximization) Algorithm
• GMM Ref : https://brilliant.org/wiki/gaussian-mixture-model/
EM (Expectation Maximization) Algorithm
, Dimana
Fraud Detection
Fraud Detection
Payment Fraud (phishing,
account take-over, carding)
System abuse (promo, content,
account, logistic and payment
methods especially COD)
Fraud not only result in financial
losses but also produce some
reputational risk.
Some security measures has
been taken by bank or another
multinational finance service.
[E. Duman et al, 2013]
Annual Reports Cybersource
Annual Reports Cybersource
THANK YOU
Any question?

More Related Content

What's hot

Machine Learning Engineer Salary, Roles And Responsibilities, Skills and Resu...
Machine Learning Engineer Salary, Roles And Responsibilities, Skills and Resu...Machine Learning Engineer Salary, Roles And Responsibilities, Skills and Resu...
Machine Learning Engineer Salary, Roles And Responsibilities, Skills and Resu...Simplilearn
 
Introduction to Machine Learning
Introduction to Machine LearningIntroduction to Machine Learning
Introduction to Machine LearningRahul Jain
 
Machine learning-for-dummies-andrews-sobral-activeeon
Machine learning-for-dummies-andrews-sobral-activeeonMachine learning-for-dummies-andrews-sobral-activeeon
Machine learning-for-dummies-andrews-sobral-activeeonActiveeon
 
Machine Learning presentation.
Machine Learning presentation.Machine Learning presentation.
Machine Learning presentation.butest
 
Machine Learning Basics - By Animesh Sinha
Machine Learning Basics - By Animesh Sinha Machine Learning Basics - By Animesh Sinha
Machine Learning Basics - By Animesh Sinha Animesh Sinha
 
Self-training with Noisy Student improves ImageNet classification
Self-training with Noisy Student improves ImageNet classificationSelf-training with Noisy Student improves ImageNet classification
Self-training with Noisy Student improves ImageNet classificationChaehyeon Lee
 
introduction to machine learning
introduction to machine learningintroduction to machine learning
introduction to machine learningJohnson Ubah
 
The path to be a data scientist
The path to be a data scientistThe path to be a data scientist
The path to be a data scientistPoo Kuan Hoong
 
Application of machine learning in industrial applications
Application of machine learning in industrial applicationsApplication of machine learning in industrial applications
Application of machine learning in industrial applicationsAnish Das
 
Machine Learning Project - Neural Network
Machine Learning Project - Neural Network Machine Learning Project - Neural Network
Machine Learning Project - Neural Network HamdaAnees
 
Zero shot-learning: paper presentation
Zero shot-learning: paper presentationZero shot-learning: paper presentation
Zero shot-learning: paper presentationJérémie Kalfon
 
Introduction to machine learning and model building using linear regression
Introduction to machine learning and model building using linear regressionIntroduction to machine learning and model building using linear regression
Introduction to machine learning and model building using linear regressionGirish Gore
 
Thinking about nlp
Thinking about nlpThinking about nlp
Thinking about nlpPan Xiaotong
 
How i became a data scientist
How i became a data scientistHow i became a data scientist
How i became a data scientistOwen Zhang
 
Few shot learning/ one shot learning/ machine learning
Few shot learning/ one shot learning/ machine learningFew shot learning/ one shot learning/ machine learning
Few shot learning/ one shot learning/ machine learningﺁﺻﻒ ﻋﻠﯽ ﻣﯿﺮ
 
Slides ppt
Slides pptSlides ppt
Slides pptbutest
 

What's hot (20)

Machine learning
Machine learningMachine learning
Machine learning
 
Machine Learning Engineer Salary, Roles And Responsibilities, Skills and Resu...
Machine Learning Engineer Salary, Roles And Responsibilities, Skills and Resu...Machine Learning Engineer Salary, Roles And Responsibilities, Skills and Resu...
Machine Learning Engineer Salary, Roles And Responsibilities, Skills and Resu...
 
Introduction to Machine Learning
Introduction to Machine LearningIntroduction to Machine Learning
Introduction to Machine Learning
 
Machine learning-for-dummies-andrews-sobral-activeeon
Machine learning-for-dummies-andrews-sobral-activeeonMachine learning-for-dummies-andrews-sobral-activeeon
Machine learning-for-dummies-andrews-sobral-activeeon
 
Machine learning
Machine learningMachine learning
Machine learning
 
Machine Learning presentation.
Machine Learning presentation.Machine Learning presentation.
Machine Learning presentation.
 
Machine Learning Basics - By Animesh Sinha
Machine Learning Basics - By Animesh Sinha Machine Learning Basics - By Animesh Sinha
Machine Learning Basics - By Animesh Sinha
 
Self-training with Noisy Student improves ImageNet classification
Self-training with Noisy Student improves ImageNet classificationSelf-training with Noisy Student improves ImageNet classification
Self-training with Noisy Student improves ImageNet classification
 
introduction to machine learning
introduction to machine learningintroduction to machine learning
introduction to machine learning
 
The path to be a data scientist
The path to be a data scientistThe path to be a data scientist
The path to be a data scientist
 
Application of machine learning in industrial applications
Application of machine learning in industrial applicationsApplication of machine learning in industrial applications
Application of machine learning in industrial applications
 
Machine Learning Project - Neural Network
Machine Learning Project - Neural Network Machine Learning Project - Neural Network
Machine Learning Project - Neural Network
 
Machine learning
Machine learningMachine learning
Machine learning
 
Zero shot-learning: paper presentation
Zero shot-learning: paper presentationZero shot-learning: paper presentation
Zero shot-learning: paper presentation
 
Terminology Machine Learning
Terminology Machine LearningTerminology Machine Learning
Terminology Machine Learning
 
Introduction to machine learning and model building using linear regression
Introduction to machine learning and model building using linear regressionIntroduction to machine learning and model building using linear regression
Introduction to machine learning and model building using linear regression
 
Thinking about nlp
Thinking about nlpThinking about nlp
Thinking about nlp
 
How i became a data scientist
How i became a data scientistHow i became a data scientist
How i became a data scientist
 
Few shot learning/ one shot learning/ machine learning
Few shot learning/ one shot learning/ machine learningFew shot learning/ one shot learning/ machine learning
Few shot learning/ one shot learning/ machine learning
 
Slides ppt
Slides pptSlides ppt
Slides ppt
 

Similar to Machine Learning: an Introduction and cases

Brief Tour of Machine Learning
Brief Tour of Machine LearningBrief Tour of Machine Learning
Brief Tour of Machine Learningbutest
 
Intro to machine learning
Intro to machine learningIntro to machine learning
Intro to machine learningGovind Mudumbai
 
Say "Hi!" to Your New Boss
Say "Hi!" to Your New BossSay "Hi!" to Your New Boss
Say "Hi!" to Your New BossAndreas Dewes
 
Presentation_Malware Analysis.pptx
Presentation_Malware Analysis.pptxPresentation_Malware Analysis.pptx
Presentation_Malware Analysis.pptxnishanth kurush
 
Imtiaz khan data_science_analytics
Imtiaz khan data_science_analyticsImtiaz khan data_science_analytics
Imtiaz khan data_science_analyticsimtiaz khan
 
Machine learning pour les données massives algorithmes randomis´es, en ligne ...
Machine learning pour les données massives algorithmes randomis´es, en ligne ...Machine learning pour les données massives algorithmes randomis´es, en ligne ...
Machine learning pour les données massives algorithmes randomis´es, en ligne ...Kezhan SHI
 
Machine Learning for Domain Experts
Machine Learning for Domain ExpertsMachine Learning for Domain Experts
Machine Learning for Domain ExpertsMehmet Alican Noyan
 
Machine Learning - Challenges, Learnings & Opportunities
Machine Learning - Challenges, Learnings & OpportunitiesMachine Learning - Challenges, Learnings & Opportunities
Machine Learning - Challenges, Learnings & OpportunitiesCodePolitan
 
detailed Presentation on supervised learning
 detailed Presentation on supervised learning detailed Presentation on supervised learning
detailed Presentation on supervised learningZAMANCHBWN
 
Applied Artificial Intelligence Unit 3 Semester 3 MSc IT Part 2 Mumbai Univer...
Applied Artificial Intelligence Unit 3 Semester 3 MSc IT Part 2 Mumbai Univer...Applied Artificial Intelligence Unit 3 Semester 3 MSc IT Part 2 Mumbai Univer...
Applied Artificial Intelligence Unit 3 Semester 3 MSc IT Part 2 Mumbai Univer...Madhav Mishra
 
Fundementals of Machine Learning and Deep Learning
Fundementals of Machine Learning and Deep Learning Fundementals of Machine Learning and Deep Learning
Fundementals of Machine Learning and Deep Learning ParrotAI
 
ML crash course
ML crash courseML crash course
ML crash coursemikaelhuss
 
GAN Deep Learning Approaches to Image Processing Applications (1).pptx
GAN Deep Learning Approaches to Image Processing Applications (1).pptxGAN Deep Learning Approaches to Image Processing Applications (1).pptx
GAN Deep Learning Approaches to Image Processing Applications (1).pptxRMDAcademicCoordinat
 
Machine learning
Machine learningMachine learning
Machine learningRohit Kumar
 
This is a heavily data-oriented
This is a heavily data-orientedThis is a heavily data-oriented
This is a heavily data-orientedbutest
 
This is a heavily data-oriented
This is a heavily data-orientedThis is a heavily data-oriented
This is a heavily data-orientedbutest
 

Similar to Machine Learning: an Introduction and cases (20)

Brief Tour of Machine Learning
Brief Tour of Machine LearningBrief Tour of Machine Learning
Brief Tour of Machine Learning
 
Intro to machine learning
Intro to machine learningIntro to machine learning
Intro to machine learning
 
Say "Hi!" to Your New Boss
Say "Hi!" to Your New BossSay "Hi!" to Your New Boss
Say "Hi!" to Your New Boss
 
Techniques Machine Learning
Techniques Machine LearningTechniques Machine Learning
Techniques Machine Learning
 
Presentation_Malware Analysis.pptx
Presentation_Malware Analysis.pptxPresentation_Malware Analysis.pptx
Presentation_Malware Analysis.pptx
 
Imtiaz khan data_science_analytics
Imtiaz khan data_science_analyticsImtiaz khan data_science_analytics
Imtiaz khan data_science_analytics
 
Machine learning pour les données massives algorithmes randomis´es, en ligne ...
Machine learning pour les données massives algorithmes randomis´es, en ligne ...Machine learning pour les données massives algorithmes randomis´es, en ligne ...
Machine learning pour les données massives algorithmes randomis´es, en ligne ...
 
Machine Learning for Domain Experts
Machine Learning for Domain ExpertsMachine Learning for Domain Experts
Machine Learning for Domain Experts
 
Machine Learning - Challenges, Learnings & Opportunities
Machine Learning - Challenges, Learnings & OpportunitiesMachine Learning - Challenges, Learnings & Opportunities
Machine Learning - Challenges, Learnings & Opportunities
 
detailed Presentation on supervised learning
 detailed Presentation on supervised learning detailed Presentation on supervised learning
detailed Presentation on supervised learning
 
Applied Artificial Intelligence Unit 3 Semester 3 MSc IT Part 2 Mumbai Univer...
Applied Artificial Intelligence Unit 3 Semester 3 MSc IT Part 2 Mumbai Univer...Applied Artificial Intelligence Unit 3 Semester 3 MSc IT Part 2 Mumbai Univer...
Applied Artificial Intelligence Unit 3 Semester 3 MSc IT Part 2 Mumbai Univer...
 
Fundementals of Machine Learning and Deep Learning
Fundementals of Machine Learning and Deep Learning Fundementals of Machine Learning and Deep Learning
Fundementals of Machine Learning and Deep Learning
 
Machine learning
Machine learningMachine learning
Machine learning
 
module 6 (1).ppt
module 6 (1).pptmodule 6 (1).ppt
module 6 (1).ppt
 
ML crash course
ML crash courseML crash course
ML crash course
 
Primer on major data mining algorithms
Primer on major data mining algorithmsPrimer on major data mining algorithms
Primer on major data mining algorithms
 
GAN Deep Learning Approaches to Image Processing Applications (1).pptx
GAN Deep Learning Approaches to Image Processing Applications (1).pptxGAN Deep Learning Approaches to Image Processing Applications (1).pptx
GAN Deep Learning Approaches to Image Processing Applications (1).pptx
 
Machine learning
Machine learningMachine learning
Machine learning
 
This is a heavily data-oriented
This is a heavily data-orientedThis is a heavily data-oriented
This is a heavily data-oriented
 
This is a heavily data-oriented
This is a heavily data-orientedThis is a heavily data-oriented
This is a heavily data-oriented
 

More from Hendri Karisma

Data - Science and Engineering slide at Bandungpy Sharing Session
Data - Science and Engineering slide at Bandungpy Sharing SessionData - Science and Engineering slide at Bandungpy Sharing Session
Data - Science and Engineering slide at Bandungpy Sharing SessionHendri Karisma
 
ML Abstraciton for Keras to Serve Several Cases
ML Abstraciton for Keras to Serve Several CasesML Abstraciton for Keras to Serve Several Cases
ML Abstraciton for Keras to Serve Several CasesHendri Karisma
 
Data Analytics Today - Data, Tech, and Regulation.pdf
Data Analytics Today - Data, Tech, and Regulation.pdfData Analytics Today - Data, Tech, and Regulation.pdf
Data Analytics Today - Data, Tech, and Regulation.pdfHendri Karisma
 
Python 101 - Indonesia AI Society.pdf
Python 101 - Indonesia AI Society.pdfPython 101 - Indonesia AI Society.pdf
Python 101 - Indonesia AI Society.pdfHendri Karisma
 
Slide DevSecOps Microservices
Slide DevSecOps Microservices Slide DevSecOps Microservices
Slide DevSecOps Microservices Hendri Karisma
 
Machine Learning Research in blibli
Machine Learning Research in blibliMachine Learning Research in blibli
Machine Learning Research in blibliHendri Karisma
 
Comparison Study of Neural Network and Deep Neural Network on Repricing GAP P...
Comparison Study of Neural Network and Deep Neural Network on Repricing GAP P...Comparison Study of Neural Network and Deep Neural Network on Repricing GAP P...
Comparison Study of Neural Network and Deep Neural Network on Repricing GAP P...Hendri Karisma
 
Fraud Detection System using Deep Neural Networks
Fraud Detection System using Deep Neural NetworksFraud Detection System using Deep Neural Networks
Fraud Detection System using Deep Neural NetworksHendri Karisma
 
Artificial Intelligence and The Complexity
Artificial Intelligence and The ComplexityArtificial Intelligence and The Complexity
Artificial Intelligence and The ComplexityHendri Karisma
 
Software Engineering: Today in The Betlefield
Software Engineering: Today in The BetlefieldSoftware Engineering: Today in The Betlefield
Software Engineering: Today in The BetlefieldHendri Karisma
 
Introduction to Topological Data Analysis
Introduction to Topological Data AnalysisIntroduction to Topological Data Analysis
Introduction to Topological Data AnalysisHendri Karisma
 
Presentasi cca it now and tomorow
Presentasi cca it now and tomorowPresentasi cca it now and tomorow
Presentasi cca it now and tomorowHendri Karisma
 
Slide Presentasi EM Algorithm (Play Tennis & Brain Tissue Segmentation)
Slide Presentasi EM Algorithm (Play Tennis & Brain Tissue Segmentation)Slide Presentasi EM Algorithm (Play Tennis & Brain Tissue Segmentation)
Slide Presentasi EM Algorithm (Play Tennis & Brain Tissue Segmentation)Hendri Karisma
 
Slide Presentasi Kelompok E bagian Sistem Rekognisi
Slide Presentasi Kelompok E bagian Sistem RekognisiSlide Presentasi Kelompok E bagian Sistem Rekognisi
Slide Presentasi Kelompok E bagian Sistem RekognisiHendri Karisma
 
Slide Presentasi Kelompok Keilmuan E
Slide Presentasi Kelompok Keilmuan ESlide Presentasi Kelompok Keilmuan E
Slide Presentasi Kelompok Keilmuan EHendri Karisma
 
Slide Seminar Open Source (CodeLabs UNIKOM Bandung)
Slide Seminar Open Source (CodeLabs UNIKOM Bandung)Slide Seminar Open Source (CodeLabs UNIKOM Bandung)
Slide Seminar Open Source (CodeLabs UNIKOM Bandung)Hendri Karisma
 

More from Hendri Karisma (18)

Data - Science and Engineering slide at Bandungpy Sharing Session
Data - Science and Engineering slide at Bandungpy Sharing SessionData - Science and Engineering slide at Bandungpy Sharing Session
Data - Science and Engineering slide at Bandungpy Sharing Session
 
ML Abstraciton for Keras to Serve Several Cases
ML Abstraciton for Keras to Serve Several CasesML Abstraciton for Keras to Serve Several Cases
ML Abstraciton for Keras to Serve Several Cases
 
Data Analytics Today - Data, Tech, and Regulation.pdf
Data Analytics Today - Data, Tech, and Regulation.pdfData Analytics Today - Data, Tech, and Regulation.pdf
Data Analytics Today - Data, Tech, and Regulation.pdf
 
Python 101 - Indonesia AI Society.pdf
Python 101 - Indonesia AI Society.pdfPython 101 - Indonesia AI Society.pdf
Python 101 - Indonesia AI Society.pdf
 
Slide DevSecOps Microservices
Slide DevSecOps Microservices Slide DevSecOps Microservices
Slide DevSecOps Microservices
 
Machine Learning Research in blibli
Machine Learning Research in blibliMachine Learning Research in blibli
Machine Learning Research in blibli
 
Comparison Study of Neural Network and Deep Neural Network on Repricing GAP P...
Comparison Study of Neural Network and Deep Neural Network on Repricing GAP P...Comparison Study of Neural Network and Deep Neural Network on Repricing GAP P...
Comparison Study of Neural Network and Deep Neural Network on Repricing GAP P...
 
Fraud Detection System using Deep Neural Networks
Fraud Detection System using Deep Neural NetworksFraud Detection System using Deep Neural Networks
Fraud Detection System using Deep Neural Networks
 
Artificial Intelligence and The Complexity
Artificial Intelligence and The ComplexityArtificial Intelligence and The Complexity
Artificial Intelligence and The Complexity
 
Software Engineering: Today in The Betlefield
Software Engineering: Today in The BetlefieldSoftware Engineering: Today in The Betlefield
Software Engineering: Today in The Betlefield
 
Introduction to Topological Data Analysis
Introduction to Topological Data AnalysisIntroduction to Topological Data Analysis
Introduction to Topological Data Analysis
 
Sharing-akka-pub
Sharing-akka-pubSharing-akka-pub
Sharing-akka-pub
 
Presentasi cca it now and tomorow
Presentasi cca it now and tomorowPresentasi cca it now and tomorow
Presentasi cca it now and tomorow
 
Bayes Belief Network
Bayes Belief NetworkBayes Belief Network
Bayes Belief Network
 
Slide Presentasi EM Algorithm (Play Tennis & Brain Tissue Segmentation)
Slide Presentasi EM Algorithm (Play Tennis & Brain Tissue Segmentation)Slide Presentasi EM Algorithm (Play Tennis & Brain Tissue Segmentation)
Slide Presentasi EM Algorithm (Play Tennis & Brain Tissue Segmentation)
 
Slide Presentasi Kelompok E bagian Sistem Rekognisi
Slide Presentasi Kelompok E bagian Sistem RekognisiSlide Presentasi Kelompok E bagian Sistem Rekognisi
Slide Presentasi Kelompok E bagian Sistem Rekognisi
 
Slide Presentasi Kelompok Keilmuan E
Slide Presentasi Kelompok Keilmuan ESlide Presentasi Kelompok Keilmuan E
Slide Presentasi Kelompok Keilmuan E
 
Slide Seminar Open Source (CodeLabs UNIKOM Bandung)
Slide Seminar Open Source (CodeLabs UNIKOM Bandung)Slide Seminar Open Source (CodeLabs UNIKOM Bandung)
Slide Seminar Open Source (CodeLabs UNIKOM Bandung)
 

Recently uploaded

Neo4j - How KGs are shaping the future of Generative AI at AWS Summit London ...
Neo4j - How KGs are shaping the future of Generative AI at AWS Summit London ...Neo4j - How KGs are shaping the future of Generative AI at AWS Summit London ...
Neo4j - How KGs are shaping the future of Generative AI at AWS Summit London ...Neo4j
 
Tech-Forward - Achieving Business Readiness For Copilot in Microsoft 365
Tech-Forward - Achieving Business Readiness For Copilot in Microsoft 365Tech-Forward - Achieving Business Readiness For Copilot in Microsoft 365
Tech-Forward - Achieving Business Readiness For Copilot in Microsoft 3652toLead Limited
 
08448380779 Call Girls In Friends Colony Women Seeking Men
08448380779 Call Girls In Friends Colony Women Seeking Men08448380779 Call Girls In Friends Colony Women Seeking Men
08448380779 Call Girls In Friends Colony Women Seeking MenDelhi Call girls
 
08448380779 Call Girls In Civil Lines Women Seeking Men
08448380779 Call Girls In Civil Lines Women Seeking Men08448380779 Call Girls In Civil Lines Women Seeking Men
08448380779 Call Girls In Civil Lines Women Seeking MenDelhi Call girls
 
Slack Application Development 101 Slides
Slack Application Development 101 SlidesSlack Application Development 101 Slides
Slack Application Development 101 Slidespraypatel2
 
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
 
My Hashitalk Indonesia April 2024 Presentation
My Hashitalk Indonesia April 2024 PresentationMy Hashitalk Indonesia April 2024 Presentation
My Hashitalk Indonesia April 2024 PresentationRidwan Fadjar
 
Swan(sea) Song – personal research during my six years at Swansea ... and bey...
Swan(sea) Song – personal research during my six years at Swansea ... and bey...Swan(sea) Song – personal research during my six years at Swansea ... and bey...
Swan(sea) Song – personal research during my six years at Swansea ... and bey...Alan Dix
 
AI as an Interface for Commercial Buildings
AI as an Interface for Commercial BuildingsAI as an Interface for Commercial Buildings
AI as an Interface for Commercial BuildingsMemoori
 
08448380779 Call Girls In Greater Kailash - I Women Seeking Men
08448380779 Call Girls In Greater Kailash - I Women Seeking Men08448380779 Call Girls In Greater Kailash - I Women Seeking Men
08448380779 Call Girls In Greater Kailash - I Women Seeking MenDelhi Call girls
 
A Domino Admins Adventures (Engage 2024)
A Domino Admins Adventures (Engage 2024)A Domino Admins Adventures (Engage 2024)
A Domino Admins Adventures (Engage 2024)Gabriella Davis
 
Transcript: #StandardsGoals for 2024: What’s new for BISAC - Tech Forum 2024
Transcript: #StandardsGoals for 2024: What’s new for BISAC - Tech Forum 2024Transcript: #StandardsGoals for 2024: What’s new for BISAC - Tech Forum 2024
Transcript: #StandardsGoals for 2024: What’s new for BISAC - Tech Forum 2024BookNet Canada
 
Benefits Of Flutter Compared To Other Frameworks
Benefits Of Flutter Compared To Other FrameworksBenefits Of Flutter Compared To Other Frameworks
Benefits Of Flutter Compared To Other FrameworksSoftradix Technologies
 
08448380779 Call Girls In Diplomatic Enclave Women Seeking Men
08448380779 Call Girls In Diplomatic Enclave Women Seeking Men08448380779 Call Girls In Diplomatic Enclave Women Seeking Men
08448380779 Call Girls In Diplomatic Enclave Women Seeking MenDelhi Call girls
 
Salesforce Community Group Quito, Salesforce 101
Salesforce Community Group Quito, Salesforce 101Salesforce Community Group Quito, Salesforce 101
Salesforce Community Group Quito, Salesforce 101Paola De la Torre
 
The 7 Things I Know About Cyber Security After 25 Years | April 2024
The 7 Things I Know About Cyber Security After 25 Years | April 2024The 7 Things I Know About Cyber Security After 25 Years | April 2024
The 7 Things I Know About Cyber Security After 25 Years | April 2024Rafal Los
 
Pigging Solutions Piggable Sweeping Elbows
Pigging Solutions Piggable Sweeping ElbowsPigging Solutions Piggable Sweeping Elbows
Pigging Solutions Piggable Sweeping ElbowsPigging Solutions
 
Factors to Consider When Choosing Accounts Payable Services Providers.pptx
Factors to Consider When Choosing Accounts Payable Services Providers.pptxFactors to Consider When Choosing Accounts Payable Services Providers.pptx
Factors to Consider When Choosing Accounts Payable Services Providers.pptxKatpro Technologies
 
Unblocking The Main Thread Solving ANRs and Frozen Frames
Unblocking The Main Thread Solving ANRs and Frozen FramesUnblocking The Main Thread Solving ANRs and Frozen Frames
Unblocking The Main Thread Solving ANRs and Frozen FramesSinan KOZAK
 
Injustice - Developers Among Us (SciFiDevCon 2024)
Injustice - Developers Among Us (SciFiDevCon 2024)Injustice - Developers Among Us (SciFiDevCon 2024)
Injustice - Developers Among Us (SciFiDevCon 2024)Allon Mureinik
 

Recently uploaded (20)

Neo4j - How KGs are shaping the future of Generative AI at AWS Summit London ...
Neo4j - How KGs are shaping the future of Generative AI at AWS Summit London ...Neo4j - How KGs are shaping the future of Generative AI at AWS Summit London ...
Neo4j - How KGs are shaping the future of Generative AI at AWS Summit London ...
 
Tech-Forward - Achieving Business Readiness For Copilot in Microsoft 365
Tech-Forward - Achieving Business Readiness For Copilot in Microsoft 365Tech-Forward - Achieving Business Readiness For Copilot in Microsoft 365
Tech-Forward - Achieving Business Readiness For Copilot in Microsoft 365
 
08448380779 Call Girls In Friends Colony Women Seeking Men
08448380779 Call Girls In Friends Colony Women Seeking Men08448380779 Call Girls In Friends Colony Women Seeking Men
08448380779 Call Girls In Friends Colony Women Seeking Men
 
08448380779 Call Girls In Civil Lines Women Seeking Men
08448380779 Call Girls In Civil Lines Women Seeking Men08448380779 Call Girls In Civil Lines Women Seeking Men
08448380779 Call Girls In Civil Lines Women Seeking Men
 
Slack Application Development 101 Slides
Slack Application Development 101 SlidesSlack Application Development 101 Slides
Slack Application Development 101 Slides
 
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
 
My Hashitalk Indonesia April 2024 Presentation
My Hashitalk Indonesia April 2024 PresentationMy Hashitalk Indonesia April 2024 Presentation
My Hashitalk Indonesia April 2024 Presentation
 
Swan(sea) Song – personal research during my six years at Swansea ... and bey...
Swan(sea) Song – personal research during my six years at Swansea ... and bey...Swan(sea) Song – personal research during my six years at Swansea ... and bey...
Swan(sea) Song – personal research during my six years at Swansea ... and bey...
 
AI as an Interface for Commercial Buildings
AI as an Interface for Commercial BuildingsAI as an Interface for Commercial Buildings
AI as an Interface for Commercial Buildings
 
08448380779 Call Girls In Greater Kailash - I Women Seeking Men
08448380779 Call Girls In Greater Kailash - I Women Seeking Men08448380779 Call Girls In Greater Kailash - I Women Seeking Men
08448380779 Call Girls In Greater Kailash - I Women Seeking Men
 
A Domino Admins Adventures (Engage 2024)
A Domino Admins Adventures (Engage 2024)A Domino Admins Adventures (Engage 2024)
A Domino Admins Adventures (Engage 2024)
 
Transcript: #StandardsGoals for 2024: What’s new for BISAC - Tech Forum 2024
Transcript: #StandardsGoals for 2024: What’s new for BISAC - Tech Forum 2024Transcript: #StandardsGoals for 2024: What’s new for BISAC - Tech Forum 2024
Transcript: #StandardsGoals for 2024: What’s new for BISAC - Tech Forum 2024
 
Benefits Of Flutter Compared To Other Frameworks
Benefits Of Flutter Compared To Other FrameworksBenefits Of Flutter Compared To Other Frameworks
Benefits Of Flutter Compared To Other Frameworks
 
08448380779 Call Girls In Diplomatic Enclave Women Seeking Men
08448380779 Call Girls In Diplomatic Enclave Women Seeking Men08448380779 Call Girls In Diplomatic Enclave Women Seeking Men
08448380779 Call Girls In Diplomatic Enclave Women Seeking Men
 
Salesforce Community Group Quito, Salesforce 101
Salesforce Community Group Quito, Salesforce 101Salesforce Community Group Quito, Salesforce 101
Salesforce Community Group Quito, Salesforce 101
 
The 7 Things I Know About Cyber Security After 25 Years | April 2024
The 7 Things I Know About Cyber Security After 25 Years | April 2024The 7 Things I Know About Cyber Security After 25 Years | April 2024
The 7 Things I Know About Cyber Security After 25 Years | April 2024
 
Pigging Solutions Piggable Sweeping Elbows
Pigging Solutions Piggable Sweeping ElbowsPigging Solutions Piggable Sweeping Elbows
Pigging Solutions Piggable Sweeping Elbows
 
Factors to Consider When Choosing Accounts Payable Services Providers.pptx
Factors to Consider When Choosing Accounts Payable Services Providers.pptxFactors to Consider When Choosing Accounts Payable Services Providers.pptx
Factors to Consider When Choosing Accounts Payable Services Providers.pptx
 
Unblocking The Main Thread Solving ANRs and Frozen Frames
Unblocking The Main Thread Solving ANRs and Frozen FramesUnblocking The Main Thread Solving ANRs and Frozen Frames
Unblocking The Main Thread Solving ANRs and Frozen Frames
 
Injustice - Developers Among Us (SciFiDevCon 2024)
Injustice - Developers Among Us (SciFiDevCon 2024)Injustice - Developers Among Us (SciFiDevCon 2024)
Injustice - Developers Among Us (SciFiDevCon 2024)
 

Machine Learning: an Introduction and cases