Intro to AI - Machine Learning

0.0(0)
studied byStudied by 0 people
full-widthCall with Kai
GameKnowt Play
learnLearn
examPractice Test
spaced repetitionSpaced Repetition
heart puzzleMatch
flashcardsFlashcards
Card Sorting

1/398

encourage image

There's no tags or description

Looks like no tags are added yet.

Study Analytics
Name
Mastery
Learn
Test
Matching
Spaced

No study sessions yet.

399 Terms

1
New cards

Machine Learning

Agents building models and systems based on observed data.

2
New cards

Artificial Intelligence

AI ≠ Machine Learning (ML); Machine Learning is a subset of AI.

3
New cards

Deep Learning

A part of ML involving artificial neural networks.

4
New cards

Learning Agent

An agent is learning if it improves performance after making observations about the world.

5
New cards

Model

A hypothesis about the world and software that can solve problems.

6
New cards

Supervised Learning

Learn a function from labeled data.

7
New cards

Unsupervised Learning

Learn patterns from unlabeled data.

8
New cards

Reinforcement Learning

Learn best actions from experience of rewards and punishments.

9
New cards

Labeled Data

Input-output pairs where the label is the output.

10
New cards

Classification

Output: finite set of values called classes or labels (e.g. true/false, sunny/rainy/cloudy).

11
New cards

Regression

Output: A number (e.g. temperature, which can be an integer or a real number).

12
New cards

Clustering

Output: Sets of similar data (based on a defined criteria).

13
New cards

Association Rule Mining

Output: Correlations and associations; Example: which items shoppers tend to purchase together.

14
New cards

Nearest Neighbors, Decision Trees, Neural Networks, Support Vector Machines, Linear Regression

Supervised learning algorithms

15
New cards

K Means Clustering, Hierarchical Clustering, Gaussian Mixture Models, Apriori Algorithm (association rule mining)

Unsupervised learning algorithms

16
New cards

Q-Learning

A reinforcement learning algorithm.

17
New cards

SARSA

State-Action-Reward-State-Action; a reinforcement learning algorithm.

18
New cards

Deep Q Network

A reinforcement learning algorithm.

19
New cards

Exploration

Try other options to get additional information.

20
New cards

Exploitation

Stay with what has given most reward.

21
New cards

Restaurant Waiting

Will we wait for a table in a restaurant?

22
New cards

Labeled Dataset

A dataset where each instance has a corresponding label.

23
New cards

Instances

Examples in a dataset, which can be rows in a table.

24
New cards

Features

Attributes or characteristics of an instance, typically represented as columns in a dataset.

25
New cards

Labels

The output or target variable in a supervised learning task, usually found in the last column of a dataset.

26
New cards

Decision Tree

A model used in machine learning for classification and regression tasks.

27
New cards

Attributes

The features that describe instances in a dataset.

28
New cards

Goal of Classification

To accurately predict the label of instances based on their features.

29
New cards

Rows in a Dataset

Represent individual instances in a dataset.

30
New cards

Columns in a Dataset

Represent features or attributes of instances in a dataset.

31
New cards

Last Column in Dataset

Typically contains the labels in a labeled dataset.

32
New cards

Example of a Labeled Dataset

A dataset containing instances with both features and corresponding labels.

33
New cards

Russel & Norvig

Authors of published material referenced in the slides.

34
New cards

Past Examples

Twelve examples with decisions made, each having ten attributes/features.

35
New cards

Decision

The outcome of a classification task, either 'Will Wait' or 'Will Not'.

36
New cards

Function (Model)

A function derived based on a dataset to predict the label of an instance with an unknown label.

37
New cards

Model Training

The process of training a model using features and labels from a dataset.

38
New cards

Model Testing

The process of testing a trained model using test features to predict labels.

39
New cards

Untrained Model

A model that has not yet been trained on any dataset.

40
New cards

Trained Model

A model that has been trained using a dataset and can make predictions.

41
New cards

Prediction

The output label predicted by a trained model for an instance.

42
New cards

Classification Models

Models used to categorize data into predefined classes, including Nearest Neighbors, Decision Trees, Random Forest, Support Vector Machines, and Neural Networks.

43
New cards

K in K Nearest Neighbors

The number of nearest neighbors to consider when classifying an unlabeled instance.

44
New cards

Instance as Datapoint

Each instance in a dataset represented as a point in a graph based on its features.

45
New cards

Label Representation

The label that represents most of the K nearest points in K Nearest Neighbors classification.

46
New cards

Feature Table

A table where each row represents a person with various features and their corresponding labels.

47
New cards

Patrons

Individuals represented in the feature table.

48
New cards

Hungry

A feature indicating whether a patron is hungry or not.

49
New cards

Type

A feature indicating the type of food a patron prefers.

50
New cards

Will Wait

A label indicating whether a patron is willing to wait for food.

51
New cards

Blue Label

Indicates a patron who waited for food.

52
New cards

Red Label

Indicates a patron who did not wait for food.

53
New cards

Test

Each test is based on a single feature.

54
New cards

Predicted Label

Eventually leads to a predicted label.

55
New cards

Goal of Decision Tree

A tree that most consistently leads to the correct labels (of the dataset).

56
New cards

Feature Selection

The feature that can best distinguish examples by their labels.

57
New cards

Branch via new feature

The process of splitting the decision tree based on a new feature.

58
New cards

Same number of 'Yes' and 'No'

Indicates a bad split in the decision tree.

59
New cards

Examples

Instances that are used to build the decision tree.

60
New cards

Dataset

A collection of examples used for training the decision tree.

61
New cards

Full

Indicates a complete set of data or features.

62
New cards

Some

Indicates a partial or incomplete set of data or features.

63
New cards

None

Indicates the absence of data or features.

64
New cards

Types of Cuisine

Examples include Thai, French, Italian, and Burger.

65
New cards

Decision Outcomes

The results of the tests leading to labels.

66
New cards

Feature Distinction

The ability of a feature to separate examples effectively.

67
New cards

Random Forest

An ensemble method that predicts labels based on multiple decision trees, each from a random sample of the main dataset.

68
New cards

Overfitting

A problem with Decision Trees where the model fits well with the training dataset but does not perform well with new instances.

69
New cards

Support Vector Machines (SVM)

A method where instances are treated as datapoints and features as dimensions in a hyperplane, aiming to linearly divide labeled datapoints.

70
New cards

Support Vectors

Points closest to the boundary in Support Vector Machines.

71
New cards

Artificial Neural Networks (ANN)

A model inspired by neurons and synapses in the human brain, consisting of layers of neurons connected to each other.

72
New cards

Input Layer

The layer in an ANN that takes in input signals, such as features.

73
New cards

Output Layer

The layer in an ANN that provides the output, such as labels.

74
New cards

Hidden Layers

Layers in an ANN that facilitate computations between the input and output layers.

75
New cards

Ensemble Method

A technique that combines multiple models to improve prediction accuracy.

76
New cards

Dimensions

Features in a dataset represented as axes in a hyperplane.

77
New cards

Training Dataset

The dataset used to train a model.

78
New cards

New Instances

Data points that the model has not seen during training.

79
New cards

Popular in the early 2000s

A description of the widespread use of Support Vector Machines during that time.

80
New cards

Layers of Neurons

The structure of an ANN where neurons are organized in layers.

81
New cards

Computations

The processes carried out by hidden layers in an ANN to transform inputs into outputs.

82
New cards

Good in Practice

A phrase describing the effectiveness of Support Vector Machines in real-world applications.

83
New cards

Random Sample

A subset of data selected randomly from the main dataset for training individual decision trees.

84
New cards

Goal of Random Forest

To predict labels based on the aggregation of predictions from multiple decision trees.

85
New cards

Neuron activation

A neuron is activated based on input signals, weights, thresholds, and activation function.

86
New cards

Back propagation

Uses back propagation to learn weights and thresholds.

87
New cards

Model Evaluation

To evaluate a classification model, we split our dataset into training set and test set.

88
New cards

Training set

used to train the model

89
New cards

Test set

used to evaluate the model

90
New cards

Accuracy

correct predictions / # total predictions

91
New cards

Confusion Matrix

shows correct results against predicted results for each class (i.e. possible values of label)

92
New cards

True Positive (TP)

Correctly predicted positive instances

93
New cards

False Positive (FP)

Incorrectly predicted positive instances

94
New cards

True Negative (TN)

Correctly predicted negative instances

95
New cards

False Negative (FN)

Incorrectly predicted negative instances

96
New cards

Number of test instances

12

97
New cards

Number of correct predictions

9

98
New cards

Accuracy example

9/12 = 0.75 or 75%

99
New cards

Correct predictions

are along the diagonal in the confusion matrix.

100
New cards

Example of Unsupervised Learning

Input: Images of animals; Output: Groups of similar images