AI Roadmap
AI Roadmap
Link
2.Linkdein
3 Python
Step1:
•✅ Variables, Data Types (int, float, str, bool)
•✅ Operators (arithmetic, logical, comparison)
•✅ Conditional Statements (if, elif, else)
•✅ Loops (for, while, break, continue)
•✅ Functions (def, return, *args, **kwargs)
•✅ String manipulation
•✅ Input/Output operations
•✅ Exception Handling (try, except, finally)
Link:
click on
this
Pandas
Web
Scrapping
Link:follows campus x
Eda dsmp course for
eda,data gathering and
web scrapping
Sql
Link1:click
on this
Link2:click on
this
Now Python and Data Analysis part is
complete
Data Handling
•Data preprocessing
•Handling missing values
•Encoding categorical data
•Feature scaling (normalization,
standardization)
•Train-test split
•Pca
Supervised Learning
Supervised Learning
Algorithm Types
1.Regression 2.Classification
Linear regression Logistic regression
Polynomial regression Support vector machine
Naïve Bayes
Decision tree
Gradient Boosting
Lasso regression Random forest
Ridge regression K nearest neighbors
Elastic regression
Unsupervised Learning
Algorithm
Unsupervised Learning Algorithm
•Basic concept of unsupervised learning
•Types: Clustering, Dimensionality Reduction, Association
Rule Learning
•K-Means Clustering
•Hierarchical Clustering: Agglomerative, Divisive
•Density-based Clustering: DBSCAN
•Principal Component Analysis (PCA)
•Linear Discriminant Analysis (LDA
Reinforcement Learning
Reinforcement Learning
– What to Study
•Basic concept of
reinforcement learning
•Agent, environment,
state, action, reward
Estimated time 3 months
Scikit Learn
Scikit-learn
📌 What is Scikit-learn?
•A powerful Python
library for Machine
Learning
•Built on top of NumPy,
SciPy, and matplotlib
•Provides tools for data
Link for ml course by
preprocessing, model
campus x building, and evaluation
Link 2 :ml by
Andrew ng
7.Deep Learning
Deep Learning – What to Learn
(Beginner Level) CNN (Convolutional Neural Network)
•Deep Learning is 95% about Neural •How images are classified using CNN
Networks •Convolution, Pooling, Flattening, Fully
•Learn how Neural Networks work Connected Layers
•Use cases: image classification, object
•Understand Forward Propagation
detection
•Understand Backward Propagation
(Backpropagation)
•What is Gradient Descent and how
weights are updated
•Activation Functions: ReLU,
Sigmoid, Tanh
•Loss Functions: MSE, Cross-Entropy
•Epochs, Batches, Learning Rate
Other Topics for
Beginners
RNN (Recurrent Neural •Overfitting and
Network) Regularization (Dropout,
•Designed for sequence L2)
data like text and time- •Optimizers: SGD, Adam
series •Model Evaluation:
•Concepts of memory Accuracy, Precision, Recall
and feedback in •Hands-on with
networks TensorFlow or Keras
•Learn LSTM and GRU •Build your first Neural
(advanced types of Network from scratch
RNNs) •Practice with image and
text datasets (e.g. MNIST,
IMDB)
Link 1: deep learning by alexander amini
Course on
coursera
🧠 10 Generative AI – What to Study
1.Introduction to GenAI & use cases
2.Language Models (GPT, LLaMA, Claude,
etc.)
3.Text Generation (prompting, fine-
tuning)
4.Diffusion Models (for image generation)
5.Generative Adversarial Networks (GANs)
6.Prompt Engineering techniques
7.Retrieval-Augmented Generation (RAG)
8.Evaluation metrics (BLEU, ROUGE, FID)
9.Tools & Libraries: OpenAI API, Hugging Gen ai course
Face, LangChain
link
Kaggle
For different
kind of
datasets
Thank you