0% found this document useful (0 votes)
17 views

Data Science and Machine Learning

Copyright
© © All Rights Reserved
Available Formats
Download as PDF, TXT or read online on Scribd
0% found this document useful (0 votes)
17 views

Data Science and Machine Learning

Copyright
© © All Rights Reserved
Available Formats
Download as PDF, TXT or read online on Scribd
You are on page 1/ 13

Course Plan: Approx Duration: 50 Hours, Total Live Class: 25, Watch Demo Class!

Facilities: Live Class, Separate Classroom, Recording Class Access for Lifetime, Certificate
Any Questions? +8801704265972 (Call/WhatsApp)
Course Instructor:
Rashedul Alam Shakil
Automation & Database Programmer at
Siemens Energy, Nuremberg, Germany
Founder of aiQuest Intelligence & Study Mart
Master’s in Data Science (Major Machine Learning) at FAU Erlangen, Germany

www.aiquest.org
AiQuest.org – ML Module Summary

Module 01: Introduction to Data Science & AI

Module 02: Python Language

Module 03: Regression Algorithms

Module 04: Feature Engineering

Module 05: Math (Calculus & Linear Algebra for ML)

Module 06: Statistics for Data Science

Module 07: Classification Algorithms

Module 08: ML Model Evaluation

Module 09: Unsupervised Learning [Demo Class]

Module 10: Hyperparameter Optimization

Module 11: Machine Learning for Time Series

Module 12: Deep Learning & Neural Networks

Let's get into the details.….

www.aiquest.org
Module 01: Introduction to Data Science & Artificial
Intelligence (01 - Class & 2.0 hours plan)
▪ Introduction to Data Science & Artificial Intelligence
▪ Details Explanation & the Definition of –
● Data, Information, Database, Data Warehouse
● Machine Learning
● Neural Networks
● Supervised & Unsupervised Learning
● Regression, Classification, Clustering
● NLP, LLMs & Generative AI
▪ Future of AI
▪ Job Market Research
▪ Data Science Tools
*Q&A: Questions & Answer Session!
*Quiz Exam (MCQ & Short Questions)

Module 02: Basic Python (02 - Class & 5.0 hours plan)
▪ IDE Installation
▪ Variables & Data Types
▪ Loops & Control Flow
▪ Functions
▪ Data Structures
▪ Intro to -
● Pandas
● Numpy
● Matplotlib & Seaborn
▪ Discussion on –
● Scikit-learn, PyCaret
● Keras, TensorFlow & Pytorch, Hugging Face
*Q&A: Questions & Answer Session!
*Assignment on 100 Basic Python problem-solving
*Quiz Exam (MCQ & Short Questions)

www.aiquest.org
Module 03: Regression Algorithms (03 - Class & 6.0 hours plan)
1. Linear Regression:
▪ Linear Equations
▪ Lines: Straight, Curve
▪ Terminologies: Slope/Gradient, Intercept
▪ Regularizations:
o L1 Regularization / Lasso
o L2 Regularization / Ridge
▪ Loss & Cost Functions:
o MSE
o MAE
o RMSE
▪ Coefficient of Determination/ R Squared Value/ Performance
▪ In-depth Mathematical Intuition of Least Square Method
▪ Polynomial Regression math & implementation
▪ Implementing Everything with Python, Pandas, Numpy & Sklearn
▪ Complete the Assignment within the Deadline!
▪ *Quiz Exam (MCQ & Short Questions)

2. Gradient Descent:
▪ Differential Calculus Basics
▪ Convex Vs. Non-convex Functions
▪ Cost Function Derivatives
▪ In-depth Mathematical Intuition of Gradient Descent for Regression
▪ Implementing Regression with Gradient Decent with Python & Numpy
▪ Complete the Assignment within the Deadline!
▪ *Quiz Exam (MCQ & Short Questions)
*Project on: Time Series Forecasting using Linear Regression, ARIMA & Prophet

3. K-Nearest Neighbors Regressor (KNN):


▪ Distance Algorithms & Norms
o Manhattan Distance / L1 Norm
o Euclidean Distance / L2 Norm
o Minkowski Distance

www.aiquest.org
▪ In-depth Mathematical Intuition of KNN Regressor
▪ Implementing Everything with Python & Sklearn
o Project
▪ Complete the Assignment within the Deadline!
▪ *Quiz Exam (MCQ & Short Questions)

Module 04: Feature Engineering (04 - Class & 8.0 hours plan)
1. Categorical Data Encoding:
▪ Type of Variables
▪ The measure of Central Tendency
▪ NaN Handling
▪ Label Encoder
▪ One Hot Encoder
o Dunny Variable Trap
o Multicollinearity Problem
▪ Binary Encoding
▪ Mean Encoding
▪ Frequency Encoding
▪ Ordinal Encoding
▪ Implementing with Python & Pandas
▪ Complete the Assignment within the Deadline!
▪ *Quiz Exam (MCQ & Short Questions)

2. Feature Transformation / Data Scaling:


▪ Concepts of Scaling
▪ Standardization / Z Score
o Mean
o Standard Deviation
o Variance
▪ Normalization
o Min Max Normalization
o Mean Normalization
▪ Max Absulate Scaler
▪ Robust Scaler
o Q1

www.aiquest.org
o Q2
o Q3
o IQR
▪ Power Transformation
▪ Log Transformation
▪ Implementing with Python & Pandas
▪ Complete the Assignment within the Deadline!
▪ *Quiz Exam (MCQ & Short Questions)

3. Text Data Preprocessing & Feature Extraction / Vectorizer:


▪ Tokenization:
o Word tokens
o Character tokens
o Sentence tokens
o Named entity tokens.
o Part-of-speech (POS) tags
o Sub-word tokens
▪ Text Normalization:
o Stemming
o Lemmatization
▪ Text Visualization
▪ Vectorizer:
o Bag of Words / Count Vectorizer
o TF Idf Vectorizer:
▪ Term Frequency
▪ Inverse Document Frequency
o Word2Vec
▪ Implementation of Text Normalization with Python, NLTK & Gensim
▪ Implementation of Vectorizer with Python, NLTK & Gensim
▪ Complete the Assignment within the Deadline!
▪ *Quiz Exam (MCQ & Short Questions)

4. Feature Selection for High Dimensionality Reduction:


▪ Filter Methods
▪ Wrapper Methods
▪ Embedded Methods

www.aiquest.org
▪ Implementation of Everything with Python
▪ We will also learn the mathematics of PCA step-by-step
▪ Implementing PCA with Python
▪ Linear discriminant analysis (LDA) concepts
▪ Complete the Assignment within the Deadline!
▪ *Quiz Exam (MCQ & Short Questions)

Module 05: Basics of Linear Algebra (01 Class & 2.50 Hour Plan)
▪ Vectors
▪ Matrix
▪ Matrix Operation
▪ System of Linear Equations
▪ Determinants
▪ Gaussian Elimination
▪ Crammers Rules
▪ Eigenvalues and Eigenvectors
▪ Calculation Principal Component Analysis Step by Step
▪ Differential Calculus
▪ Implementation of Everything with Python
▪ I will Suggest One Video Series for Linear Algebra
▪ Complete the Assignment within the Deadline!
▪ *Quiz Exam (MCQ & Short Questions)

Module 06: Statistics for Data Science (01 Class & 2.5 Hour Plan)
▪ Central Tendency, Standard Deviation, Variance
▪ Skewness
▪ Data Distributions
▪ Probability Density Functions
▪ Probability Theory
▪ Hypothesis Testing
▪ Z Scores
▪ P Value
▪ Analysis of Variance – ANOVA
▪ When to use / Where to use?

www.aiquest.org
▪ Boxplot Concepts
▪ Outlier Detection
▪ Implementation of Everything with Python
▪ Complete the Assignment within the Deadline!
▪ *Quiz Exam (MCQ & Short Questions)

Module 07: Classification Algorithms (06 Class & 12 Hours Plan)


1. Decision Tree:
▪ Gini & Entropy
▪ Information Gain
▪ Tree Pruning
▪ Gini Index
▪ DT Classifier Vs. DT Regressor
▪ In-depth Mathematical Intuition of Decision Tree
▪ Implementing Decision Tree with Python, Tree & Sklearn
▪ Complete the Assignment within the Deadline!
▪ *Quiz Exam (MCQ & Short Questions)

2. Logistic Regression:
▪ Concept of Sigmoid
▪ Probability function
▪ In-depth Mathematical Intuition of Logistic Regression
▪ Implementing Logistic Regression with Python & Sklearn
▪ Complete the Assignment within the Deadline!
▪ *Quiz Exam (MCQ & Short Questions)

3. Ensemble Learning:
▪ Ensemble Concepts
▪ Bagging Vs. Boosting
▪ Random Forest Classifier/Regressor
▪ ExtraTreesClassifier

www.aiquest.org
▪ Gradient Boosting
▪ Extreme Gradient Boosting (XGBoost)
▪ Adaptive Boosting (AdaBoost)
▪ CatBoost Classifier
▪ Implementing Everything with Python Project
▪ Complete the Assignment within the Deadline!
▪ *Quiz Exam (MCQ & Short Questions)

4. KNN Classifier:
▪ Maths of KNN
▪ We will learn KNN Classifier and KNN Regressor in the Same Class.
▪ Implementing Everything with Python
▪ Complete the Assignment within the Deadline!
▪ *Quiz Exam (MCQ & Short Questions)

5. Naïve Bayes:
▪ Simple Probability
▪ Prior, Posterior, Likelihood
▪ Bayes Theorem
▪ Naive Bayes Classifiers
o Gaussian Naive Bayes
o Bernoulli Naive Bayes
o Multinomial Naive Bayes
▪ Maths
▪ In-depth Mathematical Intuition of Naïve Bayes
▪ Implementing Everything with Python
▪ Project on Text Classification in NLP
▪ Complete the Assignment within the Deadline!
▪ *Quiz Exam (MCQ & Short Questions)

6. Support Vector Machine (SVM):


▪ Hyperplane
▪ Support Vectors

www.aiquest.org
▪ Hard Margin
▪ Soft Margin
▪ SVM Kernel Tricks
o Radial Basis Function (RBF) Kernel
o Linear Kernel
o Sigmoid Kernel
o Polynomial Kernel
▪ In-depth Mathematical Intuition of SVM
▪ Implementing Everything with Python
o Project
▪ Complete the Assignment within the Deadline!
▪ *Quiz Exam (MCQ & Short Questions)

Module 08: ML Model Evaluation & Cross Validation (01 Class & 02 Hours Plan)
▪ Confusion Matrix
▪ Accuracy
▪ Precision
▪ Recall
▪ F1-Score
▪ Area Under the Curve (AUC)
▪ Receiver Operating Characteristics (ROC)
▪ Calculating R Squared Value for Regression
▪ Cross Validation:
o KFold
o Stratified KFold
o Leave One Out
▪ Implementing Everything with Python
o Project
▪ Complete the Assignment within the Deadline!
▪ *Quiz Exam (MCQ & Short Questions)

www.aiquest.org
Module 09: Unsupervised Learning (01 Class & 02 Hours Plan) [Watch Class]
▪ Unsupervised Learning Concepts
▪ Market Basket Analysis
▪ K-Means Cluster Algorithm
▪ Elbow Method for Optimal Cluster
▪ In-depth Mathematical Intuition of K-Means
▪ Implementing Everything with Python
o Project
▪ Complete the Assignment within the Deadline!
▪ *Quiz Exam (MCQ & Short Questions)

Module 10: Hyperparameter Optimization (01 Class & 02 Hours Plan)


● Concept of ML Model Optimization
● Pre-Pruning
● Post-Pruning
● Grid Search
● Random Search
● Bayesian Optimization
● Implementing Everything with Python
○ Project
● Complete the Assignment within the Deadline!
● *Quiz Exam (MCQ & Short Questions)

Module 11: Machine Learning for Time Series (01 Class & 02 Hours)
● Concepts of Stationary & Non-stationary Data
● Dynamic Time Warping Algorithm
● Autoregressive & Moving Average Model
● ARIMA, SARIMA, and Prophet Algorithm
● Project on Time Series
● *Quiz Exam (MCQ & Short Questions)

www.aiquest.org
Module 12: Deep Learning & Neural Networks (04/05 Classes & 10 Hour Plan)
● Concepts of Perceptron
● Perceptron Vs. MLPs
● Neural Network Architecture
● Activation Functions
● Optimizer Algorithm (In-depth Maths):
○ Gradient Descent
○ Adam
○ AdaGrad
○ RMSProp
○ Adadelta
○ AMSGrad
● Momentum & Nesterov Momentum (NAG)
● Vanishing and Exploding Gradients
● ANNs Architecture & Math
● Convolutional Neural Network – CNNs Architecture & Math
● RNN Architecture & Math
● Gated Model & LSTM Architecture & Math
● In-depth Discussion (Mathematical Operations)
● Python Implementations and Project
● *Quiz Exam (MCQ & Short Questions)

Guidelines for Future Research / Jobs / Study Abroad:


● Qualification Testing
● Job Searching
● CV Making Formats
● Resource Sharing for Further Learning
● Final Quiz Exam
● Final Project Submission

Note: We will increase the number of classes if required. After Completing this
course, you will be able to understand everything that is mentioned in the module.
You must submit all the assignments & projects to get a course certificate.

www.aiquest.org
Contact Details:
Join Our Facebook Group: Join Now!
Call us: +8801704265972 (Direct Call / WhatsApp)
Talk with the Course Coordinator: Click Here!
Subscribe: Click Here!

www.aiquest.org

You might also like