SlideShare a Scribd company logo
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?
Ad

More Related Content

What's hot (20)

Machine learning
Machine learningMachine learning
Machine learning
omaraldabash
 
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 Learning
Rahul 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-activeeon
Activeeon
 
Machine learning
Machine learningMachine learning
Machine learning
LawyerAiman1
 
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 classification
Chaehyeon Lee
 
introduction to machine learning
introduction to machine learningintroduction to machine learning
introduction to machine learning
Johnson 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 scientist
Poo 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 applications
Anish Das
 
Machine Learning Project - Neural Network
Machine Learning Project - Neural Network Machine Learning Project - Neural Network
Machine Learning Project - Neural Network
HamdaAnees
 
Machine learning
Machine learningMachine learning
Machine learning
Andrea Iacono
 
Zero shot-learning: paper presentation
Zero shot-learning: paper presentationZero shot-learning: paper presentation
Zero shot-learning: paper presentation
Jérémie Kalfon
 
Terminology Machine Learning
Terminology Machine LearningTerminology Machine Learning
Terminology Machine Learning
DataminingTools Inc
 
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
Girish Gore
 
Thinking about nlp
Thinking about nlpThinking about nlp
Thinking about nlp
Pan Xiaotong
 
How i became a data scientist
How i became a data scientistHow i became a data scientist
How i became a data scientist
Owen 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 ppt
butest
 
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 Learning
Rahul 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-activeeon
Activeeon
 
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 classification
Chaehyeon Lee
 
introduction to machine learning
introduction to machine learningintroduction to machine learning
introduction to machine learning
Johnson 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 scientist
Poo 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 applications
Anish 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 presentation
Jé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 regression
Girish Gore
 
Thinking about nlp
Thinking about nlpThinking about nlp
Thinking about nlp
Pan Xiaotong
 
How i became a data scientist
How i became a data scientistHow i became a data scientist
How i became a data scientist
Owen 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 ppt
butest
 

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
butest
 
Intro to machine learning
Intro to machine learningIntro to machine learning
Intro to machine learning
Govind Mudumbai
 
Say "Hi!" to Your New Boss
Say "Hi!" to Your New BossSay "Hi!" to Your New Boss
Say "Hi!" to Your New Boss
Andreas Dewes
 
Techniques Machine Learning
Techniques Machine LearningTechniques Machine Learning
Techniques Machine Learning
DataminingTools Inc
 
Presentation_Malware Analysis.pptx
Presentation_Malware Analysis.pptxPresentation_Malware Analysis.pptx
Presentation_Malware Analysis.pptx
nishanth kurush
 
Imtiaz khan data_science_analytics
Imtiaz khan data_science_analyticsImtiaz khan data_science_analytics
Imtiaz khan data_science_analytics
imtiaz 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 Experts
Mehmet Alican Noyan
 
ml basics ARTIFICIAL INTELLIGENCE, MACHINE LEARNING, TYPES OF MACHINE LEARNIN...
ml basics ARTIFICIAL INTELLIGENCE, MACHINE LEARNING, TYPES OF MACHINE LEARNIN...ml basics ARTIFICIAL INTELLIGENCE, MACHINE LEARNING, TYPES OF MACHINE LEARNIN...
ml basics ARTIFICIAL INTELLIGENCE, MACHINE LEARNING, TYPES OF MACHINE LEARNIN...
EmanAmir9
 
Machine Learning - Challenges, Learnings & Opportunities
Machine Learning - Challenges, Learnings & OpportunitiesMachine Learning - Challenges, Learnings & Opportunities
Machine Learning - Challenges, Learnings & Opportunities
CodePolitan
 
detailed Presentation on supervised learning
 detailed Presentation on supervised learning detailed Presentation on supervised learning
detailed Presentation on supervised learning
ZAMANCHBWN
 
Unit - 1 - Introduction of the machine learning
Unit - 1 - Introduction of the machine learningUnit - 1 - Introduction of the machine learning
Unit - 1 - Introduction of the machine learning
Taranpreet Singh
 
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
 
Forms of learning in Artificial intelligence and learning
Forms of learning in Artificial intelligence and learningForms of learning in Artificial intelligence and learning
Forms of learning in Artificial intelligence and learning
ucss2144700
 
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
 
Machine learning
Machine learningMachine learning
Machine learning
Dr Geetha Mohan
 
module 6 (1).ppt
module 6 (1).pptmodule 6 (1).ppt
module 6 (1).ppt
AKSHAYAROHITHKB1
 
ML crash course
ML crash courseML crash course
ML crash course
mikaelhuss
 
Primer on major data mining algorithms
Primer on major data mining algorithmsPrimer on major data mining algorithms
Primer on major data mining algorithms
Vikram Sankhala IIT, IIM, Ex IRS, FRM, Fin.Engr
 
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
RMDAcademicCoordinat
 
Brief Tour of Machine Learning
Brief Tour of Machine LearningBrief Tour of Machine Learning
Brief Tour of Machine Learning
butest
 
Intro to machine learning
Intro to machine learningIntro to machine learning
Intro to machine learning
Govind Mudumbai
 
Say "Hi!" to Your New Boss
Say "Hi!" to Your New BossSay "Hi!" to Your New Boss
Say "Hi!" to Your New Boss
Andreas Dewes
 
Presentation_Malware Analysis.pptx
Presentation_Malware Analysis.pptxPresentation_Malware Analysis.pptx
Presentation_Malware Analysis.pptx
nishanth kurush
 
Imtiaz khan data_science_analytics
Imtiaz khan data_science_analyticsImtiaz khan data_science_analytics
Imtiaz khan data_science_analytics
imtiaz 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 Experts
Mehmet Alican Noyan
 
ml basics ARTIFICIAL INTELLIGENCE, MACHINE LEARNING, TYPES OF MACHINE LEARNIN...
ml basics ARTIFICIAL INTELLIGENCE, MACHINE LEARNING, TYPES OF MACHINE LEARNIN...ml basics ARTIFICIAL INTELLIGENCE, MACHINE LEARNING, TYPES OF MACHINE LEARNIN...
ml basics ARTIFICIAL INTELLIGENCE, MACHINE LEARNING, TYPES OF MACHINE LEARNIN...
EmanAmir9
 
Machine Learning - Challenges, Learnings & Opportunities
Machine Learning - Challenges, Learnings & OpportunitiesMachine Learning - Challenges, Learnings & Opportunities
Machine Learning - Challenges, Learnings & Opportunities
CodePolitan
 
detailed Presentation on supervised learning
 detailed Presentation on supervised learning detailed Presentation on supervised learning
detailed Presentation on supervised learning
ZAMANCHBWN
 
Unit - 1 - Introduction of the machine learning
Unit - 1 - Introduction of the machine learningUnit - 1 - Introduction of the machine learning
Unit - 1 - Introduction of the machine learning
Taranpreet Singh
 
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
 
Forms of learning in Artificial intelligence and learning
Forms of learning in Artificial intelligence and learningForms of learning in Artificial intelligence and learning
Forms of learning in Artificial intelligence and learning
ucss2144700
 
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 course
mikaelhuss
 
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
RMDAcademicCoordinat
 
Ad

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
Hendri 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 Cases
Hendri 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.pdf
Hendri Karisma
 
Python 101 - Indonesia AI Society.pdf
Python 101 - Indonesia AI Society.pdfPython 101 - Indonesia AI Society.pdf
Python 101 - Indonesia AI Society.pdf
Hendri 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 blibli
Hendri 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 Networks
Hendri Karisma
 
Artificial Intelligence and The Complexity
Artificial Intelligence and The ComplexityArtificial Intelligence and The Complexity
Artificial Intelligence and The Complexity
Hendri Karisma
 
Software Engineering: Today in The Betlefield
Software Engineering: Today in The BetlefieldSoftware Engineering: Today in The Betlefield
Software Engineering: Today in The Betlefield
Hendri Karisma
 
Introduction to Topological Data Analysis
Introduction to Topological Data AnalysisIntroduction to Topological Data Analysis
Introduction to Topological Data Analysis
Hendri Karisma
 
Sharing-akka-pub
Sharing-akka-pubSharing-akka-pub
Sharing-akka-pub
Hendri Karisma
 
Presentasi cca it now and tomorow
Presentasi cca it now and tomorowPresentasi cca it now and tomorow
Presentasi cca it now and tomorow
Hendri Karisma
 
Bayes Belief Network
Bayes Belief NetworkBayes Belief Network
Bayes Belief Network
Hendri 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 Rekognisi
Hendri Karisma
 
Slide Presentasi Kelompok Keilmuan E
Slide Presentasi Kelompok Keilmuan ESlide Presentasi Kelompok Keilmuan E
Slide Presentasi Kelompok Keilmuan E
Hendri 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
 
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
Hendri 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 Cases
Hendri 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.pdf
Hendri Karisma
 
Python 101 - Indonesia AI Society.pdf
Python 101 - Indonesia AI Society.pdfPython 101 - Indonesia AI Society.pdf
Python 101 - Indonesia AI Society.pdf
Hendri 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 blibli
Hendri 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 Networks
Hendri Karisma
 
Artificial Intelligence and The Complexity
Artificial Intelligence and The ComplexityArtificial Intelligence and The Complexity
Artificial Intelligence and The Complexity
Hendri Karisma
 
Software Engineering: Today in The Betlefield
Software Engineering: Today in The BetlefieldSoftware Engineering: Today in The Betlefield
Software Engineering: Today in The Betlefield
Hendri Karisma
 
Introduction to Topological Data Analysis
Introduction to Topological Data AnalysisIntroduction to Topological Data Analysis
Introduction to Topological Data Analysis
Hendri Karisma
 
Presentasi cca it now and tomorow
Presentasi cca it now and tomorowPresentasi cca it now and tomorow
Presentasi cca it now and tomorow
Hendri 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 Rekognisi
Hendri Karisma
 
Slide Presentasi Kelompok Keilmuan E
Slide Presentasi Kelompok Keilmuan ESlide Presentasi Kelompok Keilmuan E
Slide Presentasi Kelompok Keilmuan E
Hendri 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
 
Ad

Recently uploaded (20)

ThousandEyes Partner Innovation Updates for May 2025
ThousandEyes Partner Innovation Updates for May 2025ThousandEyes Partner Innovation Updates for May 2025
ThousandEyes Partner Innovation Updates for May 2025
ThousandEyes
 
Enhancing ICU Intelligence: How Our Functional Testing Enabled a Healthcare I...
Enhancing ICU Intelligence: How Our Functional Testing Enabled a Healthcare I...Enhancing ICU Intelligence: How Our Functional Testing Enabled a Healthcare I...
Enhancing ICU Intelligence: How Our Functional Testing Enabled a Healthcare I...
Impelsys Inc.
 
AI and Data Privacy in 2025: Global Trends
AI and Data Privacy in 2025: Global TrendsAI and Data Privacy in 2025: Global Trends
AI and Data Privacy in 2025: Global Trends
InData Labs
 
Dev Dives: Automate and orchestrate your processes with UiPath Maestro
Dev Dives: Automate and orchestrate your processes with UiPath MaestroDev Dives: Automate and orchestrate your processes with UiPath Maestro
Dev Dives: Automate and orchestrate your processes with UiPath Maestro
UiPathCommunity
 
SAP Modernization: Maximizing the Value of Your SAP S/4HANA Migration.pdf
SAP Modernization: Maximizing the Value of Your SAP S/4HANA Migration.pdfSAP Modernization: Maximizing the Value of Your SAP S/4HANA Migration.pdf
SAP Modernization: Maximizing the Value of Your SAP S/4HANA Migration.pdf
Precisely
 
Rusty Waters: Elevating Lakehouses Beyond Spark
Rusty Waters: Elevating Lakehouses Beyond SparkRusty Waters: Elevating Lakehouses Beyond Spark
Rusty Waters: Elevating Lakehouses Beyond Spark
carlyakerly1
 
Increasing Retail Store Efficiency How can Planograms Save Time and Money.pptx
Increasing Retail Store Efficiency How can Planograms Save Time and Money.pptxIncreasing Retail Store Efficiency How can Planograms Save Time and Money.pptx
Increasing Retail Store Efficiency How can Planograms Save Time and Money.pptx
Anoop Ashok
 
AI EngineHost Review: Revolutionary USA Datacenter-Based Hosting with NVIDIA ...
AI EngineHost Review: Revolutionary USA Datacenter-Based Hosting with NVIDIA ...AI EngineHost Review: Revolutionary USA Datacenter-Based Hosting with NVIDIA ...
AI EngineHost Review: Revolutionary USA Datacenter-Based Hosting with NVIDIA ...
SOFTTECHHUB
 
Designing Low-Latency Systems with Rust and ScyllaDB: An Architectural Deep Dive
Designing Low-Latency Systems with Rust and ScyllaDB: An Architectural Deep DiveDesigning Low-Latency Systems with Rust and ScyllaDB: An Architectural Deep Dive
Designing Low-Latency Systems with Rust and ScyllaDB: An Architectural Deep Dive
ScyllaDB
 
Greenhouse_Monitoring_Presentation.pptx.
Greenhouse_Monitoring_Presentation.pptx.Greenhouse_Monitoring_Presentation.pptx.
Greenhouse_Monitoring_Presentation.pptx.
hpbmnnxrvb
 
What is Model Context Protocol(MCP) - The new technology for communication bw...
What is Model Context Protocol(MCP) - The new technology for communication bw...What is Model Context Protocol(MCP) - The new technology for communication bw...
What is Model Context Protocol(MCP) - The new technology for communication bw...
Vishnu Singh Chundawat
 
Quantum Computing Quick Research Guide by Arthur Morgan
Quantum Computing Quick Research Guide by Arthur MorganQuantum Computing Quick Research Guide by Arthur Morgan
Quantum Computing Quick Research Guide by Arthur Morgan
Arthur Morgan
 
DevOpsDays Atlanta 2025 - Building 10x Development Organizations.pptx
DevOpsDays Atlanta 2025 - Building 10x Development Organizations.pptxDevOpsDays Atlanta 2025 - Building 10x Development Organizations.pptx
DevOpsDays Atlanta 2025 - Building 10x Development Organizations.pptx
Justin Reock
 
Mobile App Development Company in Saudi Arabia
Mobile App Development Company in Saudi ArabiaMobile App Development Company in Saudi Arabia
Mobile App Development Company in Saudi Arabia
Steve Jonas
 
Into The Box Conference Keynote Day 1 (ITB2025)
Into The Box Conference Keynote Day 1 (ITB2025)Into The Box Conference Keynote Day 1 (ITB2025)
Into The Box Conference Keynote Day 1 (ITB2025)
Ortus Solutions, Corp
 
Andrew Marnell: Transforming Business Strategy Through Data-Driven Insights
Andrew Marnell: Transforming Business Strategy Through Data-Driven InsightsAndrew Marnell: Transforming Business Strategy Through Data-Driven Insights
Andrew Marnell: Transforming Business Strategy Through Data-Driven Insights
Andrew Marnell
 
Role of Data Annotation Services in AI-Powered Manufacturing
Role of Data Annotation Services in AI-Powered ManufacturingRole of Data Annotation Services in AI-Powered Manufacturing
Role of Data Annotation Services in AI-Powered Manufacturing
Andrew Leo
 
Cyber Awareness overview for 2025 month of security
Cyber Awareness overview for 2025 month of securityCyber Awareness overview for 2025 month of security
Cyber Awareness overview for 2025 month of security
riccardosl1
 
2025-05-Q4-2024-Investor-Presentation.pptx
2025-05-Q4-2024-Investor-Presentation.pptx2025-05-Q4-2024-Investor-Presentation.pptx
2025-05-Q4-2024-Investor-Presentation.pptx
Samuele Fogagnolo
 
Linux Support for SMARC: How Toradex Empowers Embedded Developers
Linux Support for SMARC: How Toradex Empowers Embedded DevelopersLinux Support for SMARC: How Toradex Empowers Embedded Developers
Linux Support for SMARC: How Toradex Empowers Embedded Developers
Toradex
 
ThousandEyes Partner Innovation Updates for May 2025
ThousandEyes Partner Innovation Updates for May 2025ThousandEyes Partner Innovation Updates for May 2025
ThousandEyes Partner Innovation Updates for May 2025
ThousandEyes
 
Enhancing ICU Intelligence: How Our Functional Testing Enabled a Healthcare I...
Enhancing ICU Intelligence: How Our Functional Testing Enabled a Healthcare I...Enhancing ICU Intelligence: How Our Functional Testing Enabled a Healthcare I...
Enhancing ICU Intelligence: How Our Functional Testing Enabled a Healthcare I...
Impelsys Inc.
 
AI and Data Privacy in 2025: Global Trends
AI and Data Privacy in 2025: Global TrendsAI and Data Privacy in 2025: Global Trends
AI and Data Privacy in 2025: Global Trends
InData Labs
 
Dev Dives: Automate and orchestrate your processes with UiPath Maestro
Dev Dives: Automate and orchestrate your processes with UiPath MaestroDev Dives: Automate and orchestrate your processes with UiPath Maestro
Dev Dives: Automate and orchestrate your processes with UiPath Maestro
UiPathCommunity
 
SAP Modernization: Maximizing the Value of Your SAP S/4HANA Migration.pdf
SAP Modernization: Maximizing the Value of Your SAP S/4HANA Migration.pdfSAP Modernization: Maximizing the Value of Your SAP S/4HANA Migration.pdf
SAP Modernization: Maximizing the Value of Your SAP S/4HANA Migration.pdf
Precisely
 
Rusty Waters: Elevating Lakehouses Beyond Spark
Rusty Waters: Elevating Lakehouses Beyond SparkRusty Waters: Elevating Lakehouses Beyond Spark
Rusty Waters: Elevating Lakehouses Beyond Spark
carlyakerly1
 
Increasing Retail Store Efficiency How can Planograms Save Time and Money.pptx
Increasing Retail Store Efficiency How can Planograms Save Time and Money.pptxIncreasing Retail Store Efficiency How can Planograms Save Time and Money.pptx
Increasing Retail Store Efficiency How can Planograms Save Time and Money.pptx
Anoop Ashok
 
AI EngineHost Review: Revolutionary USA Datacenter-Based Hosting with NVIDIA ...
AI EngineHost Review: Revolutionary USA Datacenter-Based Hosting with NVIDIA ...AI EngineHost Review: Revolutionary USA Datacenter-Based Hosting with NVIDIA ...
AI EngineHost Review: Revolutionary USA Datacenter-Based Hosting with NVIDIA ...
SOFTTECHHUB
 
Designing Low-Latency Systems with Rust and ScyllaDB: An Architectural Deep Dive
Designing Low-Latency Systems with Rust and ScyllaDB: An Architectural Deep DiveDesigning Low-Latency Systems with Rust and ScyllaDB: An Architectural Deep Dive
Designing Low-Latency Systems with Rust and ScyllaDB: An Architectural Deep Dive
ScyllaDB
 
Greenhouse_Monitoring_Presentation.pptx.
Greenhouse_Monitoring_Presentation.pptx.Greenhouse_Monitoring_Presentation.pptx.
Greenhouse_Monitoring_Presentation.pptx.
hpbmnnxrvb
 
What is Model Context Protocol(MCP) - The new technology for communication bw...
What is Model Context Protocol(MCP) - The new technology for communication bw...What is Model Context Protocol(MCP) - The new technology for communication bw...
What is Model Context Protocol(MCP) - The new technology for communication bw...
Vishnu Singh Chundawat
 
Quantum Computing Quick Research Guide by Arthur Morgan
Quantum Computing Quick Research Guide by Arthur MorganQuantum Computing Quick Research Guide by Arthur Morgan
Quantum Computing Quick Research Guide by Arthur Morgan
Arthur Morgan
 
DevOpsDays Atlanta 2025 - Building 10x Development Organizations.pptx
DevOpsDays Atlanta 2025 - Building 10x Development Organizations.pptxDevOpsDays Atlanta 2025 - Building 10x Development Organizations.pptx
DevOpsDays Atlanta 2025 - Building 10x Development Organizations.pptx
Justin Reock
 
Mobile App Development Company in Saudi Arabia
Mobile App Development Company in Saudi ArabiaMobile App Development Company in Saudi Arabia
Mobile App Development Company in Saudi Arabia
Steve Jonas
 
Into The Box Conference Keynote Day 1 (ITB2025)
Into The Box Conference Keynote Day 1 (ITB2025)Into The Box Conference Keynote Day 1 (ITB2025)
Into The Box Conference Keynote Day 1 (ITB2025)
Ortus Solutions, Corp
 
Andrew Marnell: Transforming Business Strategy Through Data-Driven Insights
Andrew Marnell: Transforming Business Strategy Through Data-Driven InsightsAndrew Marnell: Transforming Business Strategy Through Data-Driven Insights
Andrew Marnell: Transforming Business Strategy Through Data-Driven Insights
Andrew Marnell
 
Role of Data Annotation Services in AI-Powered Manufacturing
Role of Data Annotation Services in AI-Powered ManufacturingRole of Data Annotation Services in AI-Powered Manufacturing
Role of Data Annotation Services in AI-Powered Manufacturing
Andrew Leo
 
Cyber Awareness overview for 2025 month of security
Cyber Awareness overview for 2025 month of securityCyber Awareness overview for 2025 month of security
Cyber Awareness overview for 2025 month of security
riccardosl1
 
2025-05-Q4-2024-Investor-Presentation.pptx
2025-05-Q4-2024-Investor-Presentation.pptx2025-05-Q4-2024-Investor-Presentation.pptx
2025-05-Q4-2024-Investor-Presentation.pptx
Samuele Fogagnolo
 
Linux Support for SMARC: How Toradex Empowers Embedded Developers
Linux Support for SMARC: How Toradex Empowers Embedded DevelopersLinux Support for SMARC: How Toradex Empowers Embedded Developers
Linux Support for SMARC: How Toradex Empowers Embedded Developers
Toradex
 

Machine Learning: an Introduction and cases