Thanks to visit codestin.com
Credit goes to www.scribd.com

0% found this document useful (0 votes)
7 views61 pages

FDP AIML Day1 Part1

Uploaded by

rockyyyy884
Copyright
© © All Rights Reserved
We take content rights seriously. If you suspect this is your content, claim it here.
Available Formats
Download as PDF, TXT or read online on Scribd
0% found this document useful (0 votes)
7 views61 pages

FDP AIML Day1 Part1

Uploaded by

rockyyyy884
Copyright
© © All Rights Reserved
We take content rights seriously. If you suspect this is your content, claim it here.
Available Formats
Download as PDF, TXT or read online on Scribd
You are on page 1/ 61

FDP: AI - Machine Learning

DAY 1: Introduction of ML
Kaushlendra Singh Sisodia (Founder)
• IIT Kanpur Alumnus
• 22+ years Industry experience
• Presently working as Managing Director at
UniConverge Technologies Pvt. Ltd. (UCT)
• Chief mentor at The IoT Academy
• Owning UCT Consulting, UCT Robotics and upskill Campus.
• Worked with many MNCs
– Ericsson AB, Sweden (for 7 years)
– STMicroelectronics Pvt. Ltd, Noida
– UbiNetics India Pvt Ltd, Bangalore
– SASKEN Communication Tech., Bangalore
FDP Schedule
Module Details Resource Person
Date Days Mode Hours
20-02-2024 1 Artificial Intelligence & Machine Offline Mr. Kaushlendra 08:00
Learning Introduction, Practical Singh Sisodia
Implementation, EDGE AI
21-02-2024 2 Python Libraries for ML Offline Mr. Kaushlendra 08:00
Singh Sisodia
22-02-2024 3 Machine Learning, Supervised Offline Mr. HarshVardhan 08:00
Leaning, Unsupervised Leaning
23-02-2024 4 Neural Network and Deep Learning Offline Mr. HarshVardhan 08:00
(Tools and Usage)
24-02-2024 5 Applications of AI/ML, ChatGPT, LLM Offline Mr. Kaushlendra 08:00
and Assessment Singh Sisodia
26-02-2024 6 Project TA
27-02-2024 7 Project Online
28-02-2024 8 Project NA
29-02-2024 9 Project
01-03-2024 10 Project Submission and evaluation
Today’s Agenda
• Mandate of this FDP
• Types of ML
• Steps in Data Modelling and Machine Learning Process
• Type of ML Algorithm
• Python libraries used in Machine Learning
• Data Sets Links
• Digital Transformation with ML
• ML implementation using Edge Impulse
• Edge AI
Mandate of this FDP

• Awareness of Technology Evolution


• Focus on Hands-on
• Real Industrial usecases
• End to End AI/ML based Products/ Innovations oriented training
Pre-session Polling
Machine Learning
Machine Learning
╸ Machine learning is program computers, to optimize performance using huge amount of
data or past experience.
╸ Machine learning can automatically detect patterns in data and then to use the uncovered
patterns to predict future data or other outcome of interest.

Skills
Experiences Learning
Human Learning Acquired

Machine Learning Lots of Models Predictions


data
Machine Learning
Traditional Programming

Data
Output
Program

Machine Learning

Data
Program
Output
Interaction Points (in Layman words)

1. Learning behavior of humans and predictions


2. Solving a Aptitude test
Machine
Learning
Types of Learning

• Supervised (inductive) learning


– Given: training data + desired outputs (labels)
• Unsupervised learning
– Given: training data (without desired outputs)
• Reinforcement learning
– Rewards from sequence of actions
Supervised Learning: Regression
Supervised Learning: Classification
Unsupervised Learning
Unsupervised Learning
Reinforcement Learning

https://www.youtube.com/watch?v=gn4nRCC9TwQ
Steps in Data Processing
Set of steps in Machine Learning
• Define: The data that you want to study in order to solve a
problem or meet an objective.
• Collect data
• Filter data
• Analyze data
• Train algorithms/Models
• Test algorithms/Models
• Deploy algorithms for future predictions
Framing a Learning Problem
Designing a Learning System
Set of steps in Machine Learning
• Define: The data that you want to study in order to solve a
problem or meet an objective.
• Collect data
• Filter data
• Analyze data
• Train algorithms
• Test algorithms
• Use algorithms for
future predictions
Training vs. Test Distribution

• Tens of thousands of machine learning algorithms


– Hundreds new every year

• Every ML algorithm has three components:


– Representation
– Evaluation
– Optimization
Machine Learning Algorithm has 3 components
• Representation: How to represent Knowledge. Examples
include decision trees, sets of rules, instances, graphical models,
Neural NWs, SVM, Model ensembles and others.
• Evaluations: The way to evaluate candidate programs
(hypothesis). Example include accuracy, prediction and recall,
squared error, likelihood, posterior probability, cost margin,
entropy, K-L divergence and others.
• Optimization: The way candidate programs are generated
known as the search Process. For example, combinational
optimization, convex optimization, constrained optimization.
Various Function Representations

• Numerical functions • Instance-based functions


– Linear regression – Nearest-neighbor
– Neural networks – Case-based
– Support vector machines
• Probabilistic Graphical Models
• Symbolic functions – Naïve Bayes
– Decision trees – Bayesian networks
– Rules in propositional logic – Hidden-Markov Models (HMMs)
– Rules in first-order predicate logic – Probabilistic Context Free Grammars (PCFGs)
– Markov networks
Evaluation
• Accuracy
• Precision and recall
• Squared error
• Likelihood
• Posterior probability
• Cost/ Utility
• Margin
• Entropy
• K-L divergence
• etc.
Various Search/Optimization Algorithms
• Gradient descent
– Perceptron
– Backpropagation
• Dynamic Programming
– HMM Learning
– PCFG Learning (Probabilistic context free grammars)
• Divide and Conquer
– Decision tree induction
– Rule learning
• Evolutionary Computation
– Genetic Algorithms (GAs)
– Genetic Programming (GP)
– Neuro-evolution
Representing Examples
Learning System
Learning System
DeepBelief Net on Face Images
Training on Multiple Objects
Scene Labeling via Deep Learning
Complexity of
Machine Learning
Algorithms
Machine Learning
Usecases
Python libraries
Python libraries
• NumPy
– NumPy is a well known general-purpose array-processing package.
– very useful for handling linear algebra, Fourier transforms, and random numbers.
– Other libraries like TensorFlow uses NumPy at the backend for manipulating tensors.

• SciPy
– for scientific and analytical computing.

• Scikit-learn
– Scikit-learn was built on top of two Python libraries – NumPy and SciPy and has become the most popular
Python machine learning library for developing machine learning algorithms.

• Theano
– act as an optimizing compiler for evaluating and manipulating mathematical expressions and matrix
calculations.
– Theano can work on Graphics Processing Unit (GPU) and CPU.
– Theano can perform data-intensive computations up to 140x faster on GPU than on a CPU.
Python libraries
• TensorFlow
– Was developed for Google’s internal use by the Google Brain team.
– Is a popular computational framework for creating machine learning models.
– Supports a variety of different toolkits for constructing models at varying levels of abstraction
– Has a flexible architecture with which it can run on a variety of computational platforms CPUs, GPUs, and
TPUs. TPU stands for Tensor processing unit, a hardware chip built around TensorFlow for machine
learning and artificial intelligence.

• Keras
– used for neural networks and machine learning.
– can run on top of TensorFlow, Theano. Keras also can run efficiently on CPU and GPU.
– works with neural-network building blocks like layers, objectives, activation functions, and optimizers.
Keras also have a bunch of features to work on images and text images that comes handy when writing
Deep Neural Network code.
– Apart from the standard neural network, Keras supports convolutional and recurrent neural networks.

• PyTorch
– has a range of tools and libraries that support dynamic computation graphs, computer vision, machine
learning, and natural language processing.
Python libraries
• Pandas
– used for data analysis with support for fast, flexible, and expressive data structures
designed to work on both “relational” or “labeled” data.
– Pandas support and perform well with different kinds of data including the below :
• Tabular data with columns of heterogeneous data. For instance, consider the data coming from the SQL
table or Excel spreadsheet.
• Ordered and unordered time series data. The frequency of time series need not be fixed, unlike other
libraries and tools. Pandas is exceptionally robust in handling uneven time-series data
• Arbitrary matrix data with the homogeneous or heterogeneous type of data in the rows and columns
• Any other form of statistical or observational data sets. The data need not be labeled at all. Pandas data
structure can process it even without labeling.

• Matplotlib
– Matplotlib is a data visualization library that is used for 2D plotting to produce publication-
quality image plots and figures in a variety of formats.
– The library helps to generate histograms, plots, error charts, scatter plots, bar charts with
just a few lines of code.
Data Sets Links
Data Sets Links
• http://archive.ics.uci.edu/ml/datasets.php
• https://lionbridge.ai/datasets/the-50-best-free-datasets-for-machine-learning/
• https://cloud.google.com/solutions/datasets
• https://ml-cheatsheet.readthedocs.io/en/latest/datasets.html
• https://datarade.ai/data-categories/ai-ml-training-data
• https://www.kdnuggets.com/2020/03/20-machine-learning-datasets-project-ideas.html
• https://www.kaggle.com/

• https://www.kaggle.com/competitions
• https://www.kaggle.com/chaitanya99/causes-of-heart-attack-eda-xgboost
• https://www.kaggle.com/learn
Where to run/ How to run ML Algorithms
Data Sets Links
Anaconda
• It is free and open-source
• It has more than 1500 Python/R data science packages
• Anaconda simplifies package management and deployment
• It has tools to easily collect data from sources using machine learning and AI

Google Colab (https://colab.research.google.com/ )


• Google Colaboratory is a platform built on top of the Jupyter Notebook environment which
runs entirely on Google Cloud Platform (GCP). This platform provides GPU which is free of cost
and supports Python 2 and 3 versions. deep learning libraries such as Keras, TensorFlow,
OpenCV and others.

OpenML (https://www.openml.org/ )
• OpenML is an open, collaborative, and automated machine learning environment which
includes several specific features such as find or add data to analyse, download or create
computational tasks, find or add data analysis flows and much more.
Industry 4.0
Industry 4.0
Digital Transformation with Machine Learning
Aircraft Engines :
Digital
Transformation
with ML
Wind Turbines: Digital Transformation with ML
Industry 5.0
Industry 5.0
Industry 5.0
Autonomous Cars
Autonomous Cars Technologies
Machine Learning
Usecases of Machine Learning?
• Recognizing patterns:
– Facial identities or facial expressions
– Handwritten or spoken words
– Medical images
• Generating patterns:
– Generating images or motion sequences
• Recognizing anomalies:
– Unusual credit card transactions
– Unusual patterns of sensor readings in a nuclear power plant
• Prediction:
– Future stock prices or currency exchange rates
IOCL
Predictive
maintenance
solution
Analytics evolution towards real-time,
predictive, and prescriptive
THANKS
[email protected]
UniConverge Technologies Pvt. Ltd.
(www.uniconvergetech.in)
&
The IoT Academy
(www.theiotacademy.co)
C56/11, Sector-62, Noida

You might also like