SlideShare a Scribd company logo
Tech Winter Break:
AI/ML Session
Amrita Mysore
Lasya S
Charles Jeyaseelan
Today’s Agenda
1. Introduction to AI/ML
2. Types of Machine Learning
3. Introduction to Python for ML
4. Building a Simple ML Model
5. Feature Engineering and Neural Networks
6. Recap & QA
What is AI/ML?
INTRO : What is AI and ML ?
1. AI refers to the simulation of human intelligence
in machines that can perform tasks requiring
human-like cognitive abilities.
2. ML is a subset of AI that enables machines to
learn from data without being explicitly
programmed.
LET’S DIVE DEEP
SOURCE:
https://www.researchgate.net/figure/enn-Diagram-for-AI-ML-NLP-DL_fig1_353939315
chatgpt
Real World Applications
Healthcare ,Finance
Retail and
E-commerce
Transportation
Manufacturing
Education Agriculture
Energy
Types of Machine
Learning
AI/ML Fundamentals to advanced Slides by GDG Amrita Mysuru.pdf
What is the difference between labelled and
unlabelled data ?
Sources:
https://www.kaggle.com/discussions/general/187644
TYPES OF DATA
MODELLING TECHNIQUES
SOURCE:
https://www.linkedin.com/posts/mattdancho_the-3-types-of-machine-learning-that-every-activity-716934140
2038943745-Dp9D?utm_source=share&utm_medium=member_desktop
Basic key concepts and fundamental steps
Gather Data
Prepare
Data
Choose
Model
Split data Test Model
Train Model
Build,fit
the Model
Evaluate
Model
Prediction
Let’s
Implement
BUILDING A SIMPLE
ML MODEL
Use Case:
A Simple Handwritten Digit Classification
<Supervised Learning>
<Multi-Class Classification>
Overview
What is a Model?
● A mathematical representation of a
process that learns from data.
Steps to Build a Model:
● Data Preprocessing: Prepare data for
analysis.
● Training: Teach the model using labeled
data.
● Testing: Evaluate how well the model
performs on unseen data.
Training and Evaluating a Model
Dataset Used:
● DIGITS Dataset
● https://scikit-learn.org/1.5/modules/generated/sklearn.
datasets.load_digits.html
Steps in Practice:
● Split data into Training and Testing Sets.
● Select a Model (Logistic Regression).
● Train the model and make predictions.
● Evaluate performance using Accuracy or
a Confusion Matrix.
Why Evaluation Matters?
Helps identify:
● Underfitting (model performs poorly on training data).
● Overfitting (model performs well on training but poorly on testing).
Metric Examples:
● Accuracy = Correct Predictions / Total Predictions.
● Confusion Matrix: A table to evaluate model performance.
● Precision, Recall, F1- Score (CLASSIFICATION)
● MAE, MSE, MAPE (REGRESSION)
● Silhouette Score, Jaccard Index (CLUSTERING)
Source:
https://stanford.edu/~shervine/teaching/cs-229/cheatsheet-machine-learning-tips-an
d-tricks
LET’s IMPLEMENT
Feature Engineering
and Neural Networks
Overview
What is Feature Engineering?
● Process of selecting, modifying, or creating variables to improve
model performance.
Key Techniques:
● Handling Missing Data: Use mean, median, or imputation.
● Scaling and Normalization: Transform data for consistent scale (e.g.,
Min-Max Scaling).
● Encoding Categorical Data: Use One-Hot Encoding or Label
Encoding.
Example of Feature Engineering (For MNIST Dataset)
Dataset Example:
Columns: Pixel Intensity Values (28x28), Target Label (Digit
0-9).
https://www.tensorflow.org/datasets/catalog/mnist
Apply Techniques:
● Scale Pixel Intensity Values to a 0-1 range.
● Flatten Images: Convert 28x28 pixel grids to a 1D
array (784 values).
● Handle Corrupted Data: Replace missing pixel
values with the average pixel intensity (if applicable).
Neural Networks – Basics
What is a Neural Network?
● A collection of interconnected layers inspired by the
human brain.
Key Components:
● Input Layer: Accepts features.
● Hidden Layers: Process data with weights and
biases.
● Output Layer: Generates predictions.
Core Concepts:
● Activation Functions: Sigmoid, ReLU, Softmax.
● Training: Use gradient descent and backpropagation.
Comparison With Our Human Brain
Source:
https://towardsdatascience.com/the-differences-between-artificial-and-biological-neural-n
etworks-a8b46db828b7
What happens inside a Single Artificial Neuron?
Activation Functions
What are Activation Functions?
● Functions applied to neuron outputs to introduce
non-linearity.
● Help neural networks model complex relationships in data.
Common Activation Functions:
● ReLU (Rectified Linear Unit):
○ Outputs x if x > 0; otherwise 0.
○ Efficient and reduces vanishing gradient issues.
● Sigmoid:
○ Squashes values between 0 and 1.
○ Used for probability predictions.
● Softmax:
○ Converts outputs into probability distributions for
multi-class classification.
Sources:
https://medium.com/@krishnakalyan3/introduction-to-exponential-linear-unit-d3e29
04b366c
https://developer.apple.com/documentation/accelerate/bnnsactivationfunction/2915
301-softmax
Optimization
What is Optimization?
● The process of adjusting weights and biases to
minimize the loss/cost function.
Common Optimization Techniques:
● Gradient Descent:
○ Updates weights by calculating the gradient of
the loss function.
Variants of Gradient Descent:
● SGD (Stochastic Gradient Descent):
○ Updates weights for each training example.
● Adam (Adaptive Moment Estimation):
○ Combines momentum and adaptive learning
rates for faster convergence.
Sources:
https://www.analyticsvidhya.com/blog/2020/10/how-does-the-gradient-de
scent-algorithm-work-in-machine-learning/
Source
https://www.analyticsvidhya.com/blog/2020/10/how-does-the-gradient-descent-alg
orithm-work-in-machine-learning/
LET’s IMPLEMENT
Recap
Recap of Key Concepts
What We Learned:
● How to build a basic ML model.
● Importance of feature
engineering for better model
performance.
● Neural network basics and their
components.
Self-Study Recommendations
Explore:
● Datasets: Titanic dataset, MNIST
digits.
● Courses: Andrew Ng’s ML course,
TensorFlow tutorials.
● Frameworks: TensorFlow, Keras,
PyTorch.
Try building:
● Regression models for house prices.
● Neural network for binary classification.
Any Questions?
THANK
YOU

More Related Content

PDF
Unified Approach to Interpret Machine Learning Model: SHAP + LIME
PPTX
Machine Learning course in Chandigarh Join
PDF
Model evaluation in the land of deep learning
PPTX
Machine learning
PDF
Feature Engineering in Machine Learning
PDF
PDF
Essential Skills You Need to Become a Deep Learning Expert | IABAC
PPTX
Artificial Intelligence (AI) INTERNSHIP.pptx
Unified Approach to Interpret Machine Learning Model: SHAP + LIME
Machine Learning course in Chandigarh Join
Model evaluation in the land of deep learning
Machine learning
Feature Engineering in Machine Learning
Essential Skills You Need to Become a Deep Learning Expert | IABAC
Artificial Intelligence (AI) INTERNSHIP.pptx

Similar to AI/ML Fundamentals to advanced Slides by GDG Amrita Mysuru.pdf (20)

PPTX
ODSC APAC 2022 - Explainable AI
PDF
: A Crucial Combination for Data Science
PPTX
Aws autopilot
PDF
Human in the loop: Bayesian Rules Enabling Explainable AI
PPTX
Intro to ML for product school meetup
PDF
Building a performing Machine Learning model from A to Z
PDF
Deep Dive into AI Development Teams
PPTX
ML-Chapter_one.pptx
PDF
50 Interview Questions and Answers for Data Science Jobs.pdf
PPTX
Learning – Types of Machine Learning – Supervised Learning – Unsupervised UNI...
PDF
Automated Machine Learning
PDF
Traditional Machine Learning and No Code Machine Learning with its Features a...
PDF
The Data Scientist’s Toolkit: Key Techniques for Extracting Value
PDF
From Data to Decisions_ A Complete Guide for New-Age Data Scientists.pdf
PPTX
Introduction to Machine Learning for Java Developers
PPTX
Machine Learning: Techniques, Trends, and Transformative Applications - Nomidl
PDF
Machine learning for sensor Data Analytics
PDF
Artificial Intelligence - Anna Uni -v1.pdf
PDF
GDG DEvFest Hellas 2020 - Automated ML - Panagiotis Papaemmanouil
PDF
Machine learning-for-dummies-andrews-sobral-activeeon
ODSC APAC 2022 - Explainable AI
: A Crucial Combination for Data Science
Aws autopilot
Human in the loop: Bayesian Rules Enabling Explainable AI
Intro to ML for product school meetup
Building a performing Machine Learning model from A to Z
Deep Dive into AI Development Teams
ML-Chapter_one.pptx
50 Interview Questions and Answers for Data Science Jobs.pdf
Learning – Types of Machine Learning – Supervised Learning – Unsupervised UNI...
Automated Machine Learning
Traditional Machine Learning and No Code Machine Learning with its Features a...
The Data Scientist’s Toolkit: Key Techniques for Extracting Value
From Data to Decisions_ A Complete Guide for New-Age Data Scientists.pdf
Introduction to Machine Learning for Java Developers
Machine Learning: Techniques, Trends, and Transformative Applications - Nomidl
Machine learning for sensor Data Analytics
Artificial Intelligence - Anna Uni -v1.pdf
GDG DEvFest Hellas 2020 - Automated ML - Panagiotis Papaemmanouil
Machine learning-for-dummies-andrews-sobral-activeeon
Ad

Recently uploaded (20)

PDF
How UI/UX Design Impacts User Retention in Mobile Apps.pdf
PDF
CIFDAQ's Market Insight: SEC Turns Pro Crypto
PDF
Advanced methodologies resolving dimensionality complications for autism neur...
PDF
The Rise and Fall of 3GPP – Time for a Sabbatical?
PDF
Dropbox Q2 2025 Financial Results & Investor Presentation
PDF
Agricultural_Statistics_at_a_Glance_2022_0.pdf
PPT
“AI and Expert System Decision Support & Business Intelligence Systems”
PDF
Machine learning based COVID-19 study performance prediction
PPTX
MYSQL Presentation for SQL database connectivity
PDF
Empathic Computing: Creating Shared Understanding
PDF
Build a system with the filesystem maintained by OSTree @ COSCUP 2025
PPTX
Big Data Technologies - Introduction.pptx
PDF
Architecting across the Boundaries of two Complex Domains - Healthcare & Tech...
PDF
Unlocking AI with Model Context Protocol (MCP)
PDF
Network Security Unit 5.pdf for BCA BBA.
DOCX
The AUB Centre for AI in Media Proposal.docx
PDF
Approach and Philosophy of On baking technology
PPT
Teaching material agriculture food technology
PDF
Electronic commerce courselecture one. Pdf
PDF
Shreyas Phanse Resume: Experienced Backend Engineer | Java • Spring Boot • Ka...
How UI/UX Design Impacts User Retention in Mobile Apps.pdf
CIFDAQ's Market Insight: SEC Turns Pro Crypto
Advanced methodologies resolving dimensionality complications for autism neur...
The Rise and Fall of 3GPP – Time for a Sabbatical?
Dropbox Q2 2025 Financial Results & Investor Presentation
Agricultural_Statistics_at_a_Glance_2022_0.pdf
“AI and Expert System Decision Support & Business Intelligence Systems”
Machine learning based COVID-19 study performance prediction
MYSQL Presentation for SQL database connectivity
Empathic Computing: Creating Shared Understanding
Build a system with the filesystem maintained by OSTree @ COSCUP 2025
Big Data Technologies - Introduction.pptx
Architecting across the Boundaries of two Complex Domains - Healthcare & Tech...
Unlocking AI with Model Context Protocol (MCP)
Network Security Unit 5.pdf for BCA BBA.
The AUB Centre for AI in Media Proposal.docx
Approach and Philosophy of On baking technology
Teaching material agriculture food technology
Electronic commerce courselecture one. Pdf
Shreyas Phanse Resume: Experienced Backend Engineer | Java • Spring Boot • Ka...
Ad

AI/ML Fundamentals to advanced Slides by GDG Amrita Mysuru.pdf

  • 1. Tech Winter Break: AI/ML Session Amrita Mysore Lasya S Charles Jeyaseelan
  • 2. Today’s Agenda 1. Introduction to AI/ML 2. Types of Machine Learning 3. Introduction to Python for ML 4. Building a Simple ML Model 5. Feature Engineering and Neural Networks 6. Recap & QA
  • 4. INTRO : What is AI and ML ? 1. AI refers to the simulation of human intelligence in machines that can perform tasks requiring human-like cognitive abilities. 2. ML is a subset of AI that enables machines to learn from data without being explicitly programmed.
  • 6. Real World Applications Healthcare ,Finance Retail and E-commerce Transportation Manufacturing Education Agriculture Energy
  • 9. What is the difference between labelled and unlabelled data ? Sources: https://www.kaggle.com/discussions/general/187644
  • 12. Basic key concepts and fundamental steps Gather Data Prepare Data Choose Model Split data Test Model Train Model Build,fit the Model Evaluate Model Prediction
  • 14. BUILDING A SIMPLE ML MODEL Use Case: A Simple Handwritten Digit Classification <Supervised Learning> <Multi-Class Classification>
  • 15. Overview What is a Model? ● A mathematical representation of a process that learns from data. Steps to Build a Model: ● Data Preprocessing: Prepare data for analysis. ● Training: Teach the model using labeled data. ● Testing: Evaluate how well the model performs on unseen data.
  • 16. Training and Evaluating a Model Dataset Used: ● DIGITS Dataset ● https://scikit-learn.org/1.5/modules/generated/sklearn. datasets.load_digits.html Steps in Practice: ● Split data into Training and Testing Sets. ● Select a Model (Logistic Regression). ● Train the model and make predictions. ● Evaluate performance using Accuracy or a Confusion Matrix.
  • 17. Why Evaluation Matters? Helps identify: ● Underfitting (model performs poorly on training data). ● Overfitting (model performs well on training but poorly on testing). Metric Examples: ● Accuracy = Correct Predictions / Total Predictions. ● Confusion Matrix: A table to evaluate model performance. ● Precision, Recall, F1- Score (CLASSIFICATION) ● MAE, MSE, MAPE (REGRESSION) ● Silhouette Score, Jaccard Index (CLUSTERING)
  • 21. Overview What is Feature Engineering? ● Process of selecting, modifying, or creating variables to improve model performance. Key Techniques: ● Handling Missing Data: Use mean, median, or imputation. ● Scaling and Normalization: Transform data for consistent scale (e.g., Min-Max Scaling). ● Encoding Categorical Data: Use One-Hot Encoding or Label Encoding.
  • 22. Example of Feature Engineering (For MNIST Dataset) Dataset Example: Columns: Pixel Intensity Values (28x28), Target Label (Digit 0-9). https://www.tensorflow.org/datasets/catalog/mnist Apply Techniques: ● Scale Pixel Intensity Values to a 0-1 range. ● Flatten Images: Convert 28x28 pixel grids to a 1D array (784 values). ● Handle Corrupted Data: Replace missing pixel values with the average pixel intensity (if applicable).
  • 23. Neural Networks – Basics What is a Neural Network? ● A collection of interconnected layers inspired by the human brain. Key Components: ● Input Layer: Accepts features. ● Hidden Layers: Process data with weights and biases. ● Output Layer: Generates predictions. Core Concepts: ● Activation Functions: Sigmoid, ReLU, Softmax. ● Training: Use gradient descent and backpropagation.
  • 24. Comparison With Our Human Brain Source: https://towardsdatascience.com/the-differences-between-artificial-and-biological-neural-n etworks-a8b46db828b7
  • 25. What happens inside a Single Artificial Neuron?
  • 26. Activation Functions What are Activation Functions? ● Functions applied to neuron outputs to introduce non-linearity. ● Help neural networks model complex relationships in data. Common Activation Functions: ● ReLU (Rectified Linear Unit): ○ Outputs x if x > 0; otherwise 0. ○ Efficient and reduces vanishing gradient issues. ● Sigmoid: ○ Squashes values between 0 and 1. ○ Used for probability predictions. ● Softmax: ○ Converts outputs into probability distributions for multi-class classification. Sources: https://medium.com/@krishnakalyan3/introduction-to-exponential-linear-unit-d3e29 04b366c https://developer.apple.com/documentation/accelerate/bnnsactivationfunction/2915 301-softmax
  • 27. Optimization What is Optimization? ● The process of adjusting weights and biases to minimize the loss/cost function. Common Optimization Techniques: ● Gradient Descent: ○ Updates weights by calculating the gradient of the loss function. Variants of Gradient Descent: ● SGD (Stochastic Gradient Descent): ○ Updates weights for each training example. ● Adam (Adaptive Moment Estimation): ○ Combines momentum and adaptive learning rates for faster convergence. Sources: https://www.analyticsvidhya.com/blog/2020/10/how-does-the-gradient-de scent-algorithm-work-in-machine-learning/
  • 30. Recap
  • 31. Recap of Key Concepts What We Learned: ● How to build a basic ML model. ● Importance of feature engineering for better model performance. ● Neural network basics and their components.
  • 32. Self-Study Recommendations Explore: ● Datasets: Titanic dataset, MNIST digits. ● Courses: Andrew Ng’s ML course, TensorFlow tutorials. ● Frameworks: TensorFlow, Keras, PyTorch. Try building: ● Regression models for house prices. ● Neural network for binary classification.