ব্যাচ শুরু
শনিবার ১৩ সেপ্টেম্বর
১৩ সেপ্টেম্বর
লাইভ ক্লাস
রাত ৯:০০- ১০:৩০ (সোম,শনি)
ভর্তি চলছে
৩য় ব্যাচে
From Loops to Learning Models—The Roadmap Every Coder Needs
২০ আগস্ট
রাত ৯:০০টা
কারিকুলাম
১৯ মডিউল
৩৬ লাইভ ক্লাস
শুরুতেই শিখবেন ম্যাথ, স্ট্যাটিস্টিক্স ও অ্যাডভান্সড পাইথন প্রোগ্রামিং (Module 0-3)
ক্লাস নিবেনঃ

Tahmid Rahman
সপ্তাহ
০
শুরুর আগে শুরু
59 recorded video
ব্যাচের কার্যক্রম - মেইন লাইভ ক্লাস শুরুর আগেই যারা ইনরোল করেছেন, তারা কি বসে থাকবেন ? না! এই মডিউলে ব্যাসিক বেশ কিছু ভিডিও দেওয়া আছে। শুরু হয়ে যাক তবে শেখার জার্নি!
সপ্তাহ
২
Machine Learning Pipeline

2 live class

1 Quiz
Objective: Understand the Full ML Pipeline and Get ready to deep dive into the world of ML
Live Class 1: Master Pandas, Numpy , Vector and its Importance in ML
Live Class 2: Machine Learning Pipeline , Best Practices | Underfit , Overfit , Bais , Variance
সপ্তাহ
১
Intro to Machine Learning

2 live class

1 Quiz
Objective: Understand the full course and get a breif knowledge about ML
Live Class 1: AI Engineer Full Roadmap | Intro to ML
Live Class 2: Types of Machine Learning | Intro to EDA
সপ্তাহ
৩
Development Tools and Best Practices

2 live class

1 Quiz
Objective: Introduce Git, Jupyter, Colab, and environment setup.
Live Class 1: What is Git and why use it | Basic Git commands: init, add, commit | Understanding version control | What is GitHub and how it works | Creating and managing repositories on GitHub | Cloning and pushing code | Branching and merging basics | Typical project folder structure | Best practices for organizing codebase
Live Class 2: What is Jupyter Notebook | Running and managing code cells | Introduction to Google Colab | Uploading and sharing notebooks | Writing clean and readable code | Using comments and proper indentation | Writing Markdown in notebooks | Formatting text, lists, and code blocks with Markdown | Creating headings and notes for better understanding
কনসেপ্ট ধরে ধরে শিখবেন মেশিন লার্নিং ও ডীপ লার্নিং (Module 4-10)
ক্লাস নিবেনঃ

Tahmid Rahman
সপ্তাহ
৪
Regression Models and Evaluation

2 live class

1 Quiz
Live Class 1: Introduction to linear regression | Fitting a line to data using least squares | Understanding slope and intercept | What is overfitting in regression | Introduction to regularization | Ridge regression and L2 penalty | Lasso regression and L1 penalty | Comparing ridge and lasso | When to use ridge vs lasso
Live Class 2: Introduction to model evaluation | What is Mean Absolute Error (MAE) | Interpreting MAE in regression models | What is Root Mean Squared Error (RMSE) | Difference between MAE and RMSE | What is R-squared (R²) | Interpreting R² as model accuracy | Choosing the right metric for evaluation
Project: House Price Predictor
সপ্তাহ
৬
Unsupervised Learning and Dimensionality Reduction

2 live class

1 Quiz
Live Class 1: Introduction to K-Means clustering | How K-Means groups similar data points | Choosing number of clusters | What is the Elbow Method | Using Elbow Method to find optimal K | Introduction to PCA (Principal Component Analysis) | Reducing dimensionality with PCA | Interpreting principal components | PCA vs clustering: when to use what
Live Class 2: Hierarchical Clustering & DBSCAN
Project: Clustering Assignment: Iris Dataset
সপ্তাহ
৮
Computer Vision with CNNs

2 live class

1 Quiz
Live Class 1: Introduction to Convolutional Neural Networks (CNN) | What is computer vision? Use cases in industry | Basics of CNNs: convolution, pooling, flatten, FC | CNN architecture overview: input, convolution, pooling, fully connected layers | What is a convolution layer and its purpose | Applying filters to input images | Understanding kernel size and stride | Max pooling and average pooling layers | Reducing spatial dimensions with pooling | Role of convolution and pooling in feature extraction
Live Class 2: Introduction to image classification | Overview of CNN for image classification | Using Keras for building CNN models | Loading and preprocessing image data | Defining the CNN architecture in Keras | Adding convolution, activation, and pooling layers | Flattening and adding fully connected layers | Compiling the model with optimizer, loss, and metrics | Training the model with image data | Evaluating model performance on test data | Image preprocessing techniques: resizing, normalization | Data augmentation for Image Data
Project: Dog vs Cat Image Classifier
সপ্তাহ
১০
Model Deployment & Monitoring with FastAPI, Docker and MLflo

2 live class

1 Quiz
Live Class 1: Building Scalable ML APIs with FastAPI
What is FastAPI and why it's ideal for ML deployment | Setting up a FastAPI app for serving predictions | Creating robust endpoints with Pydantic for validation | Serving ML models using joblib or pickle | Structuring APIs: /predict, /health, /info endpoints | Testing APIs using Swagger UI, ReDoc, and Postman | Intro to async handling and real-time performance advantages
Live Class 2: Dockerizing Your ML Service & Intro to MLflow
Docker Focus: | What is Docker and why use it for ML APIs | Writing a Dockerfile for FastAPI apps | Building Docker images and running containers | Exposing containerized APIs over localhost/port | Testing containerized predictions with curl/Postman | Analyzing API responses and troubleshooting | Basics of cloud deployment | Deploying Dockerized applications on cloud platforms | Using services like AWS, Heroku, or Google Cloud for deployment
Project: Production Ready ML Model Pipeline with FastAPI, Docker & MLflow
সপ্তাহ
৫
Classification Models and Evaluation

2 live class

1 Quiz
Live Class 1: Introduction to logistic regression | Understanding sigmoid function and probabilities | Binary classification with logistic regression | Introduction to K-Nearest Neighbors (KNN) | How KNN makes predictions based on distance | Choosing the right value of K | Introduction to decision trees | Splitting criteria: Gini and Entropy | Overfitting and pruning in decision trees | Comparing logistic, KNN, and decision trees
Live Class 2: What is a confusion matrix | Understanding TP, FP, TN, FN | Calculating precision and recall | What is F1 score and why it matters | Balancing precision and recall | Introduction to ROC curve | Interpreting ROC-AUC score | Choosing metrics based on problem type
Project: Titanic Dataset
সপ্তাহ
৭
Introduction to Deep Learning

2 live class

1 Quiz
Live Class 1: Introduction to neural networks | Structure of a neural network: neurons, layers, activation functions | Forward propagation process | Calculating outputs in a neural network | What is backpropagation | Adjusting weights during backpropagation | Gradient descent and learning rate | Role of loss function in training | Training a neural network through epochs
Live Class 2: Deep Neural Networks, Vanishing/Exploding Gradients, and Batch Normalization (with TensorFlow)
Project: MNIST Digit Classifier
সপ্তাহ
৯
Model Finetuning & Intro to Transformers

2 live class

1 Quiz
Live Class 1: Object Detection Model Finetuning (Roboflow Journey) | Yolo Model Finetune
Live Class 2: Transformers : The core of Modern AI
Project: Sales Object Tracking & Heatmap Visualization
শিখবেন NLP, Transformers, Prompt Engineering, LangChain, Multi Agent System ও RAG (Module 11-17)
ক্লাস নিবেনঃ

Tahmid Rahman
সপ্তাহ
১১
Natural Language Processing Fundamentals

2 live class

1 Quiz
Live Class 1: Introduction to text preprocessing | What is tokenization and how it works | Breaking text into words or sentences | Introduction to lemmatization | Reducing words to their base form using lemmatization | What are stopwords and why remove them | Identifying and filtering stopwords in text | Using libraries like NLTK or SpaCy for preprocessing | Combining tokenization, lemmatization, and stopwords removal for clean text data
Live Class 2: Introduction to word embeddings | What is TF-IDF (Term Frequency-Inverse Document Frequency) | How TF-IDF captures word importance in a corpus | Introduction to Word2Vec and its two models: Continuous Bag of Words (CBOW) and Skip-gram | Training Word2Vec on text data to create word embeddings | What is GloVe (Global Vectors for Word Representation) | How GloVe differs from Word2Vec and captures global word relationships | Using pre-trained embeddings for NLP tasks | Comparing TF-IDF, Word2Vec, and GloVe for various applications
Project: Sentiment Analysis on Product Reviews
সপ্তাহ
১৩
Prompt Engineering and GPT APIs

2 live class

1 Quiz
Live Class 1: Introduction to prompt patterns in NLP | Designing effective prompts for different tasks | Few-shot learning and how it reduces data requirements | Understanding few-shot, one-shot, and zero-shot learning | Introduction to OpenAI API | Overview of GPT models and their capabilities | Making API requests to OpenAI for text generation and understanding tasks | Prompt engineering for better results | Fine-tuning models with custom prompts for specific tasks | Using OpenAI API in real-world applications like chatbots, summarization, and translation
Live Class 2: Introduction to function calling with GPT models | Using GPT for structured outputs like JSON, tables, or lists | Designing prompts for structured responses | Calling external functions or APIs from within a prompt | Handling structured data in response formats | Parsing and formatting structured outputs from GPT | Integrating GPT with external systems for dynamic function calls | Use cases of function calling in automation, data extraction, and decision-making tasks | Best practices for optimizing structured output quality
Project: Linkedin Post Generator
সপ্তাহ
১৫
Building Intelligent Tool-Integrated Applications

2 live class

1 Quiz
Live Class 1: Introduction to LangChain Agent Executor | How the Agent Executor manages complex tasks | Using LangChain to build intelligent agents | Creating and integrating custom tools into LangChain | Leveraging external APIs and services as custom tools | Implementing intermediate memory for maintaining context across tasks | Storing temporary information to guide agent decision-making | Optimizing agent performance with efficient memory management | Example use cases of LangChain in conversational agents and workflow automation
Live Class 2: Introduction to API tools in LangChain | Using built-in API tools for integrating external services | Handling API requests and responses with LangChain | Introduction to file tools for managing document-based inputs | Reading, writing, and processing files in pipelines | Using LangChain to process and analyze file data (CSV, JSON, text) | Error handling strategies in LangChain workflows | Catching and managing exceptions in API and file tool interactions | Debugging and logging in LangChain | Best practices for building robust workflows with error handling
Project: Business Assistant Chatbot
সপ্তাহ
১৭
Retrieval-Augmented Generation and Vector Databases

2 live class

1 Quiz
Live Class 1: Introduction to FAISS (Facebook AI Similarity Search) | Using FAISS for efficient similarity search and nearest neighbor search | How FAISS works with high-dimensional data | Introduction to Chroma for scalable vector storage | Using Chroma for real-time, fast retrieval of vector-based data | Overview of LangChain retriever | Integrating LangChain with FAISS and Chroma for document retrieval | How LangChain handles retrieval-augmented generation (RAG) tasks | Benefits of combining FAISS, Chroma, and LangChain for high-performance information retrieval | Use cases in document search, semantic search, and knowledge extraction
Live Class 2: Introduction to the full Retrieval-Augmented Generation (RAG) pipeline | Ingestion of data for RAG systems: collecting and processing raw data | Preprocessing data for embedding generation | Using embeddings to represent data in vector space | Introduction to embeddings: how they capture semantic meaning | Generating embeddings with models like BERT or Sentence Transformers | Storing and indexing embeddings for efficient retrieval | Retrieval process: searching for relevant documents or data based on query
Project: Knowledge Base Chatbot with Vector DB
সপ্তাহ
১২
Transformers and Hugging Face Models

2 live class

1 Quiz
Live Class 1: Introduction to the attention mechanism | How attention allows models to focus on important parts of the input | Types of attention: hard and soft attention | Self-attention and its role in sequence processing | Introduction to Transformer architecture | Key components of Transformers: Encoder and Decoder | Multi-head attention mechanism | Positional encoding to preserve sequence order | Advantages of Transformers over RNNs and LSTMs | Applications of Transformers in NLP tasks like translation and summarization
Live Class 2: Introduction to Hugging Face Transformers | Overview of BERT and GPT models | Understanding pre-trained models and transfer learning | Fine-tuning BERT for text classification tasks | Preparing the dataset for fine-tuning | Training BERT with custom data using Hugging Face’s Trainer API | Fine-tuning GPT for text generation tasks | Adjusting hyperparameters during fine-tuning | Evaluating model performance on downstream tasks | Using pre-trained Hugging Face models for various NLP applications
Project: Text Classification Using Transformers
সপ্তাহ
১৪
Introduction to LangChain

2 live class

1 Quiz
Live Class 1: Introduction to chains in NLP workflows | Combining multiple tasks or steps using chains | Using memory in AI models for context retention | Implementing memory to maintain state across interactions | Creating prompt templates for consistent input formatting | Benefits of reusable prompt templates in large-scale applications | How chains and memory work together in task automation | Example use cases of chains, memory, and templates in complex tasks like conversation bots and multi-step reasoning | Optimizing performance with chains and templates
Live Class 2: Introduction to CSV/PDF Q&A pipelines | Extracting data from CSV files for Q&A tasks | Parsing PDF files for text-based question answering | Using OCR for extracting text from scanned PDFs | Building a pipeline to answer questions from structured or unstructured documents | Document indexing for fast retrieval | How to index documents for efficient search and retrieval
Project: Chatbot for Document-Based QA
সপ্তাহ
১৬
Multi-Agent Systems and Workflow Automation

2 live class

1 Quiz
Live Class 1: Introduction to CrewAI | How CrewAI enables automation and collaboration across tasks | Overview of AutoGen and its role in automating task generation | Using AutoGen for dynamic task creation and assignment | Task delegation strategies for optimizing workflow | Assigning tasks based on skills, priorities, and timelines | Managing task dependencies and ensuring smooth handoffs | Best practices for delegating tasks effectively within automated systems
Live Class 2: Introduction to multi-agent systems | How multiple agents interact and collaborate to solve problems | Example 1: Multi-agent system for recommendation engines | Agents working together to provide personalized suggestions | Example 2: Collaborative robots in manufacturing | Coordinating tasks between robots to improve efficiency | Example 3: Autonomous vehicle fleet management | Multiple agents managing traffic flow and navigation
Project: Career Mate MulltiAgent
কোর্সটি আপনারই জন্য
ইন্সট্রাক্টর
Tahmid Rahman
AI Engineer at Brain Station 23


Jaid Jashim
Senior AI Engineer at InfiniBit | Senior Software Engineer – AI & ML at Dexian Limited, Bangladesh | Machine Learning Engineer at REVE Systems




Md Mobashir Hasan
Co-Founder | AI & Project Manager at Systalo | CS & Research Lead AT Team Apex | Chief Technology Officer at QBitLab



 (2).png)
Nazib Riasat
Teaching Assistant at Ostad

.png)
যেসব ট্যুলস ও টেকনোলোজি শিখবেন

Python

Pandas

NumPys

Matplotlib
scikit-learn
TensorFlow
Keras
PyTorch
Jupyter Notebook
Google Colab
Git

GitHub

FastAPI
Docker
MLflow
.png)
SpaCy

OpenAI

LangChain
.png)
Postman
Swagger (OpenAPI)
কী কী থাকতে হবে

ল্যাপটপ/ডেস্কটপ (৮ জিবি র্যাম)

ভালো ইন্টারনেট কানেকশন

লেগে থাকার মানসিকতা
কোর্সে আপনি পাচ্ছেন

৫ মাসের স্টাডিপ্ল্যান

৩৬ টি লাইভ ক্লাস

১৩ টি ইন্ডাস্ট্রি স্ট্যান্ডার্ড প্রজেক্ট

প্রোগ্রেস ট্র্যাকিং

সপ্তাহে ৩ দিন সাপোর্ট ক্লাস

কমিউনিটি সাপোর্ট

লাইফটাইম এক্সেস

ইন্টারভিউ হ্যান্ডবুক

সার্টিফিকেট
বেসিক ঝালাই করুন এখান থেকে
এই কোর্সের প্রিরিকুইজিট হলো পাইথন। তাই পাইথনের উপর এই ভিডিওগুলো দেখে নিলে আপনার প্রিপারেশন হবে সলিড।

যেসকল রিয়েল লাইফ প্রোজেক্ট করানো হবে
কোর্সটি আপনারই জন্য
প্রায়ই জিজ্ঞেস করা প্রশ্ন
1. আমি কি ভিডিওগুলো ডাউনলোড করতে পারবো?
হ্যা, ওস্তাদের অ্যাপে আপনি ভিডিও ডাউনলোড করে রাখতে পারবেন।2. আমি কি মোবাইল দিয়ে জয়েন করতে পারবো?
মোবাইল দিয়ে লাইভ ক্লাসে জয়েন করতে পারবেন কিন্তু প্র্যাকটিস করতে পারবেন না3. আমার কি ভিডিওগুলোর লাইফটাইম এক্সেস থাকবে?
জ্বি, ভিডিও এবং রিসোর্সের লাইফ টাইম এক্সেস পাচ্ছেন।4. লাইভ ক্লাস কোথায় হবে ?
লাইভ ক্লাসে আপনি একটি সিঙ্গেল ক্লিকে জয়েন করে ফেলতে পারবেন ওস্তাদ প্ল্যাটফর্ম থেকেই।5. এসেসমেন্ট কিভাবে হবে?
প্রতি সপ্তাহে থাকবে একটি করে কুইজ এবং এক্সাম উইকে থাকবে এসাইনমেন্ট এবং কুইজ।6. ওস্তাদ প্রো ব্যাচে কাদেরকে নেয়া হবে?
৭০% বা তার বেশি মার্ক নিয়ে যারা কোর্স কমপ্লিট করবেন তাদেরকে নিয়ে করা হবে প্রো ব্যাচ।7. দেশের বাইরে থেকে কিভাবে পেমেন্ট করবো?
ওস্তাদের ইন্টারন্যাশনাল পেমেন্ট গেটওয়ের (Stripe) মাধ্যমে আপনি ক্রেডিট কিংবা ডেবিট কার্ড দিয়ে পে করতে পারবেন।8. লাইভ ক্লাসের রেকর্ডিং থাকবে?
জ্বী, পাবেন লাইভ ক্লাস রেকর্ডিং এর লাইফ টাইম এক্সেস।9. প্র্যাকটিস করতে গিয়ে সমস্যায় পড়লে সাপোর্ট পাবো কোথায়?
যেকোনো সমস্যায় দুইবেলা সাপোর্ট ক্লাসে স্ক্রিন শেয়ার করে সাপোর্ট নিবেন দক্ষ সাবজেক্ট ম্যাটার এক্সপার্টদের থেকে।
কিভাবে পেমেন্ট করবো?
1. পেমেন্ট মেথড কি কি?
আপনি সরাসরি ওস্তাদের পেমেন্ট গেইটওয়ের মাধ্যমে Bkash, Nagad, Rocket, Visa, Mastercard, Debit and Credit কার্ড দিয়ে পেমেন্ট করতে পারবেন।2. আমি কি যেকোনো ডিভাইস দিয়ে পেমেন্ট করতে পারবো?
জ্বী, আপনি ফোন, পিসি কিংবা ল্যাপটপ যেকোনো ডিভাইস দিয়ে পেমেন্ট করতে পারবেন।3. পেমেন্ট প্রসেস কি?
পেমেন্ট করার জন্য প্রথমে ব্যাচে ভর্তি হোন বাটনে ক্লিক করুন। এরপর পেমেন্ট পেইজ থেকে পেমেন্ট মেথড সিলেক্ট করে পেমেন্ট করুন বাটনে ক্লিক করুন এবং পেমেন্ট সম্পন্ন করুন।4. ডিসকাউন্ট কিভাবে পাবো?
আপনি ব্যাচে ভর্তি হওয়ার আগে এভেইলেবল প্রোমো কোড বসিয়ে এক্সপেক্টেড ডিসকাউন্ট পেতে পারেন।5. পেমেন্ট কনফার্মেশন কিভাবে পাবো?
পেমেন্ট প্রসেস শেষ হলে আপনার কাছে একটি মেসেজ আসবে এবং আপনার ড্যাশবোর্ডে আপনার জয়েন করা ব্যাচটি দেখাবে। আপনার স্টাডি প্লান অনুযায়ী কোর্স শুরু করে দিতে পারবেন।6. আমার লেনদেনের হিসাব থাকবে কি?
আপনার ড্যাশবোর্ডে আপনি প্রোফাইল থেকে ট্রাঞ্জেকশন ট্যাবে ক্লিক করে লেনদেন দেখতে পারবেন।
ক্যারিয়ার কাউন্সিলরের সাথে কথা বলুন