📚 Excellent Learning Resources

🌱 Fundamental Deep Learning

Resource NameDescriptionGitHubNotes
Physics Informed Machine LearningApplication of ML methods to physics problems with physical constraints-YouTube Playlist
NUS CS5242 Neural Networks and Deep Learning (2025)Lecture notes and implementations on neural networks and TransformersGitHub LinkTransformer Notes
All about Deep LearningComprehensive repo covering NLP, Tensorflow, Pytorch, and recommendation systemsGitHub Link 
A collection of various DL models (Sebastian Raschka)Collection of DL architectures, implementations, and practical tipsGitHub Link 
Deep Learning from ScratchImplementation of deep learning algorithms from first principlesGitHub LinkBook

👁️ Computer Vision

Resource NameDescriptionGitHubNotes
Computer Vision Engineer ChannelComprehensive tutorials from basics (YOLO, tracking, pose estimation) to advanced SAAS web apps-YouTube Channel
PyTorch Image Models (timm)Collection of SOTA computer vision models and training scriptsGitHub Link 
Object Detection SeriesIn-depth implementation of various object detection algorithmsGitHub LinkYouTube Playlist
Variational AutoEncoderVariational AutoEncoder Paper and Code From ScratchGitHubt Repo1. YouTube Variational AutoEncoder Paper Walkthrough 2. YouTube Variational Autoencoder from scratch in PyTorch
U-NETU-NET Paper and Code From ScratchGitHubt Repo1. YouTube U-NET Paper Walkthrough 2. PyTorch Image Segmentation Tutorial with U-NET from scratch
EfficientNetEfficientNet Paper and Code From ScratchGitHubt Repo1. YouTube EfficientNet Paper Walkthrough 2. EfficientNet from scratch in Pytorch
Generative Adversarial Networks (GANs)Implementation of various GAN architecturesGitHub LinkYouTube Playlist
Variational Autoencoder from scratchPyTorch implementation of VAE with detailed explanationGitHub LinkYouTube Tutorial
Variational Autoencoders (VAE) in PyTorchExtensive collection of VAE models implemented in PyTorchGitHub Link 
VAE From Scratch ExplainedComplete walkthrough of VAE theory and implementationGitHub LinkYouTube Tutorial
simpleVAE for MNISTTrain VAE on CPU with latent space visualization and number interpolationGitHub LinkYouTube Tutorial
Denoising Diffusion ModelsImplementation of DDPM with training and sampling, mimicking Stable Diffusion architectureGitHub LinkYouTube Tutorial
Stable Diffusion in PyTorchPyTorch implementation of Stable DiffusionGitHub LinkYouTube Tutorial
Vision Transformers from ScratchImplementation of Vision Transformers (ViT) with detailed explanationsGitHub LinkYouTube Tutorial

🗣️ Natural Language Processing (NLP) & 🤖 Large Language Models (LLMs)

Resource NameDescriptionGitHubNotes
BERT from ScratchImplementation of BERT in PyTorch and TensorFlowGitHub Link 
DeepSeek-R1 from ScratchImplementing a smaller model inspired by DeepSeek-R1GitHub LinkBlog (Zhihu)
NLP from Scratch with PyTorchComprehensive guide to building NLP models with PyTorchGitHub Link 
Build LLM Applications from Scratch (Stanford)Course and companion book for LLM application buildingGitHub LinkCompanion book in repo
Build an LLM from Scratch (Sebastian Raschka)Step-by-step LLM building, fine-tuning, and practical examplesGitHub LinkBook, Video Playlist
4-hour LLM Coding WorkshopComprehensive LLM coding workshop by Sebastian RaschkaGitHub LinkYouTube
LLM Lectures by Sebastian RaschkaComprehensive lectures covering multiple LLM topicsGitHub LinkYouTube Playlist
The Illustrated TransformerVisual guide to understanding transformer architecture Blog

🔍 LLM Applications

Resource NameDescriptionGitHubNotes
Neo4j-Labs Text2CypherCollection of datasets, evaluation scripts, and fine-tuning instructions for Text2Cypher modelsGitHub LinkIncludes notebooks for evaluating LLMs on the provided datasets
Neo4j Text2Cypher (2024) DatasetComprehensive dataset for training and evaluating text-to-Cypher conversion modelsGitHub LinkBlog Post
Fine-tuning LLM for Cypher Generation with H2OGuide to fine-tuning an LLM model with H2O LLM Studio to generate Cypher statementsGitHub LinkBlog Post
Cypher Generation - The Good, The Bad, and The MessyMethods for creating fine-tuning datasets for text-to-Cypher generationGitHub LinkBlog Post
Neo4j Text2Cypher - Natural Language QueriesGuide to implementing natural language queries with Neo4j Text2Cypher-Neo4j Labs Guide
Neo4j GraphRAG Text2Cypher Source CodeSource code for the text2cypher retriever in Neo4j’s GraphRAG module-Neo4j Documentation
RetailBanking-ConversationsDataset with 320 realistic banking dialogues for LLM training in financial domainHuggingFace DatasetCreated with WizardSData tool for synthetic datasets
Knowledge Graph-based LLM Dialogue SystemComplete system with data preprocessing, graph construction, graph completion, dialogue model, and web interfaceGitHub Link 
WizardSDataPython library for generating synthetic conversation datasets for fine-tuning models, especially for regulated sectorsGitHub LinkConfigurable roles, conversation length, temperature settings; created by Pere Martra

📈 MLOps & Explainable ML & Efficient ML

Resource NameDescriptionGitHubNotes
MLOps BasicsFundamental concepts, implementation of MLOps pipelinesGitHub Link 
Explainable MLTechniques and implementation for explainable machine learning-YouTube Playlist
MLOps ZoomcampComprehensive course on MLOps practices and implementationGitHub LinkYouTube Course
Text Generation APILightweight FastAPI service for AI-powered text generationGitHub LinkMini project showcasing Dockerization, RESTful API, and containerization
MLOps by CourseraCoursera Course on ML in ProductionGitHub LinkCourse
Efficient ML by Prof Han SongEfficientML.ai course from MITGitHub Link (2023 Fall)1 - Course website (2024 Fall), Youtube (2024 Fall), 2 - Course website (2023 Fall)

🎵 Audio Processing & Music Generation

Resource NameDescriptionGitHubNotes
Audio Signal Processing for MLAudio processing techniques tailored for machine learning tasksGitHub LinkYouTube Playlist
Audio Data AugmentationComprehensive tutorial on audio data augmentation methodsGitHub LinkYouTube
Generating Sound with Neural NetworksNeural methods for audio synthesisGitHub LinkYouTube Playlist
Melody Generation with RNN-LSTMMusic generation using RNN and LSTM modelsGitHub LinkYouTube Playlist
AudioCraft by MetaFramework for audio generation including MusicGen, AudioGen, and EnCodecGitHub LinkMeta AI Blog

📊 Graph Data Science & Visualization

Resource NameDescriptionGitHubNotes
Stanford CS224W: ML with GraphsStanford’s comprehensive course on graph machine learningGitHub 1, GitHub 2, GitHub 3YouTube Playlist
Graph Convolutional Network (GCN) ExplainedClear explanation and implementation of GCNGitHub LinkYouTube Tutorial
15 Best Graph Visualization ToolsTools for Neo4j graph visualization-Blog Post
PyG (PyTorch Geometric)Library for deep learning on irregular structures like graphsGitHub LinkDocumentation
Awesome Explainable Graph ReasoningCollection of research papers and software for explainability in graph MLGitHub Link 

💾 Data Engineering & Business Intelligence

Resource NameDescriptionGitHubNotes
DataTalksClub Data Engineering ZoomcampFree 9-week course teaching data engineering fundamentals by building an end-to-end pipeline from scratchGitHub LinkYouTube Playlist
Apache Spark with Databricks ProjectsCollection of end-to-end projects using PySpark and Databricks for beginnersGitHub LinkMedium Post
Databricks & Spark Tutorials RepositoryBeginner-focused repo covering PySpark and Spark SQL basics on DatabricksGitHub LinkStructured like a course targeting the Databricks Data Engineer certification
Databricks Tutorial (From Zero to Hero) by Ansh Lamba4-hour comprehensive tutorial on Azure DatabricksGitHub LinkYouTube
Azure Databricks End-To-End Data Engineering Project (From Scratch!) by Ansh Lamba4-hour projects on Azure DatabricksGitHub LinkYouTube
PySpark Full Course (From Zero to Pro!) by Ansh Lamba6-hour comprehensive tutorial on PySparkGitHub LinkYouTube
Microsoft Learn - Azure DatabricksOfficial interactive learning module for Azure Databricks fundamentals-MS Learn
Implement a Data Lakehouse on AzureLearning path for building lakehouse solutions with Azure Databricks-MS Learn
Master Databricks and Apache SparkComprehensive playlist covering Databricks platform and Spark fundamentals-YouTube Playlist
Power BI Tutorial - Beginner to Pro4-hours Comprehensive hands-on Power BI tutorial with step-by-step walkthrough-YouTube (2023), YouTube (2024)
Power BI Full Course Tutorial8+ hours of Power BI training covering basics to advanced conceptsExercise FileYouTube
Power BI Tutorial for Beginners to Advanced20-hour free Power BI course covering all aspectsGitHubYouTube 1, Youtube Video 2, Medium post
Tableau Ultimate Full CourseExtremely comprehensive 21-hour Tableau course from zero to advanced-YouTube
Tableau Full Course 20255-hour accelerated tutorial covering Tableau basics-YouTube Playlist
Master Using SQL with Python Full CourseIn-depth course on integrating SQL with Python for data engineering tasks-YouTube Playlist

🧠 DeepLearning.AI Courses & Projects

Resource NameDescriptionGitHubNotes
LangChain for LLM Application DevelopmentFoundation course for building LLM-powered applicationsGitHub LinkDeepLearning.ai Course
LangChain Chat with Your DataLearn to build RAG applications to chat with your private dataGitHub LinkDeepLearning.ai Course
Functions, Tools, and Agents with LangChainBuilding intelligent agents with function calling capabilitiesGitHub LinkDeepLearning.ai Course
AI Agents in LangGraphCreating multi-agent systems with LangGraphGitHub LinkDeepLearning.ai Course
Long-Term Agentic Memory with LangGraphImplementing persistent memory for AI agentsGitHub LinkDeepLearning.ai Course
AI Agentic Design Patterns with AutoGenBuilding complex agent architectures with Microsoft’s AutoGenGitHub LinkDeepLearning.ai Course
Pretraining LLMsUnderstanding how large language models are pretrainedGitHub Link, GitHub 2DeepLearning.ai Course
MCP: Build Rich-Context AI Apps with AnthropicLearn to build context-aware AI applications using Model Context Protocol-DeepLearning.ai Course

💰 AI & Quantitative Finance

Resource NameDescriptionGitHubNotes
AI Quant LearningComprehensive systematic learning on quantitative trading strategiesGitHub LinkYouTube Playlist
LLMs in Finance by Hanane DupouyPractical generative AI and AI agents in financeGitHub Link 
Financial Fraud Detection Using LLMsComparing FinBERT and GPT-2 against traditional ML for fraud detectionGitHub LinkBlog
Financial Analysis with LLMNLP application for financial document analysis, detecting suspicious patterns and ML/TF activitiesGitHub Link 
FinRLDeep reinforcement learning framework for financial applicationsGitHub LinkDocumentation
FinLLMOptOptimized LLMs for financial applications including Llama-FinSent-S (pruned LLaMA-3.2-1B) for financial sentiment analysisGitHub Link26% smaller, 50% better instruction-following, 400% better multi-step reasoning
Awesome Fraud Detection PapersCurated list of data mining papers for fraud detectionGitHub Link 

⚛️ Front-end Development

Resource NameDescriptionGitHubNotes
HTML & CSS Full CourseWeb development fundamentals for beginners, covering HTML structure and CSS stylingGitHub LinkYouTube
JavaScript Beginner CourseFoundation course covering JavaScript basics for web developmentGitHub LinkYouTube
React JS Full Course 2024Comprehensive course covering React fundamentals, hooks, context API, and routingGitHub LinkYouTube
React.JS Full Course - Build 4 ProjectsProject-based course building four applications to reinforce state management and API integrationGitHub LinkYouTube
Learn React JS - Full Beginner’s Tutorial & Practice ProjectsProject-based course building four applications to reinforce state management and API integrationGitHub LinkYouTube

🎯 Machine Learning Interview Preparation

Resource NameDescriptionGitHubNotes
Machine Learning InterviewComprehensive ML interview preparation materials from FAANG, Snapchat, LinkedInGitHub LinkBlog: mlengineer.io
Cracking the Data Science InterviewCollection of cheatsheets, books, questions, and portfolio for DS/ML interview prepGitHub Link