Curriculum
22 Sections
97 Lessons
Lifetime
Expand all sections
Collapse all sections
Fundamentals of Python
8
1.1
History & Background
1.2
Basic Syntax
1.3
Data Types: Lists, Tuples, Dictionaries etc.
1.4
Basic Operators
1.5
Control Flow, Functions, File I/O & Exceptions
1.6
Classes & Libraries
1.7
Functional Programming
1.8
Tools Covered: Python IDLE (for writing and running Python programs).
Additional Python Topics
7
2.1
URLLIB, LOGGING, REQUESTS
2.2
FLASK (Buildings Simple websites)
2.3
Serving models with Flask Restful
2.4
FASTAPI, PYDANTIC, SQLAlchemy
2.5
Serving models with FASTAPI
2.6
OS, SYS
2.7
JSON, CSV
Linux and Containerisation
2
3.1
Linux Command
3.2
Docker & Docker-Compose
Python Programming for Mathematical and Scientific Computation
4
4.1
NumPy (package for fast numerical calculation)
4.2
Pandas (Tabular data manipulation package)
4.3
Plotting and Charting with Matplotlib,Seaborn ang plotly (Data Visualization package)
4.4
Tools covered: NumPy, Pandas, Matplotlib, Seaborn, plotly
Introduction to Linear Algebra
5
5.1
Basics: Scalars, vectors, matrices, notations
5.2
Vector Operations: Addition, subtraction, scalar multiplication, dot & cross product, norms
5.3
Matrix Operations: Addition, multiplication, transpose, inverse
5.4
Special Matrices: Identity, diagonal, symmetric, orthogonal, determinants
5.5
Solving Linear Equations: Row echelon forms, Gaussian elimination
Introduction to Statistics
5
6.1
Descriptive Statistics: Types of data, measures of central tendency (mean, median, mode), measures of dispersion (range, variance, standard deviation), skewness, kurtosis
6.2
Probability Theory: Basic probability, conditional probability, Bayes’ theorem, discrete & continuous distributions
6.3
Inferential Statistics: Population vs sample, sampling methods, central limit theorem, hypothesis testing (null/alternative, p-value, type I/II errors)
6.4
Statistical Tests & Confidence Intervals: t-tests (one-sample, two-sample), chi-square test, ANOVA, confidence intervals for means & proportions
6.5
Correlation & Regression: Correlation coefficient, simple & multiple linear regression, interpretation of results
Exploratory Data Analysis
1
7.1
Learn to analyze, visualize, and summarize data to uncover patterns, insights, and relationships before modeling.
Introduction to Machine Learning
5
8.1
Machine Learning Overview
8.2
Types of Machine Learning
8.3
Predictive modelling with scikit-learn (Machine Learning package)
8.4
Basics of building Machine Learning Models
8.5
Tools Covered: Python, NumPy, Pandas, Matplotlib, Seaborn, and scikit-learn.
In depth mathematical explanation of the algorithms and its implementation in python from scratch
2
9.1
Linear Regression
9.2
Neural Network
Building models with popular Supervised Learning algorithms
7
10.1
K-Nearest Neighbors: Classification and Regression
10.2
Linear Regression: Least-Squares, Ridge,
10.3
Lasso, and Polynomial Regression
10.4
Logistic Regression, Support Vector Machines, Decision Trees
10.5
Neural Networks, Naive Bayes
10.6
Ensemble Modelling, Random Forest, Gradient Boosted Decision Trees
10.7
Tools Covered: Python, NumPy, Pandas, Matplotlib, Seaborn, and scikit-learn
Model Evaluation
6
11.1
Model Evaluation & Selection
11.2
Overfitting and Underfitting
11.3
Cross-Validation
11.4
Confusion Matrices & Advanced Evaluation
11.5
Precision-recall and Receiver Operating Characteristic (ROC) curves
11.6
Tools Covered: Python, scikit-learn, Matplotlib, and Seaborn.
Building models with popular Unsupervised Learning
4
12.1
Kernel Density Estimation (KDE)
12.2
Dimensionality Reduction – Principal Component Analysis (PCA) and Manifold Learning
12.3
Clustering – KMeans, Hierarchical and Density-Based Spatial Clustering of Applications with Noise (DBSCAN)
12.4
Tools Covered: Python, scikit-learn, Matplotlib, and Seaborn.
Serving Machine Learning Models through web API
2
13.1
Deploy your machine learning models seamlessly through a web API using Flask for efficient and scalable real-time predictions.
13.2
Tools Covered: Python, Flask, scikit-learn
Introduction to Deep Learning
5
14.1
Programming with Tensorflow/Keras and Pytorch
14.2
Deep Learning Architectures: Convolutional Neural Networks (CNN), Recurrent Neural Networks (RNN), Long Short-Term Memory (LSTM) Networks, Autoencoders
14.3
Transfer Learning and Fine Tuning
14.4
Generative AI algorithms: Generative Adversarial Networks (GANs), Transformers, Diffusion models,Large Language Models (LLMs)
14.5
Tools Covered: Python, TensorFlow/Keras
Natural Language Processing (NLP) and Applied Text Mining
3
15.1
Introduction to Natural Language Processing (NLP)
15.2
NLP with transformer package (Text Classification, Summarisation, Paraphrasing, Translation,Information Extraction).
15.3
Tools Covered: Python, Hugging Face Transformers, Natural Language Toolkit (NLTK) (optional).
Computer Vision
4
16.1
Introduction to Image and Video Processing with OpenCV
16.2
Computer vision with deep neural networks: Image Classification, Object Detection, Segmentation & Image Generation
16.3
Computer vision with Yolo and Detectron
16.4
Tools Covered: Python, OpenCV, TensorFlow/Keras, PyTorch, YOLO, Detectron2
Generative AI and Large Language Models (LLMs)
12
17.1
Introduction to Generative AI and Popular LLMs: Definition, history, key characteristics, and applications; popular LLMs (GPT, BERT, T5, LLaMA, Phi)
17.2
Fundamentals of LLMs: Transformer architecture and attention mechanism; pre-training and fine-tuning; ethics in Generative AI
17.3
Working with LLMs: Hugging Face setup and usage; NLP tasks (text generation, classification, summarization); evaluation metrics (Perplexity, BLEU, Precision, Recall, F1 Score)
17.4
LangChain & Application Development: Core components (Chains, Agents, Memory, Prompts); chatbot development and integration with LLMs
17.5
Vector Databases & Retrieval-Augmented Generation (RAG): Vector databases for storing and searching embeddings; RAG for combining retrieved knowledge with LLM generation to produce accurate, context-aware responses
17.6
Transfer Learning & Fine-Tuning: Transfer learning concepts; fine-tuning LLMs on domain-specific data; LoRA (Low-Rank Adaptation) for efficient fine-tuning
17.7
Agentic AI & Model Context Protocol(MCP): Understanding agentic models; multi-step reasoning and planning
17.8
Advanced Techniques: RLHF (Reinforcement Learning from Human Feedback); Chain-of-Thought (CoT) prompting; agentic models and decision-making
17.9
Open-Source Models & Ollama: Setup and usage of Ollama; comparison with commercial LLMs; demo
17.10
Chatbot Development & Best Practices: APIs, context management, personalization; evaluating chatbots using BLEU, Perplexity, F1 Score
17.11
Future Directions: Multi-modal models (text + image + video); few-shot and zero-shot learning; scalability and real-time processing
17.12
Tools Covered: Python, Hugging Face Transformers, LangChain, OpenAI API, Ollama, PyTorch, TensorFlow, Vector Databases, evaluation tools
Prompt engineering
1
18.1
Learn techniques to design effective prompts for AI models to generate accurate, relevant, and optimized responses.
Database
5
19.1
MySQL, PostgreSQL
19.2
Redis
19.3
Cassandra
19.4
Neo4J
19.5
MongoDB
Cloud
4
20.1
IBM Watson
20.2
Microsoft Azure
20.3
Amazon Al
20.4
Google Cloud ML
Reinforcement Learning
5
21.1
Introduction to Reinforcement Learning
21.2
Markov Decision Process (MDP)
21.3
Elements of Reinforcement Learning: agent,environment, policy, reward signal, value function
21.4
Traditional RL methods
21.5
Deep Reinforcement Learning
Internship - 4 Live Project Internship duration - 6 to 8 months
0
Advanced AI & Applied Data Science with Python(Level3)
Search
This content is protected, please
login
and enroll in the course to view this content!
Scan the code
Modal title
Main Content