Chương 2. Tổng quan về Trí tuệ nhân tạo PDF
Document Details
Uploaded by MeritoriousDoppelganger
NEU
TS. Lương Văn Thiện
Tags
Related
Summary
This document provides a general overview of artificial intelligence, covering fundamental concepts like machine learning and deep learning. It includes discussions of different AI techniques and their applications.
Full Transcript
Tổng quan về Trí tuệ nhân tạo TS. Lương Văn Thiện Business AI Lab, Faculty of DS&AI, NEU www.tvluong.wordpress.com 1 Nội dung Các khái niệm cơ bản Machine learning, Deep Learning Nền tảng của mạng nơ-ron (DNN) và Học sâu C...
Tổng quan về Trí tuệ nhân tạo TS. Lương Văn Thiện Business AI Lab, Faculty of DS&AI, NEU www.tvluong.wordpress.com 1 Nội dung Các khái niệm cơ bản Machine learning, Deep Learning Nền tảng của mạng nơ-ron (DNN) và Học sâu Các ứng dụng quan trọng của ML, DL Các công cụ và kỹ năng cần thiết để làm ML, DL 2 Khởi đầu của AI 3 Cho đến những tác vụ phức tạp hơn 4 Ba nhân tố khiến AI bùng nổ 5 Thuật toán truyền thống vs Trí tuệ nhân tạo 6 Thuật toán truyền thống vs Trí tuệ nhân tạo 7 Ví dụ chuyển nhiệt độ từ độ C sang độ F 8 Lời giải truyền thống 9 Traditional Machine learning 10 Thuật toán machine learning/deep learning 11 Hiểu về dữ liệu 12 Hiểu về dữ liệu 13 Các loại định dạng dữ liệu 14 Gán nhãn dữ liệu 15 5 bước thực hiện một bài toán AI 16 Machine learning process 17 Một số khái niệm cơ bản Feature: The input(s) to our model Examples: An input/output pair used for training Labels: The output of the model Model: The representation of your neural network 18 Phân biệt AI, học máy và học sâu 19 Phân loại các thuật toán học máy 20 Phân loại và hồi quy 21 Một số khái niệm quan trọng trong Deep Learning Artificial Neural Network (ANN): An artificial neural network is an interconnected group of nodes, inspired by a simplification of neurons in a brain. Here, each circular node represents an artificial neuron and an arrow represents a connection from the output of one artificial neuron to the input of another. Neuron/Unit: A neuron is a basic building block of a neural network. It’s like a tiny computer that can perform simple calculations and make decisions based on inputs. 22 Một số khái niệm quan trọng trong Deep Learning Tensor: A tensor is a mathematical object that represents data. It’s like a multi-dimensional array, but more general. Think of it like a cube made of smaller cubes. 23 Một số khái niệm quan trọng trong Deep Learning Epoch: An epoch is when all the training data is used at once and is defined as the total number of iterations of all the training data in one cycle for training the machine learning model. Iteration: The total number of batches required to complete one Epoch is called an iteration. The number of batches equals the total number of iterations for one Epoch. Batch: Batch size is a hyperparameter which defines the number of samples taken to work through a particular machine learning model before updating its internal model parameters. SGD: A stochastic gradient descent or SGD is an optimizing algorithm used for updating weights of deep learning models so that the loss function decreases. 24 Phân biệt Epoch và Batch 25 Một số khái niệm quan trọng trong Deep Learning Cost function/loss function: It’s a measure of how ‘good” a neural network is in regards to the values that it predicts compared to the actual values. The cost function is inversely proportional to the quality of a model — the better the model, the lower the cost function and vice versa. Activation Function: An activation function is like a light switch — it determines whether a neuron should be activated or not. 26 Một số loss function quan trọng Mean Squared Error (MSE) Root Mean Squared Error(RMSE) Cross Entropy (CE) 27 Một số khái niệm quan trọng trong Deep Learning Forward propagation: Forward Propagation is a process in deep learning where input data is passed through the neural network layers to generate the output. Backward propagation: the calculation of the gradient of the loss function with respect to the network weights. The goal of backpropagation is to update the weights in a way that reduces the value of the loss function. 28 Một số khái niệm quan trọng trong Deep Learning Hyperparameter Tuning: Hyperparameter tuning is the process of selecting the best set of hyperparameters for a machine learning model. Hyperparameters are parameters that are set before training a model and can’t be learned from the data. Cross-Validation: Cross-validation is a technique used in machine learning to assess how well a model will perform on unseen data. The idea is to divide the data into two parts: a training set and a validation set. The model is trained on the training set and then evaluated on the validation set. 29 Phân biệt Overfitting vs Underfitting 30 Phân biệt Overfitting vs Underfitting Overfitting: Overfitting happens when a model becomes too good at recognizing patterns in the training data and becomes too specific to that data. This means that it won’t perform well on new, unseen data. Underfitting: Underfitting is the opposite of overfitting. It occurs when a model is too simple and doesn’t have enough capacity to learn the patterns in the data. 31 Một số khái niệm khác CNN, RNN Batch normalization Autocoder Generative Adversarial Network (GAN) Transfer learning Online learning Weight decay Dropout Data augmentation Generative AI 32 Một số ứng dụng của AI (Nhận diện khuôn mặt và ký tự quang học) 33 Một số ứng dụng của AI (Xử lý ảnh và video) 34 Một số ứng dụng của AI (Xử lý ngôn ngữ tự nhiên NLP) 35 Một số ứng dụng của AI (Hệ thống khuyến nghị sản phẩm) 36 Ứng dụng của Deep Learning 37 Kiến thức Toán học cần thiết cho ML/DL https://towardsdatascience.com/the-mathematics-of-machine-learning-894f046c568 38 Công cụ lập trình Anaconda 39 Google Colab 40 Các thư viện và công cụ cần thiết Python 41 Thư viện Python seaborn 42 Spyder IDE 43 Jupyter notebook 44 Deep Learning frameworks 45 Top AI Companies 46 47 China vs US in AI Research # papers published in 2022 and change vs. 2021 # papers published in 2022 and change vs. 2021 +11% +27% +24% +13% -2% +13% +3% +11% +10% +1% +4% 48 Câu hỏi thảo luận Máy thua con người ở điểm gì? AI có làm mất việc làm hay không? Cần gì để học tốt AI? Các thách thức và mối đe dọa của AI Chơi sổ số có là khoa học dữ liệu hay không? 49