Elevate Your Code: AI Engineering Workshop for Modern Developers
২৭ এপ্রিল
রাত ৯:০০টা
.jpg)
AI Engineering Bootcamp for Programmers
৪০ টি লাইভ ক্লাস
১৩ টি প্রজেক্টসমূহ
১৪ দিন বাকি
৫৯ টি প্রি রেকর্ডেড ভিডিও
*কোর্স শুরু হবে ১০ মে থেকে *
কোর্স কারিকুলাম
সপ্তাহ
১
APIs, File Handling, and Data Manipulation

2 live class

1 Quiz
Objective: Enable students to collect and manipulate real-world data.
Live Class 1: What is a CSV file | Reading CSV using csv.reader() | Reading rows as dictionary using csv.DictReader() | What is JSON | Reading JSON file using json.load() | Converting JSON string using json.loads() | File modes: r, w, a | Reading text file using open() | Writing text file using write() | Using with statement for safe file handling
Live Class 2: API Requests with requests module | Making GET and POST requests | Handling API response data | Basics of web scraping | Using requests and BeautifulSoup | Extracting data from HTML elements | Introduction to data cleaning | Handling missing values with Pandas | Removing duplicates and irrelevant columns | Formatting and transforming data types
সপ্তাহ
৩
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
সপ্তাহ
৫
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: Diabetes Detection System
সপ্তাহ
৭
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: Introduction to activation functions | Common activation functions: Sigmoid, ReLU, Tanh | Why activation functions are needed in neural networks | Introduction to loss functions | Mean Squared Error and Cross-Entropy Loss | How loss functions guide model training | Implementing a simple neural network | Forward propagation in a simple NN | Using backpropagation to update weights | Training the model with gradient descent
Project: MNIST Digit Classifier
সপ্তাহ
৯
Recurrent Neural Networks and Time-Series Forecasting

2 live class

1 Quiz
Live Class 1: Introduction to Recurrent Neural Networks (RNN) | How RNNs handle sequential data | Vanishing gradient problem in RNNs | Introduction to Long Short-Term Memory (LSTM) networks | How LSTMs address the vanishing gradient issue | Structure of LSTM cells: forget, input, and output gates | Using RNNs and LSTMs for time series and text data | Sequential data processing with RNNs and LSTMs | Applications of RNN and LSTM in NLP and time series analysis
Live Class 2: Introduction to time-series forecasting | Using LSTM for sequential data prediction | Preprocessing time-series data for LSTM | Reshaping data for LSTM input | Defining LSTM architecture for forecasting | Training the LSTM model on time-series data | Evaluating the model with loss functions | Making predictions using the trained LSTM model | Visualizing forecast results vs actual values | Fine-tuning the model for better performance
Project: Sales Prediction Tool
সপ্তাহ
২
Math for Machine Learning

2 live class

1 Quiz
Objective: Build math foundations for machine learning models.
Live Class 1: Introduction to vectors | Vector addition and scalar multiplication | Understanding matrices | Matrix dimensions and structure | Matrix operations: addition and multiplication | Dot product between vectors | Geometric interpretation of dot product | Applications of dot product in data science
Live Class 2: Introduction to probability concepts | Basic rules of probability | What is statistics and its role in data analysis | Calculating mean and median | Understanding variance and standard deviation | Introduction to data distributions | Normal distribution and its properties | Other common distributions: binomial, Poisson
সপ্তাহ
৪
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: Introduction to customer segmentation | Importance of segmenting customers | Clustering customers based on behavior or demographics | Using K-Means for customer segmentation | Visualizing clusters with scatter plots | Interpreting the segmented data | Visualizing customer profiles using bar charts and histograms | Using heatmaps for correlation analysis
Project: Customer Segmentation Engine
সপ্তাহ
৮
Convolutional Neural Networks (CNNs)

2 live class

1 Quiz
Live Class 1: Introduction to Convolutional Neural Networks (CNN) | 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
Project: Dog vs Cat Image Classifier
সপ্তাহ
১০
Model Deployment and APIs

2 live class

1 Quiz
Live Class 1: Introduction to Flask for building APIs | Setting up a basic Flask app | Creating endpoints for serving machine learning models | Loading a pre-trained model with Flask | Handling HTTP requests for predictions | Parsing input data from JSON or form data | Making predictions using the model | Returning predictions in the API response | Testing the Flask API locally | Deploying the Flask API on cloud platforms
Live Class 2: Introduction to Docker containerization | Creating a Dockerfile for your application | Building and running Docker containers | Dockerizing a Flask app for model serving | Introduction to Postman for API testing | Sending requests and testing Flask API with 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: Deployed Machine Learning API
প্রজেক্টসমূহ
House Price Predictor

Diabetes Detection System

Customer Segmentation Engine

MNIST Digit Classifier

Dog vs Cat Image Classifier
.jpg)
Sales Prediction Tool
.jpg)
কোর্স করেই পেতে পারেন জব অফার
জব প্লেসমেন্ট টিম কিভাবে কাজ করে বিস্তারিত জানতে মাস্টারক্লাসে জয়েন করুন
ফ্রিতে ক্যারিয়ার কাউন্সেলিং পেতে আপনার নাম্বার দিন
সিম্পলি আপনার ফোন নাম্বার দিন, আমরা আপনাকে দ্রুতই কল করবো
অথবা কল করুন - +8801940444482
ক্যারিয়ার কাউন্সিলরের সাথে কথা বলুন