Intro to AI(Week 2 - Section 1): Machine Learning Flashcards

1
Q

Define: Artificial Intelligence (AI)

A

A field of computer science that focuses on creating intelligent machines capable of performing tasks that typically require human intelligence.

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
2
Q

Define: Machine Learning

A

A subset of AI that uses computer algorithms to analyze data and make intelligent decisions based on what it has learned.

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
3
Q

Define: Traditional Programming

A

The process of creating algorithms using data and rules to develop a program that provides specific answers.

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
4
Q

Define: Machine Learning Model

A

A set of rules and parameters created by a machine learning algorithm to determine the logic and predict values based on inputs.

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
5
Q

Define: Supervised Learning

A

A type of machine learning where an algorithm is trained on human-labeled data to classify new data accurately.

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
6
Q

Define: Unsupervised Learning

A

A type of machine learning where an algorithm finds patterns in unlabeled data without human-labeled guidance.

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
7
Q

Define: Reinforcement Learning

A

A type of machine learning where an algorithm learns how to achieve goals by trying different combinations of allowed actions and receiving rewards or punishments.

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
8
Q

Define: Behavioral Rules

A

Rules defined by examining and comparing large datasets to find common patterns in machine learning.

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
9
Q

Define: Clustering

A

A technique used in unsupervised learning to group similar data together based on their similarities.

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
10
Q

Define: Baseline

A

The normal or expected behavior of a system or dataset used as a reference point for comparison in machine learning.

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
11
Q

Define: Outlier

A

Data points that significantly differ from the normal or expected behavior in machine learning.

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
12
Q

Define: Malicious Behavior

A

Actions or patterns that indicate harmful or unauthorized activities in machine learning.

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
13
Q

Define: State

A

The current condition or situation in reinforcement learning that defines the starting point for decision-making.

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
14
Q

Define: Allowed Actions

A

Actions that a machine learning algorithm can take within defined constraints to achieve its goals in reinforcement learning.

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
15
Q

Define: Rewards and Punishments

A

Feedback given to a machine learning algorithm based on the quality of its decisions in reinforcement learning.

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
16
Q

What are the three categories of Machine Learning?

A
  1. Supervised Learning
  2. Unsupervised Learning
  3. Reinforcement Learning.
How well did you know this?
1
Not at all
2
3
4
5
Perfectly
17
Q

What is Supervised Learning?

A

It refers to building a classification model using class labels in the dataset.

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
18
Q

What is Unsupervised Learning?

A

It involves discovering class labels from unstructured data without using class labels.

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
19
Q

What is Reinforcement Learning?

A

It uses a reward function to penalize bad actions or reward good actions.

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
20
Q

What are the three categories of Supervised Learning?

A
  1. Regression
  2. Classification
  3. Neural Networks
How well did you know this?
1
Not at all
2
3
4
5
Perfectly
21
Q

What is Regression?

A

It estimates continuous values by looking at the relationships between features and the result.

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
22
Q

What are Neural Networks?

A

They imitate the structure of the human brain.

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
23
Q

What is Classification?

A

It focuses on discrete values and assigns class labels based on input features.

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
24
Q

What are some examples of Classification models?

A

Decision trees, support vector machines, logistic regression, and random forests.

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
25
Q

What is the purpose of the Training, Validation, and Test sets in Machine Learning?

A
  1. The Training set is used to train the algorithm.
  2. The Validation set is used to validate and fine-tune the algorithm’s parameters.
  3. Test set is data the model has never seen before and used to evaluate the model’s performance.
How well did you know this?
1
Not at all
2
3
4
5
Perfectly
26
Q

What is a Neural Network?

A

A Neural Network is a computational model inspired by the structure and functioning of the human brain.

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
27
Q

What are the basic components of a Neural Network?

A

The basic components of a Neural Network are:
1. input layer
2. hidden layer(s)
3. output layer.

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
28
Q

What is the purpose of the hidden layer(s) in a Neural Network?

A

The hidden layer(s) in a Neural Network perform complex computations and help in learning and extracting features from the input data.

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
29
Q

What is the activation function in a Neural Network?

A

The activation function introduces non-linearity to the Neural Network, allowing it to learn and model complex relationships in the data.

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
30
Q

What is backpropagation in Neural Networks?

A

Backpropagation is an algorithm used to train Neural Networks by adjusting the weights and biases based on the error between predicted and actual outputs.

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
31
Q

What is the purpose of the input layer in a Neural Network?

A

The input layer in a Neural Network receives the initial input data and passes it to the hidden layer(s) for further processing.

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
32
Q

What is the purpose of the output layer in a Neural Network?

A

The output layer in a Neural Network produces the final output or prediction based on the computations performed in the hidden layer(s).

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
33
Q

How does information flow in a Neural Network?

A

In a Neural Network, information flows from the input layer to the hidden layer(s), where computations are performed, and then to the output layer for the final prediction or output.

34
Q

What is classification in machine learning?

A

Classification is the process of predicting the class or category of given data points based on input features.

35
Q

What are some examples of classification algorithms?

A

Examples of classification algorithms include decision trees, support vector machines, logistic regression, and random forests.

36
Q

How do classification models extract features from data?

A

Classification models extract features from data by identifying distinctive properties of input patterns that help determine the output categories or classes.

37
Q

What is the purpose of the training, validation, and test sets in machine learning?

A

The training set is used to train the algorithm, the validation set is used to fine-tune the algorithm’s parameters and validate results, and the test set is used to evaluate the model’s performance on unseen data.

38
Q

How does the training process work in classification?

A

During training, a learning algorithm is used to determine and develop the parameters of the classification model by repeatedly showing it labeled data and modifying internal values until it learns to make accurate predictions.

39
Q

What is a Support Vector Machine (SVM) in machine learning?

A

A support vector machine is a supervised learning algorithm used for classification and regression tasks. It works by finding the optimal hyperplane that separates different classes or predicts continuous values. SVMs maximize the margin between the classes, with support vectors being the data points closest to the decision boundary.

40
Q

What is a decision tree in machine learning?

A

A decision tree is a supervised learning algorithm that uses a tree-like model to make decisions or predictions by mapping input features to output labels or values. It consists of nodes representing features, branches representing decisions, and leaves representing the final output or prediction.

41
Q

What is a regression task in machine learning?

A

A regression task is a type of supervised learning problem where the goal is to predict a continuous output variable based on input features. Regression models estimate the relationship between the input features and the output variable, allowing for the prediction of numeric values rather than discrete classes.

42
Q

What is logistic regression in machine learning?

A

Logistic regression is a supervised learning algorithm used for binary classification tasks. It models the relationship between input features and the probability of the output belonging to a specific class. Unlike linear regression, logistic regression uses a logistic function to map the input features to a probability value between 0 and 1. It is commonly used when the dependent variable is categorical or binary.

43
Q

What is a random forest in machine learning?

A

A random forest is an ensemble learning method that combines multiple decision trees to make predictions. It is effective for both classification and regression tasks, and it helps to handle high-dimensional data and avoid overfitting.

44
Q

Define Decision Trees (in Random Forest)

A

Random forest is an ensemble of decision trees. Decision trees are the building blocks of a random forest, where each tree is trained on a random subset of the training data.

45
Q

Define Random Subset of Features (in Random Forest)

A

Random Forest selects a random subset of features from the input data for each decision tree. This helps to introduce diversity among the trees and prevents overfitting.

46
Q

Define Bagging (in Random Forest)

A

Random forest uses a technique called bagging (bootstrap aggregating) to create multiple subsets of the training data. Each decision tree is trained on a different subset, allowing for a diverse set of trees.

47
Q

Define Voting or Averaging (in Random Forest)

A

During prediction, random forest combines the predictions of all the decision trees. For classification tasks, it uses majority voting to determine the final class label. For regression tasks, it averages the predictions of all the trees to obtain the final output.

48
Q

Define Ensemble Learning (in Random Forest)

A

Random forest is an ensemble learning method, meaning it combines the predictions of multiple models (decision trees) to make a final prediction. This ensemble approach helps to improve the overall accuracy and robustness of the model.

49
Q

Define Feature Importance (in Random Forest)

A

Random forest provides a measure of feature importance. It calculates the contribution of each feature in the model’s performance, allowing for insights into which features are most influential in making predictions.

50
Q

What is Deep Learning?

A

Deep Learning is a specialized subset of Machine Learning that uses layered algorithms to create a Neural Network, enabling AI systems to continuously learn and improve results.

51
Q

How does Deep Learning differ from traditional Machine Learning?

A

Deep Learning algorithms rely on multiple layers of processing units, allowing them to learn from unstructured data and improve performance as more data is fed into the system.

52
Q

What is the purpose of training a Deep Learning model?

A

Deep Learning models are trained by providing them with annotated examples, such as images with corresponding labels, to detect common patterns and improve accuracy.

53
Q

What are some applications of Deep Learning?

A

Deep Learning is used in various tasks, including image captioning, voice recognition, facial recognition, medical imaging, language translation, and driverless cars.

54
Q

How does Deep Learning enable natural language understanding?

A

Deep Learning algorithms enable AI systems to work out the context and intent of conveyed information, allowing for natural language understanding capabilities

55
Q

Why is it called “deep” learning?

A

Deep Learning refers to the many layers of processing units in the neural network, which process and pass information to the next layer, creating a deep structure.

56
Q

How does Deep Learning improve as datasets grow?

A

Unlike traditional Machine Learning algorithms, Deep Learning algorithms continue to improve performance as more data is fed into the system.

57
Q

What is the role of Deep Learning in driverless cars?

A

Deep Learning is one of the main components of driverless cars, enabling them to process and interpret visual information for autonomous navigation.

58
Q

What types of data can Deep Learning algorithms learn from?

A

Deep Learning algorithms can learn from unstructured data such as photos, videos, and audio files.

59
Q

How does Deep Learning contribute to image recognition?

A

Deep Learning algorithms can detect common patterns in images by adjusting the weights of variables in each layer, allowing for accurate image recognition.

60
Q

What is an artificial neural network?

A

A collection of computing units called neurons that mimic the human brain’s information processing.

61
Q

How do neural networks learn?

A

Through a process called backpropagation, where training data is used to adjust the network’s weights and reduce errors.

62
Q

What is a layer in a neural network?

A

A collection of neurons that takes in an input and provides an output.

63
Q

What are hidden layers in a neural network?

A

Layers that simulate the activity in the human brain and produce an output through an activation function.

64
Q

What is a deep neural network?

A

A neural network with more than one hidden layer.

65
Q

What are perceptron’s?

A

The simplest type of neural networks consisting of input nodes connected directly to an output node.

66
Q

What is the role of bias in neural networks?

A

Bias is a special type of weight that applies to a node after considering other inputs.

67
Q

What is an activation function in a neural network? It determines how a node responds to its inputs and produces an output.

A

It determines how a node responds to its inputs and produces an output.

68
Q

What are Convolutional Neural Networks (CNNs) used for?

A

They are useful in applications such as image processing, video recognition, and natural language processing.

69
Q

What are Recurrent Neural Networks (RNNs)?

A

RNNs perform the same task for every element of a sequence, with prior outputs feeding subsequent stage inputs.

70
Q

What is a Convolutional Neural Network (CNN)?

A

A Convolutional Neural Network (CNN) is a type of multilayer neural network that takes inspiration from the animal visual cortex. CNNs are particularly useful in applications such as image processing, video recognition, and natural language processing. They are adept at detecting simple structures in an image and constructing more complex features by combining these simple features through a series of convolutional layers.

71
Q

What are Recurrent Neural Networks (RNNs)?

A

Recurrent Neural Networks (RNNs) are a type of neural network that perform the same task for every element of a sequence, with prior outputs feeding subsequent stage inputs. Unlike traditional neural networks, RNNs can make use of information in long sequences by representing each layer of the network as an observation at a certain time. RNNs are particularly useful in scenarios where the context or dependence on previous observations is important for producing accurate outputs, such as natural language processing, speech recognition, and time series analysis.

72
Q

What task is a Recurrent Neural Network (RNN) best suited for?

A

Recurrent Neural Networks (RNNs) are best suited for tasks that involve sequential data or time series analysis. RNNs excel in scenarios where the context or dependence on previous observations is important for producing accurate outputs. They are commonly used in natural language processing, speech recognition, machine translation, sentiment analysis, and handwriting recognition, among other applications. RNNs can effectively capture the temporal dependencies in sequential data, making them a powerful tool for tasks that involve analyzing and generating sequences.

73
Q

What task is a Convolutional Neural Network (CNN) best suited for?

A

Convolutional Neural Networks (CNNs) are best suited for tasks that involve image processing, video recognition, and natural language processing. CNNs are particularly effective in detecting simple structures in an image and constructing more complex features by combining these simple features through a series of convolutional layers. They excel at tasks such as image classification, object detection, facial recognition, and scene understanding. CNNs have revolutionized computer vision and are widely used in various applications that involve visual data analysis.

74
Q

What is a neuron (in a neural network)?

A

A neuron is a fundamental unit of a neural network, inspired by the biological neurons in the human brain. It is a computational unit that receives input signals, processes them, and produces an output signal. Neurons are connected to each other through weighted connections, and they use an activation function to determine the output based on the weighted sum of inputs. Neurons play a crucial role in information processing and decision-making within neural networks.

75
Q

What is backpropagation?

A

Backpropagation is a learning algorithm used in artificial neural networks to train the network by adjusting the weights of the connections between neurons. It involves a two-step process: forward propagation and backward propagation. During forward propagation, the input data is fed into the network, and the output is calculated layer by layer until the final output is obtained. Then, during backward propagation, the error between the predicted output and the desired output is calculated. This error is then propagated backward through the network, adjusting the weights of the connections in a way that reduces the error. The process is repeated iteratively until the network learns to produce accurate outputs for the given inputs. Backpropagation is a key component in training neural networks and allows them to learn from labeled training data.

76
Q

What are the steps involved in backpropagation?

A

Backpropagation involves the following steps:

  1. Forward Propagation: The input data is fed into the neural network, and the output is calculated layer by layer until the final output is obtained.
  2. Calculate Error: The error between the predicted output and the desired output is calculated using an error function. This function determines how far the given output is from the desired output.
  3. Backward Propagation: The error is propagated backward through the network. Starting from the output layer, the error is used to adjust the weights of the connections between neurons.
  4. Update Weights: The weights are updated by applying an optimization algorithm, such as gradient descent. This algorithm adjusts the weights in a way that reduces the error.
  5. Repeat: Steps 1 to 4 are repeated iteratively for a set number of epochs or until the network converges to a satisfactory level of accuracy.
77
Q

What is forward propagation?

A

Forward propagation, also known as feedforward, is the process in which input data is fed into a neural network, and the output is calculated layer by layer until the final output is obtained. During forward propagation, the input values are multiplied by the weights of the connections between neurons and passed through an activation function. This activation function introduces non-linearity into the network, allowing it to learn complex patterns and make predictions. The output of one layer serves as the input for the next layer until the final output layer is reached. Forward propagation is the initial step in the neural network’s computation and is used to generate predictions or outputs based on the given input data.

78
Q

What are the steps involved in forward propagation?

A

Forward propagation involves the following steps:

  1. Input Layer: The input data is fed into the neural network through the input layer. Each input node represents a feature or attribute of the data.
  2. Weighted Sum: The input values are multiplied by the weights of the connections between neurons in the next layer. These weighted inputs are summed up.
  3. Activation Function: The sum of the weighted inputs is passed through an activation function, which introduces non-linearity into the network. Common activation functions include sigmoid, ReLU, and tanh.
  4. Output Calculation: The output of the activation function becomes the input for the next layer. This process is repeated for each layer until the final output layer is reached.
  5. Final Output: The final output layer produces the predicted output or classification based on the input data and the learned weights.
79
Q

What are Perceptrons?

A

Perceptrons are the simplest and oldest types of neural networks. They are single-layered neural networks consisting of input nodes connected directly to an output node. Perceptrons receive input values from the input layer and forward them to the next layer by multiplying them with weights and summing the results. Each input value is associated with a weight, which determines its importance in the network’s decision-making process. The weighted inputs are then summed up, and an activation function is applied to the sum to determine the output of the perceptron. The activation function introduces non-linearity and helps the perceptron make decisions based on the input data. Perceptrons are often used for binary classification tasks, where they learn to classify input data into two categories based on the learned weights and activation function.

80
Q

What are the steps a perceptron takes?

A

A perceptron follows these steps:

  1. Input: The perceptron receives input values from the input layer. Each input value is associated with a weight, which determines its importance in the decision-making process.
  2. Weighted Sum: The input values are multiplied by their corresponding weights. These weighted inputs are then summed up.
  3. Activation Function: The sum of the weighted inputs is passed through an activation function. The activation function introduces non-linearity and determines the output of the perceptron.
  4. Output: The output of the activation function becomes the output of the perceptron. It can be a binary output (0 or 1) or a continuous value, depending on the problem being solved.