SlideShare a Scribd company logo
AI/ML/DL
Şaban Dalaman
Computer Engineer,Msc.
https://www.linkedin.com/in/sabandalaman/
https://twitter.com/sdaPCA
 1989 – Graduated from Middle East Technical Unversity
 1989-1996 – Turkish Airlines, System Engineer in IT
 1997-1998 – Turkish AirForce, Military Duty
 1998-2014 – Koçbank/Yapı Kredi Bank, Application
Developer/Department Manager in IT
 2014-2019 – Freelancer,Master of Science in Data
Science
AI Presentation 1
Alan Mathison Turing The universal machine
Computation Theory
Thinking Computers
if they were practically universal, they should be able to do anything. In 1948 he wrote,
"The importance of the universal machine is clear. We do not need to have an
infinity of different machines doing different jobs. A single one will suffice. The
engineering problem of producing various machines for various jobs is replaced
by the office work of `programming' the universal machine to do these jobs."
Alan M. Turing, Computing Machinery and Intelligence,1950,
"Can a machine think?"
We propose that a 2 month, 10 man study of articial intelligence
be carried out during the summer of 1956 at Dartmouth College in
Hanover, New Hampshire. The study is to proceed on the basis of
the conjecture that every aspect of learning or any other feature of
intelligence can in principle be so precisely described that a
machine can be made to simulate it. An attempt will be made to
nd how to make machines use language, form abstractions and
concepts, solve kinds of problems now reserved for humans, and
improve themselves. We think that a signicant advance can be
made in one or more of these problems if a carefully selected group
of scientists work on it together for a summer.
. . .
For the present purpose the articial intelligence problem is taken
to be that of making a machine behave in ways that would be
called intelligent if a human were so behaving.
Summer Research Project on Articial Intelligence
John McCarthy, Claude Shannon and Marvin Minsky, 1957
Artificial Intelligence is a very broad term. It is an attempt to make computers think
like human beings. Any technique, code or algorithm that enables machines to
develop, mimic, and demonstrate human cognitive abilities or behaviors falls under
this category.
Machine learning is the study of algorithms and mathematical models that computer
systems use.It is a computer’s ability to learn from a set of data, and adapt itself
without being programmed to do so.
Deep learning is only a subset of machine learning. It is one of the most popular
forms of machine learning algorithms. They use artificial neural networks (ANNs).
Data Science is a fairly general term for processes and methods that analyze and
manipulate data. It enables artificial intelligence to find meaning and appropriate
information from large volumes of data with greater speed and efficiency. Data
science makes it possible for us to use data to make key decisions not just in
business, but also increasingly in science, technology, and even politics.
AI Presentation 1
AI Presentation 1
• Symbolists
• Connectionists
• Evolutionaries
• Bayesians
• Analogizers
Five tribes of AI
The Master Algorithm
an algorithm capable of
finding knowledge and
generalizing from any kind of
data. The algorithm must use
paradigms and techniques
from each and every tribe
AI Presentation 1
Artificial intelligence
Big data
analyticsMachine
learning
Unsupervised learning
Reinforcement learning
Supervised learning
AI Presentation 1
AI Presentation 1
AI Presentation 1
AI Presentation 1
AI Presentation 1
AI Presentation 1
AI Presentation 1
AI Presentation 1
AI Presentation 1
AI Presentation 1
What is Machine Learning (ML)?
“A computer program is said to learn from experience E with respect to
some task T and some performance measure P, if its performance on T, as
measured by P, improves with experience E.”,
Tom Mitchell, 1997.
Why Machine Learning?
• It is very hard to write programs that solve problems like recognizing a
face.
 We donʼt know what program to write because we donʼt know how
our brain does it.
 Even if we had a good idea about how to do it, the program might be
horrendously complicated.
• Instead of writing a program by hand, we collect lots of examples that
specify the correct output for a given input.
• A machine learning algorithm then takes these examples and produces a
program that does the job.
 If we do it right,the program works for new cases as well as the ones on
which we trained it.
Traditional Programming vs. Machine Learning
Data
Program
Performtask
Results Data
Model
Performtask
Results
Learning
Data
Program
Requirements
Results ML
Model
Machine Learning Workflow
Problem
Understanding
Evaluation
Criteria
Baseline
Prepare Data Train model Error Analysis
Simpler model
More data / features
Production
Trained Model
Ready to use
More complex model
Better problem understanding
Better baseline
AI Presentation 1
Ordinary Least Squares Regression (OLSR)
Linear Regression
Logistic Regression
Stepwise Regression
Multivariate Adaptive Regression Splines (MARS)
Locally Estimated Scatterplot Smoothing (LOESS)
Regression Algorithms
k-Nearest Neighbor (kNN)
Learning Vector Quantization (LVQ)
Self-Organizing Map (SOM)
Locally Weighted Learning (LWL)
Instance-based Algorithms
Ridge Regression
Least Absolute Shrinkage and Selection Operator
(LASSO)
Elastic Net
Least-Angle Regression (LARS)
Regularization Algorithms
Classification and Regression Tree (CART)
Iterative Dichotomiser 3 (ID3)
C4.5 and C5.0 (different versions of a powerful approach)
Chi-squared Automatic Interaction Detection (CHAID)
Decision Stump
M5
Conditional Decision Trees
Decision Tree Algorithms
Naive Bayes
Gaussian Naive Bayes
Multinomial Naive Bayes
Averaged One-Dependence Estimators (AODE)
Bayesian Belief Network (BBN)
Bayesian Network (BN)
Bayesian Algorithms
k-Means
k-Medians
Expectation Maximisation (EM)
Hierarchical Clustering
Clustering Algorithms
Perceptron
Back-Propagation
Hopfield Network
Radial Basis Function Network (RBFN)
Artificial Neural Network Algorithms
Deep Boltzmann Machine (DBM)
Deep Belief Networks (DBN)
Convolutional Neural Network (CNN)
Stacked Auto-Encoders
Deep Learning Algorithms
Principal Component Analysis (PCA)
Principal Component Regression (PCR)
Partial Least Squares Regression (PLSR)
Linear Discriminant Analysis (LDA)
Mixture Discriminant Analysis (MDA)
Quadratic Discriminant Analysis (QDA)
Flexible Discriminant Analysis (FDA)
Dimensionality Reduction Algorithms
Boosting
Bootstrapped Aggregation (Bagging)
AdaBoost
Stacked Generalization (blending)
Gradient Boosting Machines (GBM)
Gradient Boosted Regression Trees (GBRT)
Random Forest
Ensemble Algorithms
Computational intelligence (evolutionary algorithms, etc.)
Natural Language Processing (NLP)
Recommender Systems
Reinforcement Learning
Graphical Models
Other Algorithms
Process Automation : one of the most common applications of machine learning in
finance. The technology allows to replace manual work, automate repetitive tasks,
and increase productivity.
Security : detecting frauds, identifies suspicious account behavior, financial
monitoring, network security
Credit scoring : process customer profiles and credit-scoring in real-life environments
Algorithmic trading : better trading decisions, analyze thousands of data sources
simultaneously
Robo-advisory : Portfolio management, Recommendation of financial products
Deep Learning
Deep Learning : Biological Inspiration
Connected network of
neurons.
Communicate by electric
and chemical signals
~ 1011 neurons
~1000 synapses per neuron
Signals come in via dendrites
into soma
Signal goes out via axon to other
neurons through
synapses
AI Presentation 1
AI Presentation 1
Geoffrey Hinton, Yoshua Bengio, Yann LeCun
Andrew NgJurgen Shedimuller
AI Presentation 1
AI Presentation 1
AI Presentation 1
AI Presentation 1
DL Model Examples
AI Presentation 1
AI Presentation 1
AI Presentation 1
AI Presentation 1
AI Presentation 1
AI Presentation 1
AI Presentation 1
AI Presentation 1
AI Presentation 1
AI Presentation 1
AI Presentation 1
GoogleNet
AI Presentation 1
AI Presentation 1
AI Presentation 1
AI Presentation 1
AI Presentation 1
AI Presentation 1
AI Presentation 1
AI Presentation 1
AI Presentation 1
AI Presentation 1
AI Presentation 1
AI Presentation 1
Challenges in DL
AI Presentation 1
AI Presentation 1
AI Presentation 1
AI Presentation 1
AI Presentation 1
AI Presentation 1
AI Presentation 1
AI Presentation 1
AI Presentation 1
DL Applications
AI Presentation 1
AI Presentation 1
AI Presentation 1
AI Presentation 1
Repsentation Learning
AI Presentation 1
AI Presentation 1
AI Presentation 1
AI Presentation 1
AI Presentation 1
AI Presentation 1
Transfer Learning
AI Presentation 1
AI Presentation 1
AI Presentation 1
AI Presentation 1
Deep Generative Networks
Discriminative vs. Generative Models
“Cat”
Discriminative models Generative models
Goal: Learn some underlying hidden structure
of the training samples to generate novel
samples from same data distribution
9
Goal: Learn a function to map x -> y
x y
Generative Modeling
P
pdata
pmodel
9Slide adapted from Sebastian Nowozin
Generative Modeling
P
pdata
pmodel
Assumptions on P:
• tractable sampling
Training examples
9Slide adapted from Sebastian Nowozin
Model samples
Generative Modeling
P
pdata
pmodel
Assumptions on P:
• tractable sampling
• tractable likelihood function
1Slide adapted from Sebastian Nowozin
1
Why study deep generative models?
• Go beyond associating inputs to outputs
• Understand high-dimensional, complex probability distributions
• Discover the “true” structure of the data
• Detect surprising events in the world (anomaly detection)
• Missing Data (semi-supervised learning)
• Generate models for planning (model-based reinforcement learning)
Model Examples
Model to separate noise within a video and single out individual
voices in a crowd through deep learning processes
Video-based emotion recognition using CNN-RNN and C3D hybrid networks
GoogleNet
Seq2seq Neural Machine Translation
Web Traffic Time Series Forecasting
Generative Adversarial Networks
AI Presentation 1
AI Presentation 1
AI Presentation 1
AI Presentation 1
AI Presentation 1
AI Presentation 1
Natural Language Processing or NLP is the
technique that uses algorithmic approaches to help
a computer understand and process human
language.
Applications of NLP
• Machine Translation
• Automatic text summarization
• Sentence segmentation
• Predicting words
• Sentiment analysis
• Document classification
• Document clustering
• Tagging
• Paraphrase Detection
• Natural language generation
• …..and many more.
Thank you

More Related Content

PPTX
Generative AI
PDF
AI Governance – The Responsible Use of AI
PDF
Ai black box
PPTX
PDF
NLP using transformers
PPTX
Machine learning
PDF
LanGCHAIN Framework
PDF
introduction to the world of generative AI
Generative AI
AI Governance – The Responsible Use of AI
Ai black box
NLP using transformers
Machine learning
LanGCHAIN Framework
introduction to the world of generative AI

What's hot (20)

PPT
ARTIFICIAL INTELLIGENCE
PDF
The fundamentals of Machine Learning
PPTX
[DSC DACH 23] ChatGPT and Beyond: How generative AI is Changing the way peopl...
PDF
A brief history of machine learning
PDF
Machine Learning for Dummies
PDF
The Evolution of Artificial Intelligence
PDF
Artificial Intelligence
PPTX
Quantum Computing in Finance
PDF
AI (1).pdf
PPT
Machine Learning
PPTX
Introduction to ML (Machine Learning)
PDF
What is Generative AI?
PDF
Introduction To TensorFlow
PPTX
Artificial Intelligence Presentation
PDF
Artificial Intelligence
PPTX
How Siri Works
PPT
An Introduction to Image Processing and Artificial Intelligence
PPT
Rule Based System
PDF
AI and ML Series - Introduction to Generative AI and LLMs - Session 1
PPTX
Bard_Chat_GPT_Presentation_new.pptx
ARTIFICIAL INTELLIGENCE
The fundamentals of Machine Learning
[DSC DACH 23] ChatGPT and Beyond: How generative AI is Changing the way peopl...
A brief history of machine learning
Machine Learning for Dummies
The Evolution of Artificial Intelligence
Artificial Intelligence
Quantum Computing in Finance
AI (1).pdf
Machine Learning
Introduction to ML (Machine Learning)
What is Generative AI?
Introduction To TensorFlow
Artificial Intelligence Presentation
Artificial Intelligence
How Siri Works
An Introduction to Image Processing and Artificial Intelligence
Rule Based System
AI and ML Series - Introduction to Generative AI and LLMs - Session 1
Bard_Chat_GPT_Presentation_new.pptx

Similar to AI Presentation 1 (20)

PPT
Machine Learning Ch 1.ppt
PDF
Practical deepllearningv1
PDF
Artificial Intelligence, Machine Learning, and (Large) Language Models: A Qui...
PDF
Machine Learning - Implementation with Python - 1
PPTX
Unit - 1 - Introduction of the machine learning
PDF
Introduction to Machine Learning
PPTX
Overview of Machine Learning and its Applications
PPT
Eick/Alpaydin Introduction
PPTX
MACHINE LEARNING PPT.pptx for the machine learning studnets
PPT
Machine learning-in-details-with-out-python-code
PPT
Machine learning and deep learning algorithms
PPTX
Artificial intelligence: Simulation of Intelligence
PPTX
Internship - Python - AI ML.pptx
PPTX
Internship - Python - AI ML.pptx
PDF
Introduction ML - Introduçao a Machine learning
PDF
Chapter1MACHINE LEARNING THEORY AND PRACTICES.pdf
PPTX
INTRODUCTION TO ML basics of ml that one should know
PPTX
Deeeep Leeearning Leeeecture gor undergraduate.pptx
PPTX
Launching into machine learning
PPTX
BE ML Module 1A_Introduction to Machine Learning.pptx
Machine Learning Ch 1.ppt
Practical deepllearningv1
Artificial Intelligence, Machine Learning, and (Large) Language Models: A Qui...
Machine Learning - Implementation with Python - 1
Unit - 1 - Introduction of the machine learning
Introduction to Machine Learning
Overview of Machine Learning and its Applications
Eick/Alpaydin Introduction
MACHINE LEARNING PPT.pptx for the machine learning studnets
Machine learning-in-details-with-out-python-code
Machine learning and deep learning algorithms
Artificial intelligence: Simulation of Intelligence
Internship - Python - AI ML.pptx
Internship - Python - AI ML.pptx
Introduction ML - Introduçao a Machine learning
Chapter1MACHINE LEARNING THEORY AND PRACTICES.pdf
INTRODUCTION TO ML basics of ml that one should know
Deeeep Leeearning Leeeecture gor undergraduate.pptx
Launching into machine learning
BE ML Module 1A_Introduction to Machine Learning.pptx

More from Mustafa Kuğu (20)

PPTX
NTG Apps DX Digitalization Platform Short Version.pptx
PPTX
NTG APPS Digitalization DX Detailed 2025.pptx
PDF
Yeni Teşvik Sistemi Sunumu 2025 Devlet Teşvikleri
PDF
Hiser-Sunum 2025 Hizmet İhracat Geliştirme
PDF
Suudi_Arabistan_Ulke_Bilgi_Notu KSA TİM Bilgi Notu
PDF
AYO - Anadolu Yazılım Ofisi - eWMS Depo Yönetim Yazılımı
PPTX
Beylikdüzü_SmartB_Dijital-Girismcilik-Urunlesme-5G_İlhan_Bagören.pptx
PDF
PitchDeck_Pakistan_IT_MarketAnalysis.pdf
PDF
Marmara Üniversitesi Mx Yaratıcı Endüstriler Çalıştayı 2024 (1).pdf
PDF
KVKK v.2.0 Güncel Yasa Değişiklikleri Notu.pdf
PDF
PrismCRM-RealEstate-SalesCRM_byCode5Company
PDF
KVKK-Kararlar.pdf
PDF
CenturyDX-IT-Company
PDF
Dataliva Company Brief 2024
PPTX
Right Consulting Turkiye - Eng.pptx
PDF
Three-S Retail Automation (AcilimSoft Product)
PDF
Eng Three-S Hq (AcilimSoft Product)
PPTX
Telenity Solutions Brief
PDF
Netmera Presentation.pdf
PPTX
NTGapps NTG LowCode Platform
NTG Apps DX Digitalization Platform Short Version.pptx
NTG APPS Digitalization DX Detailed 2025.pptx
Yeni Teşvik Sistemi Sunumu 2025 Devlet Teşvikleri
Hiser-Sunum 2025 Hizmet İhracat Geliştirme
Suudi_Arabistan_Ulke_Bilgi_Notu KSA TİM Bilgi Notu
AYO - Anadolu Yazılım Ofisi - eWMS Depo Yönetim Yazılımı
Beylikdüzü_SmartB_Dijital-Girismcilik-Urunlesme-5G_İlhan_Bagören.pptx
PitchDeck_Pakistan_IT_MarketAnalysis.pdf
Marmara Üniversitesi Mx Yaratıcı Endüstriler Çalıştayı 2024 (1).pdf
KVKK v.2.0 Güncel Yasa Değişiklikleri Notu.pdf
PrismCRM-RealEstate-SalesCRM_byCode5Company
KVKK-Kararlar.pdf
CenturyDX-IT-Company
Dataliva Company Brief 2024
Right Consulting Turkiye - Eng.pptx
Three-S Retail Automation (AcilimSoft Product)
Eng Three-S Hq (AcilimSoft Product)
Telenity Solutions Brief
Netmera Presentation.pdf
NTGapps NTG LowCode Platform

Recently uploaded (20)

PDF
Machine learning based COVID-19 study performance prediction
PDF
Per capita expenditure prediction using model stacking based on satellite ima...
PDF
Modernizing your data center with Dell and AMD
PPTX
MYSQL Presentation for SQL database connectivity
PDF
Encapsulation_ Review paper, used for researhc scholars
PDF
Empathic Computing: Creating Shared Understanding
PDF
NewMind AI Monthly Chronicles - July 2025
PDF
TokAI - TikTok AI Agent : The First AI Application That Analyzes 10,000+ Vira...
PDF
Electronic commerce courselecture one. Pdf
PDF
Bridging biosciences and deep learning for revolutionary discoveries: a compr...
PDF
Agricultural_Statistics_at_a_Glance_2022_0.pdf
PDF
7 ChatGPT Prompts to Help You Define Your Ideal Customer Profile.pdf
PDF
Reach Out and Touch Someone: Haptics and Empathic Computing
PDF
Dropbox Q2 2025 Financial Results & Investor Presentation
PDF
KodekX | Application Modernization Development
PDF
NewMind AI Weekly Chronicles - August'25 Week I
PDF
Build a system with the filesystem maintained by OSTree @ COSCUP 2025
PDF
Diabetes mellitus diagnosis method based random forest with bat algorithm
PDF
Spectral efficient network and resource selection model in 5G networks
PDF
Encapsulation theory and applications.pdf
Machine learning based COVID-19 study performance prediction
Per capita expenditure prediction using model stacking based on satellite ima...
Modernizing your data center with Dell and AMD
MYSQL Presentation for SQL database connectivity
Encapsulation_ Review paper, used for researhc scholars
Empathic Computing: Creating Shared Understanding
NewMind AI Monthly Chronicles - July 2025
TokAI - TikTok AI Agent : The First AI Application That Analyzes 10,000+ Vira...
Electronic commerce courselecture one. Pdf
Bridging biosciences and deep learning for revolutionary discoveries: a compr...
Agricultural_Statistics_at_a_Glance_2022_0.pdf
7 ChatGPT Prompts to Help You Define Your Ideal Customer Profile.pdf
Reach Out and Touch Someone: Haptics and Empathic Computing
Dropbox Q2 2025 Financial Results & Investor Presentation
KodekX | Application Modernization Development
NewMind AI Weekly Chronicles - August'25 Week I
Build a system with the filesystem maintained by OSTree @ COSCUP 2025
Diabetes mellitus diagnosis method based random forest with bat algorithm
Spectral efficient network and resource selection model in 5G networks
Encapsulation theory and applications.pdf

AI Presentation 1

  • 2.  1989 – Graduated from Middle East Technical Unversity  1989-1996 – Turkish Airlines, System Engineer in IT  1997-1998 – Turkish AirForce, Military Duty  1998-2014 – Koçbank/Yapı Kredi Bank, Application Developer/Department Manager in IT  2014-2019 – Freelancer,Master of Science in Data Science
  • 4. Alan Mathison Turing The universal machine Computation Theory
  • 5. Thinking Computers if they were practically universal, they should be able to do anything. In 1948 he wrote, "The importance of the universal machine is clear. We do not need to have an infinity of different machines doing different jobs. A single one will suffice. The engineering problem of producing various machines for various jobs is replaced by the office work of `programming' the universal machine to do these jobs." Alan M. Turing, Computing Machinery and Intelligence,1950, "Can a machine think?"
  • 6. We propose that a 2 month, 10 man study of articial intelligence be carried out during the summer of 1956 at Dartmouth College in Hanover, New Hampshire. The study is to proceed on the basis of the conjecture that every aspect of learning or any other feature of intelligence can in principle be so precisely described that a machine can be made to simulate it. An attempt will be made to nd how to make machines use language, form abstractions and concepts, solve kinds of problems now reserved for humans, and improve themselves. We think that a signicant advance can be made in one or more of these problems if a carefully selected group of scientists work on it together for a summer. . . . For the present purpose the articial intelligence problem is taken to be that of making a machine behave in ways that would be called intelligent if a human were so behaving. Summer Research Project on Articial Intelligence John McCarthy, Claude Shannon and Marvin Minsky, 1957
  • 7. Artificial Intelligence is a very broad term. It is an attempt to make computers think like human beings. Any technique, code or algorithm that enables machines to develop, mimic, and demonstrate human cognitive abilities or behaviors falls under this category. Machine learning is the study of algorithms and mathematical models that computer systems use.It is a computer’s ability to learn from a set of data, and adapt itself without being programmed to do so. Deep learning is only a subset of machine learning. It is one of the most popular forms of machine learning algorithms. They use artificial neural networks (ANNs). Data Science is a fairly general term for processes and methods that analyze and manipulate data. It enables artificial intelligence to find meaning and appropriate information from large volumes of data with greater speed and efficiency. Data science makes it possible for us to use data to make key decisions not just in business, but also increasingly in science, technology, and even politics.
  • 10. • Symbolists • Connectionists • Evolutionaries • Bayesians • Analogizers Five tribes of AI
  • 11. The Master Algorithm an algorithm capable of finding knowledge and generalizing from any kind of data. The algorithm must use paradigms and techniques from each and every tribe
  • 13. Artificial intelligence Big data analyticsMachine learning Unsupervised learning Reinforcement learning Supervised learning
  • 24. What is Machine Learning (ML)? “A computer program is said to learn from experience E with respect to some task T and some performance measure P, if its performance on T, as measured by P, improves with experience E.”, Tom Mitchell, 1997.
  • 25. Why Machine Learning? • It is very hard to write programs that solve problems like recognizing a face.  We donʼt know what program to write because we donʼt know how our brain does it.  Even if we had a good idea about how to do it, the program might be horrendously complicated. • Instead of writing a program by hand, we collect lots of examples that specify the correct output for a given input. • A machine learning algorithm then takes these examples and produces a program that does the job.  If we do it right,the program works for new cases as well as the ones on which we trained it.
  • 26. Traditional Programming vs. Machine Learning Data Program Performtask Results Data Model Performtask Results Learning Data Program Requirements Results ML Model
  • 27. Machine Learning Workflow Problem Understanding Evaluation Criteria Baseline Prepare Data Train model Error Analysis Simpler model More data / features Production Trained Model Ready to use More complex model Better problem understanding Better baseline
  • 29. Ordinary Least Squares Regression (OLSR) Linear Regression Logistic Regression Stepwise Regression Multivariate Adaptive Regression Splines (MARS) Locally Estimated Scatterplot Smoothing (LOESS) Regression Algorithms k-Nearest Neighbor (kNN) Learning Vector Quantization (LVQ) Self-Organizing Map (SOM) Locally Weighted Learning (LWL) Instance-based Algorithms Ridge Regression Least Absolute Shrinkage and Selection Operator (LASSO) Elastic Net Least-Angle Regression (LARS) Regularization Algorithms
  • 30. Classification and Regression Tree (CART) Iterative Dichotomiser 3 (ID3) C4.5 and C5.0 (different versions of a powerful approach) Chi-squared Automatic Interaction Detection (CHAID) Decision Stump M5 Conditional Decision Trees Decision Tree Algorithms Naive Bayes Gaussian Naive Bayes Multinomial Naive Bayes Averaged One-Dependence Estimators (AODE) Bayesian Belief Network (BBN) Bayesian Network (BN) Bayesian Algorithms k-Means k-Medians Expectation Maximisation (EM) Hierarchical Clustering Clustering Algorithms
  • 31. Perceptron Back-Propagation Hopfield Network Radial Basis Function Network (RBFN) Artificial Neural Network Algorithms Deep Boltzmann Machine (DBM) Deep Belief Networks (DBN) Convolutional Neural Network (CNN) Stacked Auto-Encoders Deep Learning Algorithms Principal Component Analysis (PCA) Principal Component Regression (PCR) Partial Least Squares Regression (PLSR) Linear Discriminant Analysis (LDA) Mixture Discriminant Analysis (MDA) Quadratic Discriminant Analysis (QDA) Flexible Discriminant Analysis (FDA) Dimensionality Reduction Algorithms
  • 32. Boosting Bootstrapped Aggregation (Bagging) AdaBoost Stacked Generalization (blending) Gradient Boosting Machines (GBM) Gradient Boosted Regression Trees (GBRT) Random Forest Ensemble Algorithms Computational intelligence (evolutionary algorithms, etc.) Natural Language Processing (NLP) Recommender Systems Reinforcement Learning Graphical Models Other Algorithms
  • 33. Process Automation : one of the most common applications of machine learning in finance. The technology allows to replace manual work, automate repetitive tasks, and increase productivity. Security : detecting frauds, identifies suspicious account behavior, financial monitoring, network security Credit scoring : process customer profiles and credit-scoring in real-life environments Algorithmic trading : better trading decisions, analyze thousands of data sources simultaneously Robo-advisory : Portfolio management, Recommendation of financial products
  • 35. Deep Learning : Biological Inspiration Connected network of neurons. Communicate by electric and chemical signals ~ 1011 neurons ~1000 synapses per neuron Signals come in via dendrites into soma Signal goes out via axon to other neurons through synapses
  • 38. Geoffrey Hinton, Yoshua Bengio, Yann LeCun
  • 97. Discriminative vs. Generative Models “Cat” Discriminative models Generative models Goal: Learn some underlying hidden structure of the training samples to generate novel samples from same data distribution 9 Goal: Learn a function to map x -> y x y
  • 99. Generative Modeling P pdata pmodel Assumptions on P: • tractable sampling Training examples 9Slide adapted from Sebastian Nowozin Model samples
  • 100. Generative Modeling P pdata pmodel Assumptions on P: • tractable sampling • tractable likelihood function 1Slide adapted from Sebastian Nowozin
  • 101. 1 Why study deep generative models? • Go beyond associating inputs to outputs • Understand high-dimensional, complex probability distributions • Discover the “true” structure of the data • Detect surprising events in the world (anomaly detection) • Missing Data (semi-supervised learning) • Generate models for planning (model-based reinforcement learning)
  • 103. Model to separate noise within a video and single out individual voices in a crowd through deep learning processes
  • 104. Video-based emotion recognition using CNN-RNN and C3D hybrid networks
  • 106. Seq2seq Neural Machine Translation
  • 107. Web Traffic Time Series Forecasting
  • 115. Natural Language Processing or NLP is the technique that uses algorithmic approaches to help a computer understand and process human language.
  • 116. Applications of NLP • Machine Translation • Automatic text summarization • Sentence segmentation • Predicting words • Sentiment analysis • Document classification • Document clustering • Tagging • Paraphrase Detection • Natural language generation • …..and many more.