Hands-on Artificial Intelligence for Enterprise

 

        เป็นหลักสูตรที่จะช่วยให้ท่านเข้าใจ การนำเอา Artificial Intelligence ไปใช้งานในวงการต่างๆ ท่านจะได้เรียนรู้ Machine Learning  Deep Learning และ Neural Network อย่างละเอียด ผ่านการลงมือใช้งานภาคปฎิบัติ ด้วย Python เหมาะสำหรับท่านที่ยังไม่มีพื้นฐาน เกี่ยวกับ Programming ท่านจะได้เรียนรู้วิธีการใช้ AI ในชีวิตจริง

ท่านจะเรียนอะไรในหลักสูตรนี้

ความรู้เกี่ยวกับ Artificial Intelligent และข้อกำหนดที่สำคัญทั้งหมด นอกจากยังรู้สาขาวิชาต่างๆที่เกี่ยวข้องกับ AI และการประยุกต์ใช้ AI ในอุตสาหกรรมต่างๆ ซึ่งช่วยท่านในนการติดตั้งภาษาโปรแกรม Python บนแพลตฟอร์มต่างๆ

เข้าใจพื้นฐานของ Machine Learning และความแตกต่าง รูปแบบการเรียนรู้ นอกจากนี้ยังรู้จักกับ Algorithm ยอดนิยมของ Machine Learning และวิธีการนำไปใช้งานโดยใช้ Python

เข้าใจวิธีการทำงานของ Supervised Machine Learning ที่เกี่ยวข้องได้แก่ Classification และ Regression และวิธีการสร้าง Classifier และ Regressor โดยใช้ Python รวมทั้งเข้าใจตัวชี้วัดประสิทธิภาพต่างๆ ที่ใช้ในการประเมินแบบจำลอง Classifier และ Regressor

เข้าใจการทำงานของ Unsupervised Machine Learning เช่น การทำคลัสเตอร์ ครอบคลุมอัลกอริธึมการทำคลัสเตอร์ ของ Machine Learning ที่สำคัญบางส่วนและการนำไปใช้งานโดยใช้ Python รวมทั้ง มาตรวัดต่างๆ ที่ใช้ในการประเมินประสิทธิภาพของอัลกอริธึมของ Clustering

เข้าใจ วิธีการเขียนโปรแกรมเชิงตรรกะ จากตัวอย่างการใช้งานที่เป็นประโยชน์สำหรับการแก้ปัญหาในชีวิตจริง

เข้าใจ Natural Language Processing (NLP) เชิงลึก และวิธีการนำไปกับ Python รวมทั้งรู้จักกับ Natural Language Toolkit (NLTK) ของ Python ท่านสามารถใช้แนวคิดที่สำคัญต่างๆ ของ NLP โดยใช้ NLTK ได้อย่างไร

เข้าใจ การทำงานของระบบ automatic speech recognition (ASR) และขั้นตอนต่างๆ ในการสร้าง Classifier และ Regressor โดยใช้ Python

เข้าใจการทำงานของ โครงข่ายประสาทเทียม (ANN) อย่างละเอียด รวมทั้งการสร้างโครงข่ายประสาทเทียมที่มีประโยชน์ เช่น โครงข่ายประสาทชั้นเดียว โครงข่ายประสาทหลายชั้น ฯลฯ ใน Python

เข้าใจรายละเอียดเกี่ยวกับ Reinforcement Learning และองค์ประกอบพื้นฐาน ได้แก่ Agent และ Environment และวิธีการใช้งานภายใต้ ภาษาโปรแกรม Python

เข้าใจ พื้นฐานของ Deep Learning และโครงข่ายประสาทเทียม หรือ Convolution Neural Network (CNNs) เข้าใจ วิธีให้การตรวจจับวัตถุที่ซับซ้อนในภาพ นอกจากนี้ได้เรียนรู้ วิธีสร้าง Image Classifier โดยใช้ CNN ใน Python

 

รายละเอียดหลักสูตร

1.  Introduction to AI and Python

Introduction to Artificial Intelligence (AI)

How does artificial intelligence learn?

AI agents and environments

What is an agent’s environment?

AI and Python – how do they relate?

What is Python?

Why choose Python for building AI applications?

Python3 – installation and setup

Installing and compiling Python from Source

macOS/Mac OS X

2.  Machine Learning and Its Algorithms

Understanding Machine Learning (ML)

The Landscape of Machine Learning Algorithms

Components of a Machine Learning algorithm

Different learning styles in machine learning algorithms

Supervised learning

Unsupervised learning

Semi-supervised learning

Reinforcement learning

Popular machine learning algorithms

Linear regression

Logistic regression

Decision tree algorithm

Random forest

Naïve Bayes algorithm

Support Vector Machine (SVM)

k-Nearest Neighbor (kNN)

K-Means clustering

3.  Classification and Regression Using Supervised Learning

Classification

Various steps to build a classifier using Python

Step 1 – Import ML library

Step 2 – Import dataset

Step 3 – Organizing data-training and testing set

Step 4 – Creating ML model

Step 5 – Train the model

Step 6 – Predicting test set result

Step 7 – Evaluating the accuracy

Lazy earning versus eager learning

Performance metrics for classification

Confusion matrix

Accuracy

Precision

Recall

Specificity

F1 score

Regression

Various steps to build a regressor using Python

Step 1 – Import ML library

Step 2 – Import dataset

Step 3 – Organizing data into training and testing set

Step 4 – Creating ML model

Step 5 – Train the model

Step 6 – Plotting the regression line

Step 7 – Calculating the variance

Performance metrics for regression

Mean Absolute Error (MAE)

Mean Squared Error (MSE)

R-Squared (R2)

Adjusted R-squared (R2)

4.  Clustering Using Unsupervised Learning

Clustering

Various methods to form clusters

Important ML clustering algorithms

K-means clustering algorithm

Mean-shift clustering algorithm

Hierarchical clustering algorithm

Performance metrics for clustering

Silhouette analysis

Davies–Bouldin index

Dunn index

5.  Solving Problems with Logic Programming

Logic programming

Building blocks of logic programming

Useful Python packages for logic programming

Implementation examples

Checking and generating prime numbers

Solving the puzzles

6.  Natural Language Processing with Python

Natural Language Processing (NLP)

Working of NLP

Phases/logical steps in NLP

Implementing NLP

Installing Python’s NLTK Package

Installing NLTK

Downloading NLTK corpus

Understanding tokenization, stemming, and lemmatization

Tokenization

Stemming

Lemmatization

Difference between lemmatization and stemming

Understanding chunking

Importance of chunking

Understanding Bag-of-Words (BoW) model

Why the BoW algorithm?

Implementing the BoW algorithm using Python

Understanding stop words

When to remove stop words?

Removing stop words using the NLTK library

Understanding vectorization and transformers

Vectorization techniques

Transformers

Some examples

Predicting the category

Gender finding

7.  Implementing Speech Recognition with Python

Basics of speech recognition

Working of the speech recognition system

Building a speech recognizer

Difficulties while developing a speech recognition system

Visualization of audio signals

Characterization of the audio signal

Monotone audio signal generation

Extraction of features from speech

Recognition of spoken words

8.  Implementing Artificial Neural Network (ANN) with Python

Understanding of Artificial Neural Network (ANN)

A biological neuron

Working of ANN

The basic structure of ANN

Types of ANNs

Optimizers for training the neural network

Gradient descent

Stochastic Gradient Descent (SGD)

Mini-Batch Gradient Descent

Stochastic Gradient Descent with Momentum

Adam (Adaptive Moment Estimation)

Regularization

Regularization techniques

Installing useful Python package for ANN

Examples of building some neural networks

Perceptron-based classifier

Single-layer neural networks

Multi-layer neural networks

Vector quantization

9.  Implementing Reinforcement Learning with Python

Understanding reinforcement learning

Workflow of reinforcement learning

Markov Decision Process (MDP)

Working of Markov Decision Process (MDP)

Difference between reinforcement learning and supervised learning

Implementing reinforcement learning algorithms

Reinforcement learning algorithms

Types of reinforcement learning

Benefits of reinforcement learning

Challenges with reinforcement learning

Building blocks of reinforcement learning

Agent

Environment

Constructing an environment using Python

Constructing an agent using Python

10.  Implementing Deep Learning and Convolutional Neural

Network

Introduction

Structure

Objective

Understanding Deep Learning

Machine learning versus deep learning

Elucidation of Convolutional Neural Networks

The Architecture of Convolutional Neural Network

Localization and object recognition with deep learning

Deep learning models

Image classification using CNN in Python

 

 

หากท่านสนใจสามารถสอบถามเพิ่มเติมได้ที่ T. 081-6676981, 089-7767190,

02-2740864, 02-2740867

Emailหรือ  :This email address is being protected from spambots. You need JavaScript enabled to view it. , This email address is being protected from spambots. You need JavaScript enabled to view it.

facebook Facebook.com/cyberthai       Line Line ID : cyberthai