0% found this document useful (0 votes)
23 views2 pages

ML DL Engineer Plan

Machine Learning Plan
Copyright
© © All Rights Reserved
We take content rights seriously. If you suspect this is your content, claim it here.
Available Formats
Download as TXT, PDF, TXT or read online on Scribd
0% found this document useful (0 votes)
23 views2 pages

ML DL Engineer Plan

Machine Learning Plan
Copyright
© © All Rights Reserved
We take content rights seriously. If you suspect this is your content, claim it here.
Available Formats
Download as TXT, PDF, TXT or read online on Scribd
You are on page 1/ 2

Week

Topics to Cover
Resources
Practical/Project Ideas
Month 1: Foundations
Week 1-2 Python for Data Science: Python
Basics, Libraries (NumPy, Pandas, Matplotlib, Seaborn)
Book: [Python for Data Analysis by Wes McKinney](https://www.amazon.com/Python-
Data-Analysis-Wes-McKinney/dp/1491957662)\nOnline Course: [Python for Data Science
and AI by IBM on Coursera](https://www.coursera.org/learn/python-for-applied-data-
science-ai)\nOnline Course: [Intro to Data Analysis on
Udacity](https://www.udacity.com/course/intro-to-data-analysis--ud170)
Basic data manipulation and visualization projects (e.g., analyze a dataset from
Kaggle and create visualizations)
Week 3-4 Mathematics for ML:
Linear Algebra, Calculus, Probability and Statistics Book: [Mathematics for Machine
Learning by Marc Peter Deisenroth](https://www.amazon.com/Mathematics-Machine-
Learning-Peter-Deisenroth/dp/110845514X)\nOnline Course: [Linear Algebra on Khan
Academy](https://www.khanacademy.org/math/linear-algebra), [Calculus on Khan
Academy](https://www.khanacademy.org/math/calculus-1)\nOnline Course: [Mathematics
for Machine Learning on
Coursera](https://www.coursera.org/specializations/mathematics-machine-learning)
Solve mathematical problems related to ML concepts (e.g., implement matrix
operations and derivatives in Python)
Month 2: Core Machine Learning
Week 5-6 Machine Learning
Algorithms: Supervised Learning, Unsupervised Learning Book:
[Hands-On Machine Learning with Scikit-Learn, Keras, and TensorFlow by Aurélien
Géron](https://www.amazon.com/Hands-Machine-Learning-Scikit-Learn-TensorFlow/dp/
1492032646)\nOnline Course: [Machine Learning by Andrew Ng on
Coursera](https://www.coursera.org/learn/machine-learning)\nOnline Course: [Intro
to Machine Learning with PyTorch on Udacity](https://www.udacity.com/course/intro-
to-machine-learning-with-pytorch--ud188) Implement ML
algorithms from scratch; work on Kaggle datasets (e.g., build a regression model to
predict house prices)
Week 7-8 Model Evaluation and Tuning:
Evaluation Metrics, Cross-Validation, Hyperparameter Tuning
Documentation: [Scikit-Learn
documentation](https://scikit-learn.org/stable/user_guide.html)\nOnline Course:
[Advanced Machine Learning on
Coursera](https://www.coursera.org/specializations/aml) Perform
cross-validation and hyperparameter tuning on ML models (e.g., optimize a
classification model on a public dataset)
Month 3: Deep Learning Basics
Week 9-10 Neural Networks and
Deep Learning: Neural Networks, Deep Learning Basics
Book: [Deep Learning by Ian Goodfellow](https://www.amazon.com/Deep-Learning-
Adaptive-Computation-Machine/dp/0262035618)\nOnline Course: [Deep Learning
Specialization by Andrew Ng on
Coursera](https://www.coursera.org/specializations/deep-learning)\nOnline Course:
[Deep Learning Nanodegree on Udacity](https://www.udacity.com/course/deep-learning-
nanodegree--nd101) Build simple neural networks using TensorFlow/PyTorch
(e.g., create a neural network to classify handwritten digits - MNIST dataset)
Week 11-12 Convolutional
Neural Networks (CNNs): CNN Architecture, Applications
Online Course: [CS231n: Convolutional Neural Networks for Visual Recognition from
Stanford](http://cs231n.stanford.edu/)\nDocumentation:
[TensorFlow](https://www.tensorflow.org/tutorials),
[PyTorch](https://pytorch.org/tutorials/) documentation
Implement CNNs on image datasets like CIFAR-10 or MNIST (e.g., build a CNN to
classify CIFAR-10 images)
Month 4: Advanced Deep Learning
Week 13-14 Recurrent
Neural Networks (RNNs): RNN Architecture, Applications
Online Course: [Sequence Models by Andrew Ng on
Coursera](https://www.coursera.org/learn/nlp-sequence-models)\nBook: [Deep Learning
for Time Series Forecasting by Jason Brownlee](https://www.amazon.com/Deep-
Learning-Time-Series-Forecasting/dp/1789955321) Implement RNNs
for text generation or sentiment analysis (e.g., create an LSTM model for sentiment
analysis on text data)
Week 15-16
Generative Models: GANs, VAEs
Research Papers by Ian Goodfellow on GANs\nOnline Course: [Intro to Deep Learning
with PyTorch on Udacity](https://www.udacity.com/course/deep-learning-pytorch--
ud188) Implement GANs for image generation tasks
(e.g., generate new images using GANs on a dataset like CelebA)
Month 5: Specialized Topics and Tools
Week 17-18 Natural
Language Processing (NLP): NLP Basics, Transformers
Book: [Natural Language Processing with PyTorch by Delip
Rao](https://www.amazon.com/Natural-Language-Processing-PyTorch-Applications/dp/
1491978236)\nOnline Course: [Natural Language Processing by deeplearning.ai on
Coursera](https://www.coursera.org/specializations/natural-language-processing)\
nTutorials: [Hugging Face tutorials](https://huggingface.co/learn/nlp-course/)
Work on text classification or translation tasks (e.g., use BERT to build a
question-answering system)
Week 19-20
Deployment and Production: Model Deployment, Cloud Services Online
Course: [Deploying Machine Learning Models by Andrew Ng on
Coursera](https://www.coursera.org/learn/deploying-machine-learning-models)\nOnline
Course: [Machine Learning DevOps Engineer on
Udacity](https://www.udacity.com/course/machine-learning-dev-ops-engineer-
nanodegree--nd0821)\nDocumentation: [AWS](https://aws.amazon.com/documentation/),
[GCP](https://cloud.google.com/docs),
[Azure](https://docs.microsoft.com/en-us/azure/) Deploy a
model using Flask and Docker on a cloud platform (e.g., deploy an ML model on AWS
using Docker and Flask)
Month 6: Capstone Project and Job Preparation
Week 21-22
Capstone Project: Integrate Knowledge from Previous Months
Kaggle competitions\nReal-world datasets Develop a full-fledged ML/DL project from
scratch (e.g., end-to-end ML project: from data collection and preprocessing to
model deployment)
Week 23-24 Job Preparation:
Resume and Portfolio Building, Interview Preparation
Book: [Cracking the Coding Interview by Gayle Laakmann
McDowell](https://www.amazon.com/Cracking-Coding-Interview-Programming-Questions/
dp/0984782850)\nOnline Platforms: [LeetCode](https://leetcode.com/), [InterviewBit]
(https://www.interviewbit.com/) for coding practice
Update LinkedIn, GitHub with projects; apply for ML/DL roles and prepare for
interviews

You might also like