AI Summer Bootcamp 2025
Master AI & Machine Learning in just 6 weeks with live projects and expert mentorship!
Duration 6 Weeks, 60 hours
Medium Live Online
Language Hindi, English
Fee Rs. 8999/-
Batches
  • 9 June 2025, 1:00 PM - 3:00 PM, Mon - Fri
  • 15 June 2025, 3:30 PM - 5:30 PM, Mon-Fri
Instructors
  • Amit Saini
    Amit Saini
    Co-Founder & CEO : Wayo Robotics Chief Mentor : Wayo Labs
  • Kuldeep Pandey
    Kuldeep Pandey
    Co-Founder & CTO : Wayo Robotics Chief Mentor : Wayo Labs
  • ๐Ÿง‘โ€๐ŸซLive Interactive Classes
  • ๐Ÿ“š Beginner-Friendly Curriculum
  • ๐Ÿ’ป Hands-on Coding Sessions
  • ๐ŸŽ“ Certificate of Completion
  • ๐Ÿ› ๏ธ Multiple Projects & Real-World Case Studies
Tools & Technologies You'll Work With
Python for AIPython for AI
PyTorchPyTorch
SeabornSeaborn
Scikit LearnScikit Learn
PandasPandas
MatplotlibMatplotlib
NumpyNumpy
Jupyter NotebookJupyter Notebook
Course Highlights
Foundations of AI/ML
๐Ÿ“˜ Introduction to AI/ML
  • ๐Ÿ” What is AI and Machine Learning?
  • ๐Ÿ“Š Types of Machine Learning (Supervised, Unsupervised, Reinforcement)
  • ๐ŸŒ Real-World Use Cases
  • ๐Ÿง  Introductory Theory and Concepts
  • ๐Ÿ› ๏ธ Tools Setup
  • ๐Ÿ Python Recap Sessions
Python for AI โ€“ Practice Sessions
  • Variables, Loops, Functions
  • Working with Data Structures (Lists, Tuples, Dictionaries)
  • File Handling and Libraries Overview
  • Practice Notebooks for In-Class Coding
Math for ML โ€“ Vectors, Matrices & NumPy
  • Basics of Linear Algebra
  • Vectors, Matrices, and Matrix Operations
  • NumPy Arrays and Broadcasting
  • Hands-on Code Examples using NumPy
Data Manipulation with Pandas
  • Series and DataFrames
  • Reading & Writing CSV/Excel Files
  • Data Cleaning, Filtering, Grouping
  • Practical Exercises with Pandas
Data Visualization with Matplotlib
  • Line, Bar, Scatter, Histogram Charts
  • Customizing Graphs (Labels, Legends, Colors)
  • Building Visual Dashboards in Notebooks
  • Practical Exercises with Matplotlib
Math Refresher
Calculus, Probability & Statistics
  • ๐Ÿ”ข Introduction to Calculus for ML
  • ๐ŸŽฒ Probability Basics
  • ๐Ÿ“ˆ Statistics for Data Analysis
  • ๐Ÿ“ Assignments: Problem sets and concept-building worksheets
Supervised Learning
Linear Regression
  • ๐Ÿงฎ Simple Linear Regression: Theory and implementation
  • ๐Ÿ“‰ Multivariate Linear Regression
  • ๐Ÿงช Hands-on using Scikit-Learn
  • โœ… Model evaluation: MSE, RMSE, Rยฒ Score
  • ๐Ÿ“ Working on Use cases
Beyond Linear โ€“ Polynomial & Logistic Regression
  • ๐ŸŒ€ Polynomial Regression: When linear isnโ€™t enough
  • ๐Ÿ“ˆ Logistic Regression: Classification vs Regression
  • โš™๏ธ Gradient Descent: Cost function minimization (with visuals)
  • ๐Ÿงช Implement from scratch and using libraries
K-NN and Model Evaluation
  • ๐Ÿ“ K-Nearest Neighbors (K-NN): Theory, Euclidean distance, choosing 'k'
  • ๐Ÿงฎ Evaluation Metrics for Classification
  • โš™๏ธ Accuracy, Precision, Recall, F1 Score
  • ๐Ÿงช Confusion Matrix and Cross Validation in action
Mini Project โ€“ Predict & Evaluate
  • Apply concepts learned through a guided mini-project
  • Evaluate model performance using key metrics
  • Tackle real datasets using Scikit-Learn
  • Bridge theory and practice confidently
Data Preprocessing, Decision Trees, and Model Tuning
Data Preprocessing & Feature Engineering
  • ๐Ÿงผ Foundation for building quality models through better data pipelines
  • ๐Ÿ” Handling Missing Data (mean, median, mode, interpolation)
  • ๐Ÿ”  Encoding Categorical Data: Label encoding & One-hot encoding
  • โš–๏ธ Feature Scaling: Standardization, Normalization
  • ๐Ÿงฉ Feature Engineering Basics
Decision Trees & Entropy
  • ๐ŸŒฒ How Decision Trees Work: Splits, Gini Index, Entropy
  • ๐Ÿง  Overfitting & Pruning
  • ๐Ÿงช Build Decision Trees from scratch and using Scikit-Learn
  • ๐Ÿงฌ Feature Importance & Tree Visualization
  • ๐Ÿงฉ Working on real use case
Random Forests & Ensemble Methods
  • Random Forest Classifier: Bagging and bootstrapping
  • Model training and testing with Sklearn
  • Ensemble Techniques Overview: Bagging vs Boosting
  • Evaluate model using Confusion Matrix & ROC Curve
  • Working on real use case
Hyperparameter Tuning & Cross Validation
  • Manual Parameter Tuning
  • Grid Search & Random Search using GridSearchCV
  • K-Fold Cross Validation
  • Practical lab: Improve a model using tuning techniques
  • Mini Project - Working on real use case
Unsupervised Learning & Dimensionality Reduction
Introduction to Unsupervised Learning
  • ๐Ÿ“– What is Unsupervised Learning?
  • ๐Ÿง  Key differences between supervised & unsupervised approaches
  • ๐Ÿงฌ Applications: Customer segmentation, anomaly detection, topic modeling
  • โœจ Overview of Clustering and Dimensionality Reduction
  • ๐Ÿงช Hands-on: Explore a raw dataset and brainstorm potential groupings
K-Means Clustering
  • ๐ŸŽฏ K-Means Algorithm: Concept, Objective Function, Iterative Optimization
  • ๐Ÿ“ Choosing โ€˜kโ€™: Elbow Method and Silhouette Score
  • ๐Ÿงช Hands-on Implementation with Sklearn
  • ๐Ÿงฌ Cluster visualization with Matplotlib & Seaborn
  • ๐Ÿงช Hands-on: Customer Segmentation(e.g. e-commerce or banking datasets)
Hierarchical Clustering & DBSCAN
  • ๐ŸŒŒ Agglomerative Hierarchical Clustering - Dendrograms, linkage types, distance metrics
  • ๐ŸŒช๏ธ DBSCAN (Density-Based Clustering)
  • ๐Ÿงช Handling outliers and irregular cluster shapes
  • ๐Ÿงช Visualizing clusters and comparing with K-Means
  • ๐Ÿงช Hands-on: Working on Use Case
Dimensionality Reduction with PCA & t-SNE
  • ๐Ÿงฎ PCA (Principal Component Analysis)
  • ๐ŸŒช๏ธ Intuition, eigenvectors/eigenvalues, explained variance
  • ๐Ÿงช Hands-on with 2D/3D PCA visualizations
  • ๐ŸŒŒ t-SNE for non-linear dimensionality reduction
  • ๐Ÿงช Reduce a high-dimensional dataset and visualize clusters
  • Mini Project โ€“ Unsupervised Analysis
Deep Learning with PyTorch
Introduction to Neural Networks
  • ๐Ÿง  What is a Neural Network? (biological vs artificial)
  • ๐Ÿ”— Structure: Neurons, Layers, Weights, Activation Functions
  • ๐Ÿ“‰ Forward Propagation & Loss Functions (conceptual)
  • ๐Ÿ” Backpropagation: How learning happens
  • โœ๏ธ Activation Functions: Sigmoid, ReLU, Softmax
Build a Feedforward Neural Network in PyTorch
  • ๐Ÿ—‚๏ธ Load MNIST dataset using torchvision
  • ๐Ÿ”ง Model Building using nn.Module and Sequential
  • ๐Ÿ” Training loop: forward pass, loss, backprop, optimization
  • ๐Ÿ“‰ Visualize training loss and accuracy
  • ๐Ÿงช Evaluate on test set
  • ๐Ÿค– Hands-on: Build and train a digit classifier using a 2-layer NN
CNNs for Image Classification
  • ๐Ÿงฑ Why use CNNs: local patterns, parameter efficiency
  • ๐Ÿ” Layers : Conv2D, MaxPool2D, Flatten, FullyConnected
  • ๐Ÿ—๏ธ Build a simple CNN using PyTorch
  • ๐Ÿ–ผ๏ธ Train on Fashion-MNIST or CIFAR-10 (subset)
  • ๐Ÿ“Š Evaluate and visualize predictions
  • ๐Ÿ“Š CNN architecture visualization with filter maps
Recurrent Neural Networks(RNN) & NLP
  • ๐Ÿงฑ RNNs, LSTMs, GRUs
  • ๐Ÿ” Tokenization, padding, embedding
  • ๐Ÿ—๏ธ Text classification
  • ๐Ÿ–ผ๏ธ Sequence generation
  • ๐Ÿ“Š Train an LSTM or GRU for sentence classification
  • ๐Ÿ“Š Sentiment Analysis Project
  • Deep Learning Project โ€“ Capstone Project
Large Language Models
Introduction to Large Language Models (LLMs)
  • ๐Ÿงฑ What are LLMs? (Transformers, attention mechanism)
  • ๐Ÿ” Difference between LSTM vs Transformer
  • ๐Ÿ—๏ธ Pretraining vs Fine-tuning
  • ๐Ÿ–ผ๏ธ Prompt engineering basics
  • ๐Ÿ“Š Hugging Face Transformers ecosystem
  • ๐Ÿ“Š LLaMA vs GPT vs BERT
Frequently Asked Questions

This program is designed for engineering students, graduates, and anyone with a basic understanding of programming who wants to learn Artificial Intelligence and Machine Learning from scratch.

Itโ€™s a 6-week live online course, with 5 sessions per week, each lasting approximately 2 hours...

Basic knowledge of Python programming and mathematics (linear algebra, probability, and statistics) is recommended but not mandatory. We will provide introductory sessions to bring everyone up to speed.

The training will be a mix of live online sessions, hands-on coding labs, assignments, and project work.

Yes, on successful completion of the program and projects, you will receive a certificate of completion from Wayo Labs.

You can enroll by clicking the โ€œEnroll Nowโ€ button on our course page and completing the registration form followed by payment.

ECOSYSTEM

Why Learn AI & Machine Learning Today?

Artificial Intelligence (AI) and Machine Learning (ML) are not just buzzwords โ€” they are the future shaping almost every industry worldwide. From self-driving cars to personalized recommendations on your favorite apps, AI and ML technologies are revolutionizing how we live, work, and solve problems.

By learning AI and ML today, youโ€™re stepping into a world of endless opportunities:

Future-Proof Yourself: As automation accelerates, having AI expertise makes you indispensable in the job market.

Transform Ideas into Reality: Build intelligent systems that can learn, adapt, and improve themselves.

Boost Your Career Prospects: AI and ML skills are among the highest-demanded in tech, opening doors to exciting job roles and high salaries.

Solve Real-World Problems: From healthcare to finance, AI is enabling breakthroughs that make lives better and businesses smarter.

AI Summer Bootcamp 2025