Learning Resources
Deep Learning & CV
NLP & LLM
Specialized Topics
Career Resources
π Excellent Learning Resources
π± Fundamental Deep Learning
Resource Name | Description | GitHub | Notes |
---|---|---|---|
Physics Informed Machine Learning | Application 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 Transformers | GitHub Link | Transformer Notes |
All about Deep Learning | Comprehensive repo covering NLP, Tensorflow, Pytorch, and recommendation systems | GitHub Link | Β |
A collection of various DL models (Sebastian Raschka) | Collection of DL architectures, implementations, and practical tips | GitHub Link | Β |
Deep Learning from Scratch | Implementation of deep learning algorithms from first principles | GitHub Link | Book |
ποΈ Computer Vision
Resource Name | Description | GitHub | Notes |
---|---|---|---|
Vision Transformers from Scratch | Implementation of Vision Transformers (ViT) with detailed explanations | GitHub Link | YouTube Tutorial |
PyTorch Image Models (timm) | Collection of SOTA computer vision models and training scripts | GitHub Link | Β |
Computer Vision Engineer Channel | Comprehensive tutorials from basics (YOLO, tracking, pose estimation) to advanced SAAS web apps | - | YouTube Channel |
Object Detection Series | In-depth implementation of various object detection algorithms | GitHub Link | YouTube Playlist |
Generative Adversarial Networks (GANs) | Implementation of various GAN architectures | GitHub Link | YouTube Playlist |
Variational Autoencoder from scratch | PyTorch implementation of VAE with detailed explanation | GitHub Link | YouTube Tutorial |
Variational Autoencoders (VAE) in PyTorch | Extensive collection of VAE models implemented in PyTorch | GitHub Link | Β |
VAE From Scratch Explained | Complete walkthrough of VAE theory and implementation | GitHub Link | YouTube Tutorial |
simpleVAE for MNIST | Train VAE on CPU with latent space visualization and number interpolation | GitHub Link | YouTube Tutorial |
Denoising Diffusion Models | Implementation of DDPM with training and sampling, mimicking Stable Diffusion architecture | GitHub Link | YouTube Tutorial |
Stable Diffusion in PyTorch | PyTorch implementation of Stable Diffusion | GitHub Link | YouTube Tutorial |
π£οΈ Natural Language Processing (NLP) & π€ Large Language Models (LLMs)
Resource Name | Description | GitHub | Notes |
---|---|---|---|
BERT from Scratch | Implementation of BERT in PyTorch and TensorFlow | GitHub Link | Β |
DeepSeek-R1 from Scratch | Implementing a smaller model inspired by DeepSeek-R1 | GitHub Link | Blog (Zhihu) |
NLP from Scratch with PyTorch | Comprehensive guide to building NLP models with PyTorch | GitHub Link | Β |
Build LLM Applications from Scratch (Stanford) | Course and companion book for LLM application building | GitHub Link | Companion book in repo |
Build an LLM from Scratch (Sebastian Raschka) | Step-by-step LLM building, fine-tuning, and practical examples | GitHub Link | Book, Video Playlist |
4-hour LLM Coding Workshop | Comprehensive LLM coding workshop by Sebastian Raschka | GitHub Link | YouTube |
LLM Lectures by Sebastian Raschka | Comprehensive lectures covering multiple LLM topics | GitHub Link | YouTube Playlist |
The Illustrated Transformer | Visual guide to understanding transformer architecture | Β | Blog |
π LLM Applications
Resource Name | Description | GitHub | Notes |
---|---|---|---|
Neo4j-Labs Text2Cypher | Collection of datasets, evaluation scripts, and fine-tuning instructions for Text2Cypher models | GitHub Link | Includes notebooks for evaluating LLMs on the provided datasets |
Neo4j Text2Cypher (2024) Dataset | Comprehensive dataset for training and evaluating text-to-Cypher conversion models | GitHub Link | Blog Post |
Fine-tuning LLM for Cypher Generation with H2O | Guide to fine-tuning an LLM model with H2O LLM Studio to generate Cypher statements | GitHub Link | Blog Post |
Cypher Generation - The Good, The Bad, and The Messy | Methods for creating fine-tuning datasets for text-to-Cypher generation | GitHub Link | Blog Post |
Neo4j Text2Cypher - Natural Language Queries | Guide to implementing natural language queries with Neo4j Text2Cypher | - | Neo4j Labs Guide |
Neo4j GraphRAG Text2Cypher Source Code | Source code for the text2cypher retriever in Neo4jβs GraphRAG module | - | Neo4j Documentation |
RetailBanking-Conversations | Dataset with 320 realistic banking dialogues for LLM training in financial domain | HuggingFace Dataset | Created with WizardSData tool for synthetic datasets |
Knowledge Graph-based LLM Dialogue System | Complete system with data preprocessing, graph construction, graph completion, dialogue model, and web interface | GitHub Link | Β |
WizardSData | Python library for generating synthetic conversation datasets for fine-tuning models, especially for regulated sectors | GitHub Link | Configurable roles, conversation length, temperature settings; created by Pere Martra |
π MLOps & Explainable ML
Resource Name | Description | GitHub | Notes |
---|---|---|---|
MLOps Basics | Fundamental concepts, implementation of MLOps pipelines | GitHub Link | Β |
Explainable ML | Techniques and implementation for explainable machine learning | - | YouTube Playlist |
MLOps Zoomcamp | Comprehensive course on MLOps practices and implementation | GitHub Link | YouTube Course |
π΅ Audio Processing & Music Generation
Resource Name | Description | GitHub | Notes |
---|---|---|---|
Audio Signal Processing for ML | Audio processing techniques tailored for machine learning tasks | GitHub Link | YouTube Playlist |
Audio Data Augmentation | Comprehensive tutorial on audio data augmentation methods | GitHub Link | YouTube |
Generating Sound with Neural Networks | Neural methods for audio synthesis | GitHub Link | YouTube Playlist |
Melody Generation with RNN-LSTM | Music generation using RNN and LSTM models | GitHub Link | YouTube Playlist |
AudioCraft by Meta | Framework for audio generation including MusicGen, AudioGen, and EnCodec | GitHub Link | Meta AI Blog |
π Graph Data Science & Visualization
Resource Name | Description | GitHub | Notes |
---|---|---|---|
Stanford CS224W: ML with Graphs | Stanfordβs comprehensive course on graph machine learning | GitHub 1, GitHub 2, GitHub 3 | YouTube Playlist |
Graph Convolutional Network (GCN) Explained | Clear explanation and implementation of GCN | GitHub Link | YouTube Tutorial |
15 Best Graph Visualization Tools | Tools for Neo4j graph visualization | - | Blog Post |
PyG (PyTorch Geometric) | Library for deep learning on irregular structures like graphs | GitHub Link | Documentation |
Awesome Explainable Graph Reasoning | Collection of research papers and software for explainability in graph ML | GitHub Link | Β |
π° AI & Quantitative Finance
Resource Name | Description | GitHub | Notes |
---|---|---|---|
AI Quant Learning | Comprehensive systematic learning on quantitative trading strategies | GitHub Link | YouTube Playlist |
LLMs in Finance by Hanane Dupouy | Practical generative AI and AI agents in finance | GitHub Link | Β |
Financial Fraud Detection Using LLMs | Comparing FinBERT and GPT-2 against traditional ML for fraud detection | GitHub Link | Blog |
Financial Analysis with LLM | NLP application for financial document analysis, detecting suspicious patterns and ML/TF activities | GitHub Link | Β |
FinRL | Deep reinforcement learning framework for financial applications | GitHub Link | Documentation |
FinLLMOpt | Optimized LLMs for financial applications including Llama-FinSent-S (pruned LLaMA-3.2-1B) for financial sentiment analysis | GitHub Link | 26% smaller, 50% better instruction-following, 400% better multi-step reasoning |
Awesome Fraud Detection Papers | Curated list of data mining papers for fraud detection | GitHub Link | Β |
π― Machine Learning Interview Preparation
Resource Name | Description | GitHub | Notes |
---|---|---|---|
Machine Learning Interview | Comprehensive ML interview preparation materials from FAANG, Snapchat, LinkedIn | GitHub Link | Blog: mlengineer.io |
Cracking the Data Science Interview | Collection of cheatsheets, books, questions, and portfolio for DS/ML interview prep | GitHub Link | Β |