A comprehensive, hands-on collection of AI & Machine Learning tutorials covering everything from fundamentals to cutting-edge techniques
Quick Start โข Topics Covered โข Project Structure โข Contribute
Welcome to the ultimate AI learning repository! This carefully crafted collection takes you on a complete journey through the fascinating world of Artificial Intelligence and Machine Learning. Whether you're a complete beginner or looking to master advanced techniques, this repository has you covered.
- ๐ Structured Learning Path: Follow a progressive curriculum from basics to advanced topics
- ๐ป Hands-On Projects: Real, working code you can run and modify
- ๐ Google Colab Ready: Most notebooks include Colab links for GPU-powered training
- ๐น๐ท Turkish & English: Bilingual support for better understanding
- ๐ Real Datasets: Work with actual data including images, text, and time series
- ๐จ Visual Learning: Rich visualizations and examples throughout
โก Pro Tip: For computationally intensive projects, use Google Colab with GPU enabled. Don't forget to save your trained models locally before your session expires!
Click to expand core fundamentals
Master the essential Python libraries for data science:
- ๐ NumPy Tutorial: Mathematical operations and array manipulation
- ๐ผ Pandas Tutorial: Data manipulation and analysis with real datasets (Northwind, JSON)
- ๐ Matplotlib: Data visualization fundamentals
- Statistical Foundations (
Temelฤฐstatistik.ipynb) - Regression Analysis (
Regresyon.ipynb) - Practical examples with car datasets
- ๐งช Lesson 1: What is AI? History and fundamentals (Perceptron, Neural Networks)
- ๐งช Lesson 2: Deep dive into ML concepts (Supervised, Unsupervised, Reinforcement Learning)
- Rich visualizations of AI/ML/DL relationships
Click to expand ML & classification projects
Learn classical ML algorithms for numerical data:
- โ Logistic Regression (LR) - Binary classification with sigmoid functions
- โ Linear Discriminant Analysis (LDA) - Feature combination for separation
- โ K-Nearest Neighbors (KNN) - Simple yet powerful neighbor-based classification
- โ Classification & Regression Trees (CART) - Decision tree methods
- โ Gaussian Naive Bayes (NB) - Probabilistic classification with Bayes theorem
- โ Support Vector Machines (SVM) - Hyperplane-based classification
Projects:
- ๐ธ Iris Classification - The classic ML introduction
- ๐ Complete classification comparisons
Click to expand CV projects
Master CNNs and modern architectures:
- ๐
โ๏ธ Car vs Plane Classifier: Binary image classification with CNNs - ๐ฑ๐ฐ๐ฟ๏ธ Cat-Rabbit-Squirrel: Multi-class classification with ResNet
- ๐ฑ๐ถ Cat vs Dog: Classic computer vision challenge
- ๐๐ข๐ก Facial Expression Recognition (FER): Emotion detection from faces (FER2013 dataset)
- ๐ฏ YOLOv11 Classification: Modern classification with YOLO
A comprehensive comparison of 6 cutting-edge architectures on FER2013 dataset:
- ๐งฑ Basic CNN: Classic convolutional architecture baseline
- ๐ ResNet: Residual connections for deeper networks
- ๐ณ DenseNet121: Dense connectivity patterns
- โก EfficientNetB0: Compound scaling for efficiency
- ๐๏ธ CNN + SE Attention: Squeeze-and-Excitation blocks for channel attention
- ๐ฎ Vision Transformer (ViT): Transformer architecture for images
Features:
- Side-by-side performance comparison
- FLOPs and parameter count analysis
- Training time benchmarks
- Visual architecture diagrams (visualkeras + plot_model)
- Validation accuracy plots across all models
- Random prediction comparisons
Go beyond classification - locate objects in images:
- ๐ฏ YOLOv7 + RoboFlow: Industry-standard object detection
- ๐ฏ YOLOv11 Training: Latest YOLO architecture
- ๐ฆ Custom Dataset Training: Train on your own data with Kaggle datasets
Click to expand advanced topics
Time series and sequential data:
- ๐ Univariate LSTM: Flight data prediction
- ๐ฎ Sequential pattern learning
Create new content with AI:
- ๐จ DCGAN: Deep Convolutional Generative Adversarial Networks
- ๐ Fashion MNIST generation
- ๐ญ Generator vs Discriminator training dynamics
- Multiple architecture variations (28x28, custom sizes)
- ๐จ Transfer artistic styles between images
- Neural networks as artists
Revolutionary paired image translation:
- ๐จ Image Colorization AI: Turn grayscale to color automatically
- ๐ Complete Pix2Pix implementation
- ๐ผ๏ธ Paired image dataset processing
Click to expand NLP projects
- ๐ RNN Text Classification: Sentiment and text categorization using Recurrent Neural Networks
Modern AI chatbot techniques:
- ๐ค Ollama on Colab: Run local LLMs in the cloud
- ๐ RAG implementation for document Q&A
- PDF processing and knowledge retrieval
The foundation of modern NLP:
- ๐ค Text โ Embedding โ Cosine Similarity
- ๐ง Semantic search implementation
- ๐พ Memory systems for RAG applications
- Integration with sentence-transformers
Click to expand extra content
- ๐ CalCOFI Ocean Data: Marine ecosystem analysis
- ๐ Seaborn Visualizations: Advanced plotting techniques
- ๐ฐ Tips Dataset: Regression and correlation analysis
- ๐ฅ Hand Controls: Computer vision control systems
- ๐งช A/B Testing: Statistical hypothesis testing
- ๐ฒ German Tank Problem: Bayesian inference example
- ๐ผ Interview Q&A: ML interview preparation (
mulakat_soru_cevaplarฤฑ.py) - ๐ Python Recap: Complete Python refresher (
python_recap.py) - ๐ PyCharm cheat sheets and environment setup
- ๐๏ธ ImageNet dataset management
- ๐ Data preprocessing utilities
- ๐ฆ Archive management tools
MlAiTutorialProjects/
โ
โโโ 1-Prerequisites/ # NumPy, Pandas, Matplotlib fundamentals
โโโ 2-MachineLearningBasics/ # Statistics, Regression basics
โโโ 3-YapayZekaTeorikBilgi/ # AI theory and concepts (Turkish)
โโโ 4-MathValClass/ # Classical ML algorithms
โโโ 5-ImageClass/ # CNN & image classification
โโโ 6-ObjectDetection/ # YOLO models & object detection
โโโ 7-LSTM/ # Time series with LSTM
โโโ 8-Generative/ # GANs & generative models
โโโ 9-NeuralStyleTransfer/ # Style transfer techniques
โโโ 10-Pix2Pix/ # Image-to-image translation
โโโ 11-TextClass/ # NLP & text classification
โโโ 12-VideoSources/ # Data analysis & visualization
โโโ 13-RAG/ # Retrieval Augmented Generation
โโโ 14-WordEmbeddings/ # Text embeddings & semantic search
โโโ 999-BonusBilgiler/ # Bonus content & interview prep
git clone https://github.com/onuralpArsln/MlAiTutorialProjects.git
cd MlAiTutorialProjectsStart here โ 1-Prerequisites โ 2-MachineLearningBasics โ 3-YapayZekaTeorikBilgi โ 4-MathValClass
5-ImageClass โ 5-ImageClass/ArchitecturesAdv (โญ Model Zoo) โ 6-ObjectDetection โ 9-NeuralStyleTransfer โ 10-Pix2Pix
11-TextClass โ 14-WordEmbeddings โ 13-RAG
8-Generative โ 10-Pix2Pix โ 13-RAG
Most notebooks include a "Open in Colab" badge at the top. Click it to run with free GPU!
# Notebooks are ready to run - just execute cells sequentially
# Colab provides free GPU/TPU access for training# Create virtual environment
python -m venv venv
source venv/bin/activate # On Windows: venv\Scripts\activate
# Install dependencies (varies by project)
pip install numpy pandas matplotlib tensorflow pytorch scikit-learn
# Launch Jupyter
jupyter notebook| Category | Technologies |
|---|---|
| Languages | Python 3.8+ |
| Deep Learning | TensorFlow, Keras, PyTorch |
| Classical ML | scikit-learn, XGBoost |
| Data Science | NumPy, Pandas, Matplotlib, Seaborn |
| Computer Vision | OpenCV, PIL, YOLOv7, YOLOv11 |
| NLP | sentence-transformers, Ollama |
| Development | Jupyter Notebooks, Google Colab |
- Prerequisites (NumPy, Pandas, Matplotlib)
- Machine Learning Basics
- AI Theoretical Knowledge
- Math Value Classification (start with Logistic Regression)
- Simple Image Classification (Car vs Plane)
- Advanced Image Classification (Multi-class, ResNet)
- Object Detection (YOLO)
- LSTM for time series
- Text Classification with RNN
- Basic GANs
- Architecture Model Zoo (CNN, ResNet, DenseNet, EfficientNet, ViT comparison) โญ
- Pix2Pix & Image Translation
- Neural Style Transfer
- RAG & Modern NLP
- Custom model architecture design & benchmarking
| Section | Difficulty | Time Estimate | Key Takeaway |
|---|---|---|---|
| Prerequisites | โญ Beginner | 1-2 weeks | Master Python data science libraries |
| ML Basics | โญโญ Beginner | 2-3 weeks | Understand regression & statistics |
| Theory | โญโญ Intermediate | 1 week | Learn AI fundamentals deeply |
| Classification | โญโญ Intermediate | 2-3 weeks | Master classical ML algorithms |
| Image Class | โญโญโญ Intermediate | 3-4 weeks | Build CNNs from scratch |
| Architectures Adv | โญโญโญโญโญ Expert | 2-3 weeks | Compare 6 architectures scientifically |
| Object Detection | โญโญโญโญ Advanced | 2-3 weeks | Deploy YOLO models |
| LSTM | โญโญโญ Intermediate | 2 weeks | Predict time series data |
| GANs | โญโญโญโญ Advanced | 3-4 weeks | Generate synthetic images |
| Pix2Pix | โญโญโญโญโญ Expert | 3-4 weeks | Master image translation |
| RAG | โญโญโญโญ Advanced | 2-3 weeks | Build modern AI chatbots |
| Text/NLP | โญโญโญ Intermediate | 2-3 weeks | Process and classify text |
| Embeddings | โญโญโญโญ Advanced | 1-2 weeks | Understand semantic search |
The ultimate deep learning architecture comparison guide!
๐ Location: 5-ImageClass/ArchitecturesAdv/architec.ipynb
๐ฏ Architectures: 6 models (CNN, ResNet, DenseNet, EfficientNet, CNN+SE, ViT)
๐ฌ Metrics: Parameters, FLOPs, training time, validation accuracy
๐พ Dataset: FER2013 (28,709 train + 7,178 test images)
๐ Visualizations: Architecture diagrams, performance plots, prediction comparisons
๐ Perfect for: Understanding trade-offs between model complexity and performance
What makes it special:
- ๐งช Scientific comparison with consistent methodology
- ๐ Quantitative metrics (not just accuracy!)
- ๐จ Beautiful architecture visualizations using visualkeras
- ๐ Includes modern architectures (Vision Transformers!)
- โก Performance profiling with FLOPs calculation
- ๐ฏ Real-world emotion detection task
Transform black & white images to color automatically using conditional GANs!
๐ Location: 10-Pix2Pix/colorAI.ipynb
๐ฏ Technique: Conditional GAN, U-Net architecture
๐พ Dataset: Paired grayscale/color images
Build a document-aware chatbot that answers questions based on your PDFs!
๐ Location: 13-RAG/OllmaaOnColab.ipynb
๐ฏ Technique: Retrieval Augmented Generation, LLM
๐พ Includes: Turkish document processing
Detect emotions from facial images and compare 6 different architectures!
๐ Location: 5-ImageClass/CNN_FER.ipynb
๐ Advanced: 5-ImageClass/ArchitecturesAdv/architec.ipynb
๐ฏ Techniques: CNN, ResNet, DenseNet, EfficientNet, SE Attention, ViT
๐พ Dataset: FER2013 (48x48 grayscale emotion faces, 7 classes)
๐ฌ Comparison: Parameters, FLOPs, training time, validation accuracy
State-of-the-art real-time object detection and localization!
๐ Location: 6-ObjectDetection/roboflowAndYolov11/
๐ฏ Technique: YOLO architecture, Transfer learning
๐พ Custom dataset support via RoboFlow
- ๐ธ Iris Dataset - Classic ML dataset for classification
- ๐ Car/Plane Images - Binary classification challenge
- ๐ฑ๐ถ Cats & Dogs - Famous Kaggle competition
- ๐ FER2013 - Facial expressions (7 emotions)
- ๐ช Northwind Database - Business data analysis
- ๐ Flight Data - Time series prediction
- ๐ Fashion MNIST - Clothing image generation
- ๐ CalCOFI - Ocean temperature & marine data
- ๐ฐ Tips Dataset - Restaurant tipping analysis
- ๐ธ Custom ImageNet subsets - Transfer learning
- โ Basic Python programming
- โ High school mathematics (algebra, basic calculus helpful)
- โ Curiosity and patience! ๐
- ๐ Python 3.8 or higher
- ๐ Jupyter Notebook / JupyterLab
- ๐ Web browser for Google Colab
- ๐พ Git for cloning the repository
- ๐ฎ GPU for faster training (or use Google Colab)
- ๐ป 8GB+ RAM for local execution
- ๐ง Basic terminal/command line knowledge
- Follow the numbered folders sequentially
- Read theory notebooks before diving into code
- Experiment with hyperparameters
- Try modifying datasets and see what happens
- Complete each project before moving to the next
- Use as course material or supplementary content
- Notebooks are ready for classroom presentation
- Mix and match topics based on curriculum needs
- Turkish content available for Turkish-speaking students
- All code is well-commented and educational
- Quick reference for implementing specific techniques
- Copy and adapt code for your projects
- Use datasets as templates for your own data
- Benchmark your models against provided examples
- ๐ Complete Model Zoo: Compare 6 architectures side-by-side on FER2013!
- ๐ฎ Vision Transformers: Learn the latest in image classification
- ๐ฏ Attention Mechanisms: Squeeze-and-Excitation blocks explained
- ๐ Scientific Benchmarking: Not just accuracy - FLOPs, params, and time!
- Always use GPU when available (Colab: Runtime โ Change runtime type โ GPU)
- Start with small epochs to test your pipeline, then increase
- Save checkpoints regularly during long training sessions
- Use data augmentation to improve model generalization
- Print tensor shapes frequently during development
- Visualize your data before training
- Start with a small batch size to catch errors early
- Check for NaN losses - indicates learning rate or data issues
- Always split your data: Train/Validation/Test
- Monitor both training and validation metrics
- Use callbacks: EarlyStopping, ModelCheckpoint, ReduceLROnPlateau
- Document your experiments and results
Contributions are welcome! Whether it's:
- ๐ Bug fixes
- ๐ Documentation improvements
- โจ New tutorial additions
- ๐ Translations
- ๐ก Better explanations
- Fork the repository
- Create your feature branch (
git checkout -b feature/AmazingTutorial) - Commit your changes (
git commit -m 'Add amazing tutorial') - Push to the branch (
git push origin feature/AmazingTutorial) - Open a Pull Request
- ๐ง Issues: Open an issue on GitHub for bugs or questions
- ๐ Stars: If you find this helpful, give it a star!
- ๐ Share: Help others discover this resource
This repository is created for educational purposes. Feel free to use the code for learning and teaching.
- ๐ Built with passion for AI education
- ๐ Inspired by leading AI/ML courses and research
- ๐ Community-driven and continuously improving
- ๐ป Powered by open-source frameworks and tools
- ๐ 14+ Major Topics
- ๐ 50+ Jupyter Notebooks
- ๐ฏ 10+ Different Datasets
- ๐๏ธ 6 Architecture Comparison (CNN, ResNet, DenseNet, EfficientNet, SE, ViT)
- ๐ป Multiple ML/DL Frameworks (TensorFlow, PyTorch, scikit-learn)
- ๐ Colab Ready Projects
- ๐น๐ท Bilingual Content (Turkish & English)
- ๐ฌ Scientific Methodology (FLOPs, params, benchmarking)
Pick a topic, open a notebook, and start learning! ๐
Made with โค๏ธ for AI learners everywhere
| Beginner | Intermediate | Advanced |
|---|---|---|
| Prerequisites | Image Classification | ๐ Architecture Zoo |
| ML Basics | Object Detection | GANs |
| Theory | LSTM | Pix2Pix |
| Classification | Text Classification | RAG |
Happy Learning! ๐ Let's build amazing AI together! ๐ค