Machine Learning GenAI Roadma
Machine Learning GenAI Roadma
Machine Learning
GenerativeAI | MLOps
For Leaders
Himanshu Ramchandani
https://www.linkedin.com/in/hemansnation/
Subscribe and Get the Roadmap in Your Email Inbox
https://embeds.beehiiv.com/efdd81cb-9fca-427d-b60d-d8c2fabb13
25
Modules→
1 → Python for Machine Learning 🚀
2 → Data Structures & Algorithms
3 → Git & GitHub Make Recruiters reach You, Build your stunning
profile
15 → Others
TechnologyStack
● Python
● DataStructures
● NumPy
● Pandas
● Matplotlib
● Seaborn
● Scikit-Learn
● Statsmodels
● NaturalLanguageToolkit(NLTK)
● PyTorch
● StructureQueryLanguage(SQL)
● Docker
● Jupyter
● VScode
● TensorFlow
● 5MajorProjects
● GitandGitHub
● AWS
● GCP
● Azure
1 | Python Programming and Logic
Building
I prefer Python Programming Language. Python is the best for
starting your programming journey.
● Installation
● Python Org, Python 3
● Variables
● Print function
● Input from user
● Data Types
● Type Conversion
● First Program
2 | Operators
● Arithmetic Operators
● Relational Operators
● Bitwise Operators
● Logical Operators
● Assignment Operators
● Compound Operators
● Membership Operators
● Identity Operators
3 | Conditional Statements
● If Else
● If
● Else
● El If (else if)
● If Else Ternary Expression
4 | While Loop
5 | Lists
● List Basics
● List Operations
● List Comprehensions / Slicing
● List Methods
6 | Strings
● String Basics
● String Literals
● String Operations
● String Comprehensions / Slicing
● String Methods
7 | For Loops
● Range function
● For loop
● Nested For Loops
● Pattern-Based Questions
● Break
● Continue
● Pass
● Loop else
8 | Functions
● Definition
● Call
● Function Arguments
● Default Arguments
● Docstrings
● Scope
● Special functions Lambda, Map, and Filter
● Recursion
● Functional Programming and Reference Functions
9 | Dictionary
● Dictionaries Basics
● Operations
● Comprehensions
● Dictionaries Methods
10 | Tuple
● Tuples Basics
● Tuples Comprehensions / Slicing
● Tuple Functions
● Tuple Methods
11 | Set
● Sets Basics
● Sets Operations
● Union
● Intersection
● Difference and Symmetric Difference
12 | Object-Oriented Programming
● Classes
● Objects
● Method Calls
● Inheritance and Its Types
● Overloading
● Overriding
● Data Hiding
● Operator Overloading
13 | File Handling
● File Basics
● Opening Files
● Reading Files
● Writing Files
● Editing Files
● Working with different extensions of file
● With Statements
14 | Exception Handling
● Common Exceptions
● Exception Handling
● Try
● Except
● Try except else
● Finally
● Raising exceptions
● Assertion
15 | Regular Expression
● Basic RE functions
● Patterns
● Meta Characters
● Character Classes
17 | Data Structures
● Stack
● Queue
● Linked Lists
● Sorting
● Searching
● Linear Search
● Binary Search
18 | Higher-Order Functions
● Function as a parameter
● Function as a return value
● Closures
● Decorators
● Map, Filter, Reduce Functions
● Understanding BeautifulSoup
● Extracting Data from websites
● Extracting Tables
● Data in JSON format
20 | Virtual Environment
● Flask
● Project Structure
● Routes
● Templates
● Navigations
● Heroku Deployment
● Flask Integration
● What is PIP?
● Installation
● PIP Freeze
● Creating Your Own Package
● Upload it on PIP
26 | Building API
● Statistics
● NumPy basics
● Working with Matrix
● Linear Algebra operations
● Descriptive Statistics
● Matplotlib Basics
● Working with plots
● Plot
● Pie Chart
● Histogram
30 | What to do Now?
● Getting Started
● Variables
● Data Types
● Data Structures
● Algorithms
● Analysis of Algorithm
● Time Complexity
● Space Complexity
● Types of Analysis
● Worst
● Best
● Average
● Asymptotic Notations
● Big-O
● Omega
● Theta
Data Structures - Phase 1
1 | Stack
2 | Queue
3 | Linked List
4 | Tree
5 | Graph
Algorithms - Phase 2
8 | Searching
9 | Recursion
10 | Hashing
11 | Strings
3 | Git and GitHub
● Understanding Git
● Commands and How to commit your first code?
● How to use GitHub?
● How to work with a team?
● How to make your first open-source contribution?
● How to create your stunning GitHub profile?
● How to build your own viral repository?
● Building a personal landing page for your Portfolio for
FREE
● How to grow followers on GitHub?
● How to work with a team?
Git Resources
Git - Version Control System
Personal Profile
GitHub Resources
Resources and Tools
Interview Questions
Portfolio of Projects
Repo Description
4 | Data X Pandas Numpy Matplotlib
Seaborn
Numpy
● Vectors, Matrix
● Operations on Matrix
● Mean, Variance, and Standard Deviation
● Reshaping Arrays
● Transpose and Determinant of Matrix
● Diagonal Operations, Trace
● Add, Subtract, Multiply, Dot, and Cross Product.
Pandas
Matplotlib
● Graph Basics
● Format Strings in Plots
● Label Parameters, Legend
● Bar Chart, Pie Chart, Histogram, Scatter Plot
5 | Mathematics for Machine Learning
Algebra, Topology, Differential Calculus, and Optimization Theory
For Computer Science and Machine Learning
1 | Vectors
2 | Matrix
3 | Factorization
5 | Gradient
6 | Tensors
7 | Jacobian Matrix
8 | Curse of Dimensionality
Chapter 2 - Statistics
Elements of Statistical Learning: data mining, inference, and
prediction. 2nd Edition.
1 | Descriptive Statistics
1 | Variables
2 | Mean
3 | Median
4 | Mode
5 | Standard Deviation
6 | Variance
7 | Range
8 | Percentile
9 | Skewness
10 | Kurtosis
2 | Inferential Statistics
1 | Sampling Distributions
3 | Hypothesis Testing
4 | Confidence Intervals
5 | T-Tests
7 | Chi-Square Test
8 | Regression Analysis
9 | Bayesian Inference
https://bayes.wustl.edu/etj/prob/book.pdf
1 | Probability Distribution
2 | Conditional Probability
3 | Bayes' Theorem
5 | Gini Impurity
Chapter 5 - Regularization
1 | L1 Regularization (Lasso Regression)
4 | Dropout Regularization
5 | Max-Norm Regularization
6 | Batch Normalization
1 | Entropy
2 | Conditional Entropy
3 | Joint Entropy
4 | Cross-Entropy
5 | Information Gain
6 | Data Entropy
Chapter 7 - Optimization
1 | Gradient Descent
Chapter 8 - Distribution
1 | Bernoulli Distribution
2 | Binomial Distribution
3 | Multinomial Distribution
Calculus
2 | Unsupervised
3 | Reinforcement
Algorithms
● Linear Regression
● Logistic Regression
● Decision Tree
● Gradient Descent
● Random Forest
● Ridge and Lasso Regression
● Naive Bayes
● Support Vector Machine
● KMeans Clustering
2 | Classification
3 | Clustering
4 | Dimensionality Reduction
5 | Density Estimation
Chapter 3 - Parameter Tuning
1 | Hyperparameter
2 | Cross-validation
3 | Regularization
4 | Overfitting
5 | Underfitting
2 | Boosting
2 | Accuracy
7 | R-squared
8 | Bias-Variance Tradeoff
Chapter 6 - Libraries and Framework
1 | NumPy
2 | Pandas
3 | Scikit-Learn
4 | TensorFlow
5 | PyTorch
6 | Keras
7 | Natural Language Processing X
Deep Learning
1 | NLP Fundamentals
2 | PyTorch x NLP
9 | Transformers Basics
Others
● Sentiment analysis
● POS Tagging, Parsing,
● Text preprocessing
● Stemming and Lemmatization
● Sentiment classification using Naive Bayes
● TF-IDF, N-gram,
● Machine Translation, BLEU Score
● Text Generation, Summarization, ROUGE Score
● Language Modeling, Perplexity
● Building a text classifier
8 | Generative AI - GANs, VAEs, LLMs
2 | TensorFlow Revision
3 | Environment Setup
10 | Generative AI
11 | Prompt Engineering
9 | Computer Vision X Deep Learning
1 | Image Classification
2 | Transfer Learning
4 | Image Captioning
6 | In-Depth DeepFakes
Others
● PyTorch Tensors
● Understanding Pretrained models like AlexNet,
ImageNet, and ResNet.
● Neural Networks
● Building a perceptron
● Building a single-layer neural network
● Building a deep neural network
● Recurrent neural network for sequential data analysis
10 | MLOps | Machine Learning
Operations
Chapter 1 - Fundamentals
1 | Basics of ML Operations
4 | Deployment
6 | Monitoring
7 | Orchestration
Chapter 3 - AWS
1 | MLOps Fundamentals on AWS
2 | Containers
4 | SageMaker
https://github.com/DataTalksClub/mlops-zoomcamp
Resources
https://github.com/CathyQian/Machine-Learning-System-Design
https://github.com/ifding/ml-system-design
Chapter 1
1 | Fundamentals
Projects
Resume Checklist
14 | Personal Branding & Portfolio
Portfolio
Work on your craft.
Personal Branding
1. Profile Page as Landing Page
2. How to Post
3. Who to connect with
4. Tools to use to make it better
15 | Others
Data Science ML Generative AI
Roadmap, Resources 2024 🚀
For Leaders and Data Professionals
https://embeds.beehiiv.com/efdd81cb-9fca-427d-b60d-
d8c2fabb1325
Himanshu Ramchandani
AI Advisor - I help Industry Leaders 10x their AI expertise.
Building AI & Data Teams
Modern Data Architecture & Engineering Consulting
Join Telegram:
https://t.me/+sREuRiFssMo4YWJl
https://discord.gg/q3svy4VEEs