Core Machine Learning Course Modules
Core Machine Learning Course Modules
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 in Data Science (Major Machine Learning) at FAU Erlangen, Germany
www.aiquest.org
AiQuest.org – ML Module Summary
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!
www.aiquest.org
*Assignment on 100 Basic Python problem-solving
*Quiz Exam (MCQ & Short Questions)
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 maths & implementation
▪ Implementing Everything with Python, Pandas, Numpy & Sklearn
▪ Complete the Assignment within the Deadline!
▪ *Quiz Exam (MCQ & Short Questions)
2. Gradient Decent:
▪ Differential Calculus Basics
▪ Convex Vs. Non-convex Functions
▪ Cost Function Derivatives
▪ In-depth Mathematical Intuition of Gradient Decent for Regression
▪ Implementing Regression with Gradient Decent with Python & Numpy
▪ Complete the Assignment within the Deadline!
▪ *Quiz Exam (MCQ & Short Questions)
www.aiquest.org
*Project on: Time Series Forecasting using Linear Regression, ARIMA & Prophet
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)
www.aiquest.org
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
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)
www.aiquest.org
▪ 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)
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
www.aiquest.org
▪ 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?
▪ Boxplot Concepts
▪ Outlier Detection
▪ Implementation of Everything with Python
▪ Complete the Assignment within the Deadline!
▪ *Quiz Exam (MCQ & Short Questions)
www.aiquest.org
▪ 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
▪ 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)
www.aiquest.org
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)
www.aiquest.org
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!
Module 09: Unsupervised Learning (01 Class & 02 Hours Plan) [Watch Class]
▪ Unsupervised Learning Concepts
▪ Market Basket Analysis
www.aiquest.org
▪ 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!
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 Decent
○ Adam
○ AdaGrad
○ RMSProp
○ Adadelta
○ AMSGrad
● Momentum
● Nesterov Momentum (NAG)
● ANNs Architecture & Maths
● Convolutional Neural Network – CNNs Architecture & Maths
● RNN Architechtures & Maths
● Gated Model & LSTM Architechtures & Maths
● In-depth Discussion (Mathematical Operations)
● Python Implementations and Project
● *Quiz Exam (MCQ & Short Questions)
www.aiquest.org
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.
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