SlideShare a Scribd company logo
1 of 51
ABC to AI and Its Buzzwords
Dr. Noman Hossain, PhD
Assistant Professor, Dept. of CSE, ULAB
Date: 31 Oct, 2023
Venu: Department of ICT
Delivered
to
Training on the use of AI-Driven Data Analytics
Definitions of AI
• AI- Artificial Intelligence; actually it means highly
processed valuable information (intelligence – which
forms knowledge) and formally, human like traits of
machines/devices/ software (digital twin) those actually
possessed by human or any natural beings.
Definitions of AI
• AI- Artificial Intelligence; actually it means highly
processed valuable information (intelligence – which
forms knowledge) and formally, human like traits of
machines/devices/ software (digital twin) those actually
possessed by human or any natural beings.
Definitions of AI
• AI- Artificial intelligence (AI) is a set of technologies
that enable computers to perform a variety of advanced
functions, including the ability to see, understand and
translate spoken and written language, analyze data,
make recommendations, and more.
• For example, optical character recognition (OCR) uses
AI to extract text and data from images and documents,
turns unstructured content into business-ready structured
data, and unlocks valuable insights.
Definitions of AI
• Artificial intelligence is a field of science concerned
with building computers and machines that can reason,
learn, and act in such a way that would normally require
human intelligence or that involves data whose scale
exceeds what humans can analyze.
• AI is a broad field that encompasses many different
disciplines, including computer science, statistics, hardware
and software engineering, linguistics, neuroscience, and even
philosophy and psychology.
Definitions of AI
• On an operational point of view, AI is a set of
technologies that are based primarily on machine
learning and deep learning, used for data analytics,
predictions and forecasting, object categorization,
natural language processing, recommendations,
intelligent data retrieval, and more.
.
Actual Meaning of AI
• On the scientific point of view, AI is nothing but formulizing
raw date into various mathematical and statistical formulation
to save parameters of different keypoints of interest.
• We can write y=mx+c for the data give in the chart. The
related parameters can be derived from the data also.
• Once we complete the model, related parameters will be saved into a
serializable file.
AI Buzzwords
How AI Forms ???
AI forms from the raw data accumulated over times.
We will further observe that, AI is nothing but super processed
information organized in mathematical formula.
Type of AI
1. Reactive machines: limited AI that only reacts to different
kinds of stimuli based on preprogrammed rules. Does not use
memory and thus cannot learn with new data. IBM’s Deep
Blue is an example of a reactive machine.
2. Limited memory: Most modern AI is considered to be
limited memory. It can use memory to improve over time by
being trained with new data, typically through an artificial
neural network or other training model. Deep learning, a
subset of machine learning, is considered limited memory
artificial intelligence.
Type of AI
3. Theory of mind: Theory of mind AI does not currently exist,
but research is ongoing into its possibilities. It describes AI
that can emulate the human mind and has decision-making
capabilities equal to that of a human.
4. Self aware: A step above theory of mind AI, self-aware AI
describes a mythical machine that is aware of its own
existence and has the intellectual and emotional capabilities
of a human. Like theory of mind AI, self-aware AI does not
currently exist.
BRANCHES OF AI
Barnches of AI
AI ML DL
Application Domains of AI
Applications of AI
Steps of Data Modeling
1. Get the candidate system data for study
2. Select a modeling approach
3. Apply your methodology
4. Solve it and Get result(model)
5. Deploy (model)
6. Done!
Choosing the
Modeling
Approach
How AI transform Information to Intelligence (Knowledge)
ML
DL
RL
Raw
Data Dataset >>
>>
>> Model (intelligence/ knowledge
base)
training
DIKIW
Ways of Training Data
ML
DL
RL
Raw
Data Dataset >>
>>
>> Model (intelligence/ knowledge
base)
training
learning
1.Supervised learning
2.Unsupervised
learning
3.Reinforcement
learning
Notes:
Training: Humans Point of
view
Ways of Training Data
1.Supervised learning: It is a way of machine learning that maps a
specific input to an output using labeled training data (structured
data).
2.Unsupervised learning: It is a way of machine learning model that
learns patterns based on unlabeled data (unstructured data). Unlike
supervised learning, the end result is not known ahead of time. Rather,
the algorithm learns from the data, categorizing it into groups based
on attributes.
3.Reinforcement learning: It is a way of machine learning model that
can be broadly described as “learn by doing.” An “agent” learns to
perform a defined task by trial and error (a feedback loop) until its
performance is within a desirable range. The agent receives positive
and negative reinforcement based on feedback of current performance.
Deploying Intelligence >> Utilization Intelligence >> Wisdom
Input Model >>
>>
>> Inference/ prediction/forecasting
intelligence
utilization
wisdom
How AI transform Information to Intelligence (Knowledge)
ML
DL
Ultimate Goals of AI- to achieve human like traits (classify)
Machine Learning Algorithms
1.Regression Algorithms
2.Instance-based Algorithms
3.Regularization Algorithms
4.Decision Tree Algorithms
5.Bayesian Algorithms
6.Clustering Algorithms
7.Association Rule Learning Algorithms
8.Dimensionality Reduction Algorithms
9.Ensemble Algorithms
10.Reinforcement Learning Algorithms
11.Artificial Neural Network Algorithms
12.Deep Learning Algorithms
REGRESSION ALGORITHMS
•Ordinary Least Squares Regression (OLSR)
•Linear Regression
•Logistic Regression
•Stepwise Regression
•Multivariate Adaptive Regression Splines (MARS)
•Locally Estimated Scatterplot Smoothing (LOESS)
INSTANCE-
BASED ALGORITHMS
•k-Nearest Neighbor (kNN)
•Learning Vector Quantization (LVQ)
•Self-Organizing Map (SOM)
•Locally Weighted Learning (LWL)
•Support Vector Machines (SVM)
REGULARIZATION ALGORITH
MS
•Ridge Regression
•Least Absolute Shrinkage and Selection Operator
(LASSO)
•Elastic Net
•Least-Angle Regression (LARS)
DECISION
TREE 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
BAYESIAN
ALGORITHMS
•Naive Bayes
•Gaussian Naive Bayes
•Multinomial Naive Bayes
•Averaged One-Dependence Estimators (AODE)
•Bayesian Belief Network (BBN)
•Bayesian Network (BN)
CLUSTERING
ALGORITHMS
•k-Means
•k-Medians
•Expectation Maximization (EM)
•Hierarchical Clustering
ASSOCIATION RULE
ALGORITHMS
•Apriori algorithm
•Eclat algorithm
REINFORCEMENT LEARNING
ALGORITHMS
•Model-based algorithms
•Model-free algorithms
ARTIFICIAL NEURAL NETWORK
ALGORITHMS
•Perceptron
•Multilayer Perceptrons (MLP)
•Back-Propagation
•Stochastic Gradient Descent
•Hopfield Network
•Radial Basis Function Network (RBFN)
DEEP LEARNING ALGORITHMS
•Convolutional Neural Network (CNN)
•Recurrent Neural Networks (RNNs)
•Long Short-Term Memory Networks (LSTMs)
•Stacked Auto-Encoders
•Deep Boltzmann Machine (DBM)
•Deep Belief Networks (DBN)
•Generative Adversarial Networks (GAN)
LIBRARY AND TOOLS FOR MODELING DATA
•scikit-learn
•TensorFlow
•PyTorch
•Theano
•Caffe
•Anaconda
•PyCharm
•Google Colab
•IBM Cloud
My Endeavor Towards AI
My Endeavor Towards AI & Robotics
Snaps Of Industrial Robot Programming
MicroClo
We preprogrammed
this robot to draw
something
MicroClo
My Endeavor Towards AI & Robotics
We programmed this
robot to draw the
sketch of HE President
Xi Jinping
MicroClo
My Endeavor Towards AI & Robotics
I used to program
different embedded
system to avail
intelligence. Some of
the patents in this
domain awarded in
Chinese national
competition in 2017.
MicroClo
My Endeavor Towards AI & Robotics
I used to program
different embedded
system to avail
intelligence. Some of
the patents in this
domain awarded in
Chinese national
competition in 2017.
MicroClo
My Endeavor Towards AI & Robotics
Data Modeling Approaches
• Data-driven Modeling (AI>ML/DL/-->Model)
Comparative Results
Error Estimation
QUESTIONS?
THANK YOU!

More Related Content

Similar to Artificial Intelligence Buzzwords and related topics.pptx

Similar to Artificial Intelligence Buzzwords and related topics.pptx (20)

AI for Everyone: Master the Basics
AI for Everyone: Master the BasicsAI for Everyone: Master the Basics
AI for Everyone: Master the Basics
 
machine learning
machine learningmachine learning
machine learning
 
What is Artificial Intelligence and Machine Learning (1).pptx
What is Artificial Intelligence and Machine Learning (1).pptxWhat is Artificial Intelligence and Machine Learning (1).pptx
What is Artificial Intelligence and Machine Learning (1).pptx
 
AI KIMSRAD.pptx
AI KIMSRAD.pptxAI KIMSRAD.pptx
AI KIMSRAD.pptx
 
AI Presentation 1
AI Presentation 1AI Presentation 1
AI Presentation 1
 
Unit I and II Machine Learning MCA CREC.pptx
Unit I and II Machine Learning MCA CREC.pptxUnit I and II Machine Learning MCA CREC.pptx
Unit I and II Machine Learning MCA CREC.pptx
 
Data science dec ppt
Data science dec pptData science dec ppt
Data science dec ppt
 
Intro/Overview on Machine Learning Presentation
Intro/Overview on Machine Learning PresentationIntro/Overview on Machine Learning Presentation
Intro/Overview on Machine Learning Presentation
 
Essential concepts for machine learning
Essential concepts for machine learning Essential concepts for machine learning
Essential concepts for machine learning
 
Machine Learning
Machine LearningMachine Learning
Machine Learning
 
Machine Learning Basics
Machine Learning BasicsMachine Learning Basics
Machine Learning Basics
 
ML DL AI DS BD - An Introduction
ML DL AI DS BD - An IntroductionML DL AI DS BD - An Introduction
ML DL AI DS BD - An Introduction
 
WELCOME TO AI PROJECT shidhant mittaal.pptx
WELCOME TO AI PROJECT shidhant mittaal.pptxWELCOME TO AI PROJECT shidhant mittaal.pptx
WELCOME TO AI PROJECT shidhant mittaal.pptx
 
Mastering in Data Science 3RITPL-1 (1).pdf
Mastering in Data Science 3RITPL-1 (1).pdfMastering in Data Science 3RITPL-1 (1).pdf
Mastering in Data Science 3RITPL-1 (1).pdf
 
AI - To get an overview
AI   - To get an overviewAI   - To get an overview
AI - To get an overview
 
(BDT311) Deep Learning: Going Beyond Machine Learning
(BDT311) Deep Learning: Going Beyond Machine Learning(BDT311) Deep Learning: Going Beyond Machine Learning
(BDT311) Deep Learning: Going Beyond Machine Learning
 
Machine Learning Deep Learning AI and Data Science
Machine Learning Deep Learning AI and Data Science Machine Learning Deep Learning AI and Data Science
Machine Learning Deep Learning AI and Data Science
 
Artificial intelligence: Simulation of Intelligence
Artificial intelligence: Simulation of IntelligenceArtificial intelligence: Simulation of Intelligence
Artificial intelligence: Simulation of Intelligence
 
machine learning algorithm.pptx
machine learning algorithm.pptxmachine learning algorithm.pptx
machine learning algorithm.pptx
 
An Elementary Introduction to Artificial Intelligence, Data Science and Machi...
An Elementary Introduction to Artificial Intelligence, Data Science and Machi...An Elementary Introduction to Artificial Intelligence, Data Science and Machi...
An Elementary Introduction to Artificial Intelligence, Data Science and Machi...
 

Recently uploaded

Harnessing Passkeys in the Battle Against AI-Powered Cyber Threats.pptx
Harnessing Passkeys in the Battle Against AI-Powered Cyber Threats.pptxHarnessing Passkeys in the Battle Against AI-Powered Cyber Threats.pptx
Harnessing Passkeys in the Battle Against AI-Powered Cyber Threats.pptx
FIDO Alliance
 
CORS (Kitworks Team Study 양다윗 발표자료 240510)
CORS (Kitworks Team Study 양다윗 발표자료 240510)CORS (Kitworks Team Study 양다윗 발표자료 240510)
CORS (Kitworks Team Study 양다윗 발표자료 240510)
Wonjun Hwang
 
Easier, Faster, and More Powerful – Alles Neu macht der Mai -Wir durchleuchte...
Easier, Faster, and More Powerful – Alles Neu macht der Mai -Wir durchleuchte...Easier, Faster, and More Powerful – Alles Neu macht der Mai -Wir durchleuchte...
Easier, Faster, and More Powerful – Alles Neu macht der Mai -Wir durchleuchte...
panagenda
 
TrustArc Webinar - Unified Trust Center for Privacy, Security, Compliance, an...
TrustArc Webinar - Unified Trust Center for Privacy, Security, Compliance, an...TrustArc Webinar - Unified Trust Center for Privacy, Security, Compliance, an...
TrustArc Webinar - Unified Trust Center for Privacy, Security, Compliance, an...
TrustArc
 
Microsoft BitLocker Bypass Attack Method.pdf
Microsoft BitLocker Bypass Attack Method.pdfMicrosoft BitLocker Bypass Attack Method.pdf
Microsoft BitLocker Bypass Attack Method.pdf
Overkill Security
 

Recently uploaded (20)

ADP Passwordless Journey Case Study.pptx
ADP Passwordless Journey Case Study.pptxADP Passwordless Journey Case Study.pptx
ADP Passwordless Journey Case Study.pptx
 
How to Check GPS Location with a Live Tracker in Pakistan
How to Check GPS Location with a Live Tracker in PakistanHow to Check GPS Location with a Live Tracker in Pakistan
How to Check GPS Location with a Live Tracker in Pakistan
 
Event-Driven Architecture Masterclass: Engineering a Robust, High-performance...
Event-Driven Architecture Masterclass: Engineering a Robust, High-performance...Event-Driven Architecture Masterclass: Engineering a Robust, High-performance...
Event-Driven Architecture Masterclass: Engineering a Robust, High-performance...
 
Event-Driven Architecture Masterclass: Integrating Distributed Data Stores Ac...
Event-Driven Architecture Masterclass: Integrating Distributed Data Stores Ac...Event-Driven Architecture Masterclass: Integrating Distributed Data Stores Ac...
Event-Driven Architecture Masterclass: Integrating Distributed Data Stores Ac...
 
Frisco Automating Purchase Orders with MuleSoft IDP- May 10th, 2024.pptx.pdf
Frisco Automating Purchase Orders with MuleSoft IDP- May 10th, 2024.pptx.pdfFrisco Automating Purchase Orders with MuleSoft IDP- May 10th, 2024.pptx.pdf
Frisco Automating Purchase Orders with MuleSoft IDP- May 10th, 2024.pptx.pdf
 
Design and Development of a Provenance Capture Platform for Data Science
Design and Development of a Provenance Capture Platform for Data ScienceDesign and Development of a Provenance Capture Platform for Data Science
Design and Development of a Provenance Capture Platform for Data Science
 
UiPath manufacturing technology benefits and AI overview
UiPath manufacturing technology benefits and AI overviewUiPath manufacturing technology benefits and AI overview
UiPath manufacturing technology benefits and AI overview
 
How we scaled to 80K users by doing nothing!.pdf
How we scaled to 80K users by doing nothing!.pdfHow we scaled to 80K users by doing nothing!.pdf
How we scaled to 80K users by doing nothing!.pdf
 
Harnessing Passkeys in the Battle Against AI-Powered Cyber Threats.pptx
Harnessing Passkeys in the Battle Against AI-Powered Cyber Threats.pptxHarnessing Passkeys in the Battle Against AI-Powered Cyber Threats.pptx
Harnessing Passkeys in the Battle Against AI-Powered Cyber Threats.pptx
 
CORS (Kitworks Team Study 양다윗 발표자료 240510)
CORS (Kitworks Team Study 양다윗 발표자료 240510)CORS (Kitworks Team Study 양다윗 발표자료 240510)
CORS (Kitworks Team Study 양다윗 발표자료 240510)
 
Navigating the Large Language Model choices_Ravi Daparthi
Navigating the Large Language Model choices_Ravi DaparthiNavigating the Large Language Model choices_Ravi Daparthi
Navigating the Large Language Model choices_Ravi Daparthi
 
WebRTC and SIP not just audio and video @ OpenSIPS 2024
WebRTC and SIP not just audio and video @ OpenSIPS 2024WebRTC and SIP not just audio and video @ OpenSIPS 2024
WebRTC and SIP not just audio and video @ OpenSIPS 2024
 
ERP Contender Series: Acumatica vs. Sage Intacct
ERP Contender Series: Acumatica vs. Sage IntacctERP Contender Series: Acumatica vs. Sage Intacct
ERP Contender Series: Acumatica vs. Sage Intacct
 
AI+A11Y 11MAY2024 HYDERBAD GAAD 2024 - HelloA11Y (11 May 2024)
AI+A11Y 11MAY2024 HYDERBAD GAAD 2024 - HelloA11Y (11 May 2024)AI+A11Y 11MAY2024 HYDERBAD GAAD 2024 - HelloA11Y (11 May 2024)
AI+A11Y 11MAY2024 HYDERBAD GAAD 2024 - HelloA11Y (11 May 2024)
 
Working together SRE & Platform Engineering
Working together SRE & Platform EngineeringWorking together SRE & Platform Engineering
Working together SRE & Platform Engineering
 
Easier, Faster, and More Powerful – Alles Neu macht der Mai -Wir durchleuchte...
Easier, Faster, and More Powerful – Alles Neu macht der Mai -Wir durchleuchte...Easier, Faster, and More Powerful – Alles Neu macht der Mai -Wir durchleuchte...
Easier, Faster, and More Powerful – Alles Neu macht der Mai -Wir durchleuchte...
 
Intro to Passkeys and the State of Passwordless.pptx
Intro to Passkeys and the State of Passwordless.pptxIntro to Passkeys and the State of Passwordless.pptx
Intro to Passkeys and the State of Passwordless.pptx
 
TrustArc Webinar - Unified Trust Center for Privacy, Security, Compliance, an...
TrustArc Webinar - Unified Trust Center for Privacy, Security, Compliance, an...TrustArc Webinar - Unified Trust Center for Privacy, Security, Compliance, an...
TrustArc Webinar - Unified Trust Center for Privacy, Security, Compliance, an...
 
Microsoft BitLocker Bypass Attack Method.pdf
Microsoft BitLocker Bypass Attack Method.pdfMicrosoft BitLocker Bypass Attack Method.pdf
Microsoft BitLocker Bypass Attack Method.pdf
 
2024 May Patch Tuesday
2024 May Patch Tuesday2024 May Patch Tuesday
2024 May Patch Tuesday
 

Artificial Intelligence Buzzwords and related topics.pptx

  • 1. ABC to AI and Its Buzzwords Dr. Noman Hossain, PhD Assistant Professor, Dept. of CSE, ULAB Date: 31 Oct, 2023 Venu: Department of ICT Delivered to Training on the use of AI-Driven Data Analytics
  • 2. Definitions of AI • AI- Artificial Intelligence; actually it means highly processed valuable information (intelligence – which forms knowledge) and formally, human like traits of machines/devices/ software (digital twin) those actually possessed by human or any natural beings.
  • 3. Definitions of AI • AI- Artificial Intelligence; actually it means highly processed valuable information (intelligence – which forms knowledge) and formally, human like traits of machines/devices/ software (digital twin) those actually possessed by human or any natural beings.
  • 4. Definitions of AI • AI- Artificial intelligence (AI) is a set of technologies that enable computers to perform a variety of advanced functions, including the ability to see, understand and translate spoken and written language, analyze data, make recommendations, and more. • For example, optical character recognition (OCR) uses AI to extract text and data from images and documents, turns unstructured content into business-ready structured data, and unlocks valuable insights.
  • 5. Definitions of AI • Artificial intelligence is a field of science concerned with building computers and machines that can reason, learn, and act in such a way that would normally require human intelligence or that involves data whose scale exceeds what humans can analyze. • AI is a broad field that encompasses many different disciplines, including computer science, statistics, hardware and software engineering, linguistics, neuroscience, and even philosophy and psychology.
  • 6. Definitions of AI • On an operational point of view, AI is a set of technologies that are based primarily on machine learning and deep learning, used for data analytics, predictions and forecasting, object categorization, natural language processing, recommendations, intelligent data retrieval, and more. .
  • 7. Actual Meaning of AI • On the scientific point of view, AI is nothing but formulizing raw date into various mathematical and statistical formulation to save parameters of different keypoints of interest. • We can write y=mx+c for the data give in the chart. The related parameters can be derived from the data also. • Once we complete the model, related parameters will be saved into a serializable file.
  • 9. How AI Forms ??? AI forms from the raw data accumulated over times. We will further observe that, AI is nothing but super processed information organized in mathematical formula.
  • 10. Type of AI 1. Reactive machines: limited AI that only reacts to different kinds of stimuli based on preprogrammed rules. Does not use memory and thus cannot learn with new data. IBM’s Deep Blue is an example of a reactive machine. 2. Limited memory: Most modern AI is considered to be limited memory. It can use memory to improve over time by being trained with new data, typically through an artificial neural network or other training model. Deep learning, a subset of machine learning, is considered limited memory artificial intelligence.
  • 11. Type of AI 3. Theory of mind: Theory of mind AI does not currently exist, but research is ongoing into its possibilities. It describes AI that can emulate the human mind and has decision-making capabilities equal to that of a human. 4. Self aware: A step above theory of mind AI, self-aware AI describes a mythical machine that is aware of its own existence and has the intellectual and emotional capabilities of a human. Like theory of mind AI, self-aware AI does not currently exist.
  • 12.
  • 18. Steps of Data Modeling 1. Get the candidate system data for study 2. Select a modeling approach 3. Apply your methodology 4. Solve it and Get result(model) 5. Deploy (model) 6. Done!
  • 20. How AI transform Information to Intelligence (Knowledge) ML DL RL Raw Data Dataset >> >> >> Model (intelligence/ knowledge base) training
  • 21.
  • 22. DIKIW
  • 23. Ways of Training Data ML DL RL Raw Data Dataset >> >> >> Model (intelligence/ knowledge base) training learning 1.Supervised learning 2.Unsupervised learning 3.Reinforcement learning Notes: Training: Humans Point of view
  • 24. Ways of Training Data 1.Supervised learning: It is a way of machine learning that maps a specific input to an output using labeled training data (structured data). 2.Unsupervised learning: It is a way of machine learning model that learns patterns based on unlabeled data (unstructured data). Unlike supervised learning, the end result is not known ahead of time. Rather, the algorithm learns from the data, categorizing it into groups based on attributes. 3.Reinforcement learning: It is a way of machine learning model that can be broadly described as “learn by doing.” An “agent” learns to perform a defined task by trial and error (a feedback loop) until its performance is within a desirable range. The agent receives positive and negative reinforcement based on feedback of current performance.
  • 25. Deploying Intelligence >> Utilization Intelligence >> Wisdom Input Model >> >> >> Inference/ prediction/forecasting intelligence utilization wisdom
  • 26. How AI transform Information to Intelligence (Knowledge) ML DL
  • 27. Ultimate Goals of AI- to achieve human like traits (classify)
  • 28. Machine Learning Algorithms 1.Regression Algorithms 2.Instance-based Algorithms 3.Regularization Algorithms 4.Decision Tree Algorithms 5.Bayesian Algorithms 6.Clustering Algorithms 7.Association Rule Learning Algorithms 8.Dimensionality Reduction Algorithms 9.Ensemble Algorithms 10.Reinforcement Learning Algorithms 11.Artificial Neural Network Algorithms 12.Deep Learning Algorithms
  • 29. REGRESSION ALGORITHMS •Ordinary Least Squares Regression (OLSR) •Linear Regression •Logistic Regression •Stepwise Regression •Multivariate Adaptive Regression Splines (MARS) •Locally Estimated Scatterplot Smoothing (LOESS)
  • 30. INSTANCE- BASED ALGORITHMS •k-Nearest Neighbor (kNN) •Learning Vector Quantization (LVQ) •Self-Organizing Map (SOM) •Locally Weighted Learning (LWL) •Support Vector Machines (SVM)
  • 31. REGULARIZATION ALGORITH MS •Ridge Regression •Least Absolute Shrinkage and Selection Operator (LASSO) •Elastic Net •Least-Angle Regression (LARS)
  • 32. DECISION TREE 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
  • 33. BAYESIAN ALGORITHMS •Naive Bayes •Gaussian Naive Bayes •Multinomial Naive Bayes •Averaged One-Dependence Estimators (AODE) •Bayesian Belief Network (BBN) •Bayesian Network (BN)
  • 37. ARTIFICIAL NEURAL NETWORK ALGORITHMS •Perceptron •Multilayer Perceptrons (MLP) •Back-Propagation •Stochastic Gradient Descent •Hopfield Network •Radial Basis Function Network (RBFN)
  • 38. DEEP LEARNING ALGORITHMS •Convolutional Neural Network (CNN) •Recurrent Neural Networks (RNNs) •Long Short-Term Memory Networks (LSTMs) •Stacked Auto-Encoders •Deep Boltzmann Machine (DBM) •Deep Belief Networks (DBN) •Generative Adversarial Networks (GAN)
  • 39. LIBRARY AND TOOLS FOR MODELING DATA •scikit-learn •TensorFlow •PyTorch •Theano •Caffe •Anaconda •PyCharm •Google Colab •IBM Cloud
  • 41. My Endeavor Towards AI & Robotics
  • 42. Snaps Of Industrial Robot Programming MicroClo
  • 43. We preprogrammed this robot to draw something MicroClo My Endeavor Towards AI & Robotics
  • 44. We programmed this robot to draw the sketch of HE President Xi Jinping MicroClo My Endeavor Towards AI & Robotics
  • 45. I used to program different embedded system to avail intelligence. Some of the patents in this domain awarded in Chinese national competition in 2017. MicroClo My Endeavor Towards AI & Robotics
  • 46. I used to program different embedded system to avail intelligence. Some of the patents in this domain awarded in Chinese national competition in 2017. MicroClo My Endeavor Towards AI & Robotics
  • 47. Data Modeling Approaches • Data-driven Modeling (AI>ML/DL/-->Model)