đź§ AI Foundations
Generative AI for Beginners (Microsoft) — Beginner
Learn how generative AI works with 18 lessons, hands-on demos, and GitHub code samples.
👉 Start here: https://learn.microsoft.com/en-us/shows/generative-ai-for-beginners/
Microsoft AI Introduction Course — Beginner
Get a foundation in AI: terminology, machine learning, neural networks, and deep learning.
👉 Start here: https://learn.microsoft.com/en-us/training/paths/introduction-artificial-intelligence/
Elements of AI (University of Helsinki) — Beginner
Globally popular, non-technical introduction to AI, its applications, and limitations.
👉 Start here: https://www.elementsofai.com/
AI for Everyone (Andrew Ng, Coursera Audit) — Beginner
Non-technical overview of AI’s impact and how businesses adopt it.
👉 Start here: https://www.coursera.org/learn/ai-for-everyone
Harvard – Introduction to AI with Python — Beginner
7-week course covering search algorithms, neural networks, and reinforcement learning.
👉 Start here: https://cs50.harvard.edu/ai/2020/
Fundamentals of Deep Learning (NVIDIA) — Beginner–Intermediate
Hands-on training in neural networks, image recognition, and text analysis.
👉 Start here: https://courses.nvidia.com/courses/course-v1:DLI+S-FX-01+V2/
AI in the Data Center (NVIDIA) — Intermediate
Covers AI workflows, GPU architecture, and infrastructure for deep learning.
👉 Start here: https://learn.nvidia.com/courses/course-detail?course_id=course-v1:DLI+S-DC-01+V1
Accelerate Data Science Workflows with Zero Code Changes (NVIDIA) — Intermediate
Learn how to use GPU acceleration in data science without modifying code.
👉 Start here: https://learn.nvidia.com/courses/course-detail?course_id=course-v1:DLI+S-DS-01+V1
Accelerating Data Engineering Pipelines (NVIDIA) — Intermediate
Optimize pipelines with GPU acceleration for large-scale data processing.
👉 Start here: https://learn.nvidia.com/courses/course-detail?course_id=course-v1:DLI+S-DE-01+V1
✍️ Prompt Engineering
Prompt Engineering for ChatGPT (Vanderbilt University) — Beginner–Intermediate
6-module course on effective prompting strategies for better outputs.
👉 Start here: https://www.coursera.org/learn/prompt-engineering
ChatGPT Prompt Engineering for Developers (OpenAI + Andrew Ng) — Intermediate
Hands-on best practices for prompting in applications.
👉 Start here: https://learn.deeplearning.ai/courses/chatgpt-prompt-eng/
AI Applications & Prompt Engineering (edX) — Intermediate
Introductory course combining prompt engineering with applied AI use cases.
👉 Start here: https://www.edx.org/course/ai-applications-and-prompt-engineering
🤖 Generative AI & LLMs
Introduction to Generative AI (Google Cloud) — Beginner
Covers fundamentals of generative AI and real-world applications.
👉 Start here: https://www.cloudskillsboost.google/course_templates/536
Generative AI Explained (Google Cloud) — Intermediate
Dive deeper into how generative AI works, its limitations, and future potential.
👉 Start here: https://www.cloudskillsboost.google/course_templates/539
5-Day Generative AI Intensive (DeepLearning.AI) — Intermediate
Project-based deep dive into GANs and transformers.
👉 Start here: https://learn.deeplearning.ai/courses/generative-ai/
Introduction to Large Language Models (Google Cloud) — Intermediate
Learn what LLMs are, how they function, and their applications.
👉 Start here: https://www.cloudskillsboost.google/course_templates/539
LLMOps (Google Cloud + DeepLearning.AI) — Advanced
Full lifecycle management of LLMs, from preprocessing to deployment.
👉 Start here: https://www.coursera.org/learn/llmops
Augment Your LLM with Retrieval-Augmented Generation (NVIDIA) — Advanced
Use RAG to combine retrieval with generation for better performance.
👉 Start here: https://learn.nvidia.com/courses/course-detail?course_id=course-v1:DLI+S-LM-01+V1
Building RAG Agents with LLMs (LangChain/NVIDIA) — Advanced
Learn scalable deployment with vector databases and LangChain.
👉 Start here: https://learn.nvidia.com/courses/course-detail?course_id=course-v1:DLI+S-LM-02+V1
Vector Search and Embeddings (Google Vertex AI) — Intermediate–Advanced
Hands-on with embeddings and semantic search systems.
👉 Start here: https://cloud.google.com/vertex-ai/docs/vector-search/overview
Inspect Rich Docs with Gemini Multimodality + RAG — Advanced
Use multimodal AI to process text and images with retrieval-augmented generation.
👉 Start here: https://ai.google/discover/generativeai/#courses
🖼️ AI for Images & Creativity
Image Generation (NVIDIA) — Intermediate
Learn how to train and deploy models for generating images.
👉 Start here: https://learn.nvidia.com/courses/course-detail?course_id=course-v1:DLI+S-CV-01+V1
Getting Started with AI on Jetson Nano (NVIDIA) — Intermediate
Build image classification models on NVIDIA’s Jetson Nano hardware.
👉 Start here: https://developer.nvidia.com/embedded/learn/jetson-ai-certification-programs
🔎 Core Architectures
Encoder–Decoder Architecture (Google Cloud) — Intermediate
Foundation for models used in translation and summarization.
👉 Start here: https://www.cloudskillsboost.google/course_templates/540
Transformers & BERT Models (Google Cloud) — Intermediate
Learn about Transformers and BERT, two pillars of modern NLP.
👉 Start here: https://www.cloudskillsboost.google/course_templates/541
Attention Mechanism (Google Cloud) — Advanced
Deep dive into how attention improves AI models.
👉 Start here: https://www.cloudskillsboost.google/course_templates/542
📊 Applied AI
Mastering Recommender Systems (DeepLearning.AI + Kaggle) — Advanced
Covers candidate generation, ensembling, and optimization for recommender systems.
👉 Start here: https://learn.deeplearning.ai/courses/recommender-systems/
Big Data, Artificial Intelligence & Ethics (UC Davis) — Intermediate
Understand big data, AI applications, and their ethical limitations.
👉 Start here: https://www.coursera.org/learn/big-data-ai-ethics
🎓 Extra Resources
Machine Learning Specialization (Andrew Ng, Coursera Audit) — Beginner–Intermediate
Linear regression, classification, supervised/unsupervised learning.
👉 Start here: https://www.coursera.org/specializations/machine-learning-introduction
Deep Learning Specialization (Andrew Ng, Coursera Audit) — Intermediate–Advanced
Covers CNNs, RNNs, sequence models, optimization.
👉 Start here: https://www.coursera.org/specializations/deep-learning
Introduction to Computer Vision (Georgia Tech, Udacity) — Intermediate
Basics of computer vision and object recognition.
👉 Start here: https://www.udacity.com/course/introduction-to-computer-vision--ud810
Intro to TensorFlow for Deep Learning (Udacity, Google) — Beginner–Intermediate
Learn TensorFlow to build and train deep learning models.
👉 Start here: https://www.udacity.com/course/intro-to-tensorflow-for-deep-learning--ud187
Natural Language Processing with Classification & Vector Spaces (Coursera Audit) — Intermediate
NLP basics with embeddings, classification, and semantics.
👉 Start here: https://www.coursera.org/learn/classification-vector-spaces-in-nlp
AI for Medicine (Coursera Audit) — Intermediate
Applications of AI in diagnostics, treatment, and personalised care.
👉 Start here: https://www.coursera.org/specializations/ai-for-medicine
Practical Deep Learning for Coders (fast.ai) — Intermediate–Advanced
Hands-on, code-first course to train real models quickly.
👉 Start here: https://course.fast.ai/
Hugging Face – NLP Course — Intermediate
Work with Hugging Face Transformers and fine-tuning models.
👉 Start here: https://huggingface.co/transformers/course/
Stanford CS224N: NLP with Deep Learning — Advanced
Popular academic NLP course, includes lectures and assignments.
👉 Start here: http://web.stanford.edu/class/cs224n/
MIT – Generative AI & Foundation Models (MIT OpenCourseWare) — Advanced
Lectures on large-scale models, training, and applications.
👉 Start here: http://introtodeeplearning.com/
IBM AI Engineering Professional Certificate (Coursera Audit) — Intermediate–Advanced
Covers ML, DL, NLP, and deployment pipelines.
👉 Start here: https://www.coursera.org/professional-certificates/ai-engineer
AWS Machine Learning Foundations (Udacity) — Beginner–Intermediate
Learn ML concepts using AWS tools and workflows.
👉 Start here: https://www.udacity.com/course/aws-machine-learning-foundations--ud065