মেশিন লার্নিং মূলত Data Science এর একটা অংশ।মেশিন লার্নিং এমন এক প্রযুক্তি যা কিনা বর্তমানের প্রযুক্তি খাতের অনেক জটিল বিষয়কে খুবই সহজ করে দিয়েছে ।মেশিন লার্নিং বর্তমান সময়ের অন্যতম একটা ট্রেন্ডিং টপিক। বর্তমানে পৃথিবী তে সবকিছুকে অটোনমাস করার চেষ্ঠা চলছে। আর এই অটোনমাস করার পেছনে অন্যতম একটা ভূমিকা পালন করছে মেশিন লার্নিং। যাদের কম্পিউটার পাইথন প্রোগামিং ল্যাঙ্গুয়েজ এর উপর ধারণা আছে তারা মেশিন লার্নিং কোর্সে অংশগ্রহন করতে পারবেন।

রিভিউ ,

149

শিক্ষার্থী, বিভাগ

Created By

, সর্বশেষ আপডেট

এপ্রিল 20, 2025

, কোর্সের মেয়াদ

10 মাস

এই কোর্সে রয়েছে:

মেয়াদ শেষ

অন ডিমান্ড কুইজ এবং অ্যাসাইনমেন্ট

106

কোর্সে ইউনিট

ক্লাস শেষে রেকর্ডিং

সার্টিফিকেট

  • MLWP-Batch-N251-1

    MLWP-Batch-N251-1 (Sat-Mon-Wed) 10:00 PM Start Date: Monday, May 05, 2025

     2 / 60
    মে 5, 2025
    22:00 – 23:30
    1 দিন
    এনরোল করুন ›

  কিভাবে কোর্স অর্ডার করবেন দেখুন      কিভাবে লাইভ ক্লাস করবেন দেখুন    বিগত ব্যাচের ক্লাসসমূহ দেখুন 

Description

Machine Learning with Python Live Course: মেশিন লার্নিং হল কম্পিউটার প্রোগ্রামিংয়ের এমন একটি কৌশল যাতে একটি কম্পিউটার প্রোগ্রাম এমনভাবে ডিজাইন করা হয় যাতে সেই প্রোগ্রামটি নিজের থেকে নতুন জিনিস শিখতে পারে এবং প্রয়োজনের সময় নিজেই সিদ্ধান্ত নিতে পারে। কম্পিউটার ক্ষেত্রের এই কৌশলটিকে মেশিন লার্নিং বলা হয়।

বর্তমানে জীবনের প্রায় প্রতিটি ফিল্ডে মেশিন লার্নিং এর ব্যবহার বেড়েই চলছে। আমাদের ভবিষ্যৎ মানুষের জন্য কৃত্রিম বুদ্ধিমত্তা সম্পন্ন সিস্টেম তৈরি করতে মেশিন-লার্নিং এর ব্যবহার এর কোনো বিকল্প নেই। এ প্রযুক্তির ব্যবহার ক্রমাগত বেড়েই চলছে। তবে এই প্রযুক্তি এখনো খুব বেশি অগ্রসর নয় এখনো। এই প্রযুক্তির দেওয়া সিদ্ধান্ত ও সাহায্যের উপর মানুষের নির্ভর করতে হলে এই প্রযুক্তিকে আরও উন্নত হতে হবে। আর এই উদ্দেশ্যে কম্পিউটার সায়েন্টিস্টরা ক্রমাগত গবেষণা করে চলেছে; সাথে কাজ করছে গোগল, এমাজন, মাইক্রোসফট, ফেসবুক এর মতো বড় বড় প্রতিষ্ঠান। আশা করি তাদের গবেষণায় আমরা পাবো আরও নির্ভরশীল এলগরিদম যা আমাদের জীবনকে আরও সহজ ও সুন্দর করবে


সম্পূর্ণ কোর্স কারিকুলাম দেখতে নিচে স্ক্রোল(Scroll) করুন।

কোর্স কারিকুলাম

      • Introduction to Machine Learning (ML) and Artificial Intelligence (AI) 00:00:00
      • Applications of ML 00:00:00
      • Course structure, grading, and projects 00:00:00
      • Installing Python, Jupyter Notebooks, and essential libraries (NumPy, Pandas, Scikit-Learn, Matplotlib, etc.) 00:00:00
      • Overview of Jupyter Notebook for ML 00:00:00
      • Review of Python basics: data types, loops, functions, and libraries essential for ML (NumPy, Pandas) 00:00:00
        • Loading data using Pandas 00:00:00
        • Basic exploratory data analysis (EDA)- summary statistics, missing values, etc. 00:00:00
        • Handling missing values 00:00:00
        • Removing duplicates, dealing with outliers 00:00:00
        • Data normalization and standardization 00:00:00
        • Feature scaling techniques 00:00:00
        • Visualizing data with Matplotlib and Seaborn 00:00:00
        • Common plots in ML: histograms, scatter plots, box plots 00:00:00
        • Encoding categorical variables, feature selection, and dimensionality reduction (introduction to PCA) 00:00:00
          • Supervised vs. Unsupervised learning 00:00:00
          • Linear Regression basics and applications 00:00:00
          • Implementing Linear Regression with Scikit-Learn 00:00:00
          • Evaluating regression models: MSE, RMSE, R² score 00:00:00
          • Polynomial regression, Ridge, Lasso regression 00:00:00
          • Build and evaluate a regression model on a real-world dataset (e.g., predicting house prices) 00:00:00
          • Understanding classification problems 00:00:00
          • Overview of binary and multi-class classification 00:00:00
          • Logistic regression theory and application for binary classification 00:00:00
          • Evaluation metrics: accuracy, precision, recall, F1-score 00:00:00
          • Theory and implementation of Decision Trees 00:00:00
          • Introduction to ensemble methods: Random Forests 00:00:00
          • Theory and implementation of the KNN algorithm 00:00:00
          • Choosing K and feature scaling in KNN 00:00:00
          • Build and evaluate a classification model (e.g., email spam detection) 00:00:00
          • ROCCurve, AUC, and confusion matrix 00:00:00
          • K-Fold cross-validation 00:00:00
          • Leave-One-Out cross-validation 00:00:00
          • Grid Search and Randomized Search 00:00:00
          • Using Scikit-Learn’s GridSearchCV 00:00:00
          • Fine-tune models created in earlier projects using cross-validation and hyperparameter tuning 00:00:00
            • Understanding unsupervised learning and clustering 00:00:00
            • Introduction to K-means clustering 00:00:00
            • Implementing K-means in Python 00:00:00
            • Evaluating clusters with inertia, silhouette score 00:00:00
            • Theory and implementation of hierarchical clustering 00:00:00
            • Dendrograms and linkage methods 00:00:00
            • Introduction to Principal Component Analysis (PCA) 00:00:00
            • Visualizing high-dimensional data 00:00:00
            • Apply clustering and PCA to a dataset (e.g., customer segmentation) 00:00:00
              • Basics of neural networks and deep learning 00:00:00
              • Introduction to popular libraries: TensorFlow and Keras 00:00:00
              • Creating a simple neural network using Keras 00:00:00
              • Training, evaluating, and tuning neural networks 00:00:00
              • Introduction to image and text data in ML 00:00:00
              • Brief overview of Convolutional Neural Networks (CNNs) and Natural Language Processing (NLP) 00:00:00
                • Students present their capstone projects, demonstrating skills learned 00:00:00
                • Review key concepts, future learning pathways, and next steps in ML 00:00:00
                • Introduction of Fiverr 00:00:00
                • Fiverr rules and regulations 00:00:00
                • How to create account? 00:00:00
                • How to setup profile? 00:00:00
                • Levels of Fiverr 00:00:00
                • How to create gig? 00:00:00
                • Proper SEO of Gig 00:00:00
                • Image and video optimization 00:00:00
                • Skill Test 00:00:00
                • Gig Marketing (Organic and paid) 00:00:00
                • Order delivery system 00:00:00
                • Positive links and negetive words in Fiverr 00:00:00
                • Warning issues 00:00:00
                • Payment system 00:00:00
                • Introduction of upwork.com 00:00:00
                • How to sign up? 00:00:00
                • How to get Upwork profile approved? 00:00:00
                • How to verify yourself on upwork.com? 00:00:00
                • How to get payment method verified? 00:00:00
                • How to setup 100% profile? 00:00:00
                • How to write cover letter? 00:00:00
                • Connects 00:00:00
                • How to bid? 00:00:00
                • How to create project or catalogue 00:00:00
                • How you can justify buyer? 00:00:00
                • Order and delivery 00:00:00
                • Top-Rated Freelancer or Rising Talent? 00:00:00
                • Introduction 00:00:00
                • Signing up 00:00:00
                • Profile creation 00:00:00
                • Rules and regulations 00:00:00
                • How to submit project 00:00:00
                • Introduction to Bangladeshi Local Job Sites 00:00:00
                • Creating an Effective Profile 00:00:00
                • Job Searching and Bidding 00:00:00
                • Networking and Client Communication 00:00:00
                • Client searching through social media (facebook, Linkedin) 00:00:00
                • Showcasing Local Expertise and Cultural Sensitivity 00:00:00
                  • Signing up 00:00:00
                  • Account creation 00:00:00
                  • payoneer account open 00:00:00
                  • Account verify 00:00:00
                  • Address Verificiation 00:00:00
                  • Setting up the full payoneer account 00:00:00
                  • Add bank account or other payment method 00:00:00
                  • Transfer dollars 00:00:00
                  • Add bkash account to payoneer 00:00:00
                  • Per day limit 00:00:00
                  • Transaction method 00:00:00
                  • bKash Charges and fees 00:00:00
                  • Payment policies 00:00:00
                  • Minimum and maximum Transaction 00:00:00
                  • Currency selection 00:00:00

                কোর্স রিভিউ সমূহ

                এই কোর্সের জন্য কোন পর্যালোচনা পাওয়া যায়নি.

                Need Help? Send a WhatsApp message now

                Click one of our representatives below

                Jannatul Ferdous
                Jannatul Ferdous

                Course Counsellor

                I am online

                I am offline

                Md. Shamim Sweet
                Md. Shamim Sweet

                Course Counsellor

                I am online

                I am offline

                Mehedi Hasan
                Mehedi Hasan

                Technical Support

                I am online

                I am offline

                Rezaul Hasan Sarker
                Rezaul Hasan Sarker

                Course Counsellor

                I am online

                I am offline

                Ariful Islam Aquib
                Ariful Islam Aquib

                Course Counsellor

                I am online

                I am offline

                Syeda Nusrat
                Syeda Nusrat

                Course Counsellor

                I am online

                I am offline