Fundamentals of AI Flashcards

1
Q

What is a neural network?

A

A machine learning model inspired by biological neural networks that constitute animal brains.

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

What are the layers of a neural network?

A

Structured in layers, including input layer, hidden layers, and output layer.

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

What is the function of neurons in a neural network?

A

They receive input, apply weights, and use an activation function to output a value.

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

What is the input layer in a neural network?

A

The first layer of neurons that receives the raw data.

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

What does each neuron in the input layer represent?

A

A feature or variable of the input data (e.g., pixels in an image).

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

What are hidden layers in a neural network?

A

Layers between the input and output that process data by applying transformations and computations.

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

What determines the number of hidden layers and neurons in a neural network?

A

The complexity of the problem.

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

What is the output layer in a neural network?

A

The final layer, which provides the result or prediction.

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

What type of result does the output layer provide in an image recognition task?

A

A classification label.

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

What are weights in a neural network?

A

Weights are crucial parameters that control the strength and direction of the connection between nodes (neurons)

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

How do weights affect the final output in a neural network?

A

Weights determine the impact of an input by being multiplied to the input

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

What is the significance of high positive weights in neural networks?

A

High positive weights indicate inputs that hold more importance

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

What role does bias play in a neural network?

A

Bias helps the model make better predictions by shifting the activation function

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

How does bias affect the activation function?

A

Bias allows the activation function to be shifted left or right, capturing patterns more effectively

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

What would happen without a bias term in a neural network?

A

The neural network would be restricted in learning patterns

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

What is the purpose of an activation function in a neural network?

A

It determines whether a neuron should activate based on its inputs

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

Why are activation functions essential for neural networks?

A

They enable the model to capture complex, non-linear patterns and support deeper learning

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

What is the sigmoid activation function used for?

A

The sigmoid function maps values to a range between 0 and 1, useful for binary classification

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

What is the output of the ReLU activation function for negative values?

A

Outputs zero for negative values

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

What is the output of the ReLU activation function for positive values?

A

Outputs the input value for positive values

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

In which types of networks is ReLU widely used?

A

ReLU is widely used in convolutional neural networks (CNNs) and feedforward networks

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

Fill in the blank: Weights are numerical values that determine the _______ of an input to a neuron.

A

importance

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

True or False: Without activation functions, neural networks can effectively model real-world data.

A

False

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

What is a Feedforward Neural Network (FNN)?

A

The simplest type of artificial neural network structured with layers of nodes in a sequential, unidirectional manner

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

How does information flow in a Feedforward Neural Network?

A

Information flows forward from input to output through hidden layers without any feedback loops

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

What components do each layer in an FNN consist of?

A

A set of neurons that process the data by applying weights, biases, and activation functions

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

What types of problems are FNNs ideal for?

A

Problems where inputs and outputs have no sequential dependency, such as image recognition, regression, and binary classification

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

What limitations do FNNs have?

A

They have limited ability to handle complex dependencies, time-series data, or structured hierarchies

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

In what way are FNNs used in more complex network architectures?

A

FNNs are often integrated as components within more complex network architectures

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

What is a Convolutional Neural Network (CNN)?

A

A specialized type of deep learning model primarily used for image data processing

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

What is the primary function of CNNs?

A

To automatically and adaptively learn spatial hierarchies in images for effective analysis of spatial and temporal patterns

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

What layers are involved in a CNN and what do they do?

A

Convolutional layers apply filters to capture specific features, while pooling layers reduce spatial dimensions

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

What is the purpose of pooling layers in CNNs?

A

To preserve important information while decreasing computation by reducing spatial dimensions

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

What tasks are CNNs highly effective in?

A

Image classification, object detection, and segmentation

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

Why is the architecture of CNNs well-suited for image data?

A

It is designed to handle the grid-like topology of image data

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

True or False: FNNs are suitable for tasks with sequential dependencies.

A

False

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

Fill in the blank: CNNs consist of convolutional layers that apply a set of ______ across the input data.

A

[filters or kernels]

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

What enables CNNs to learn complex visual patterns?

A

The feature extraction process as the network deepens

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

What is a key advantage of CNNs in computer vision applications?

A

Their ability to detect higher-level representations

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

What are recurrent neural networks (RNN)?

A

RNNs are designed to handle sequential data and temporal dependencies.

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

What tasks are RNNs particularly suited for?

A

RNNs are suited for tasks involving time series, natural language processing, and audio data.

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

How do RNNs differ from other neural networks?

A

RNNs have connections that loop back to previous nodes, allowing information to persist across time steps.

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

What enables RNNs to remember previous inputs?

A

The looping connections allow RNNs to remember previous inputs.

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

What problem do traditional RNNs face with long-term dependencies?

A

Traditional RNNs struggle with the vanishing gradient problem.

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

What is the vanishing gradient problem?

A

It is when gradients diminish as they backpropagate through time.

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

What are two specialized RNN variants that address long-term dependencies?

A

Long Short-Term Memory (LSTM) and Gated Recurrent Unit (GRU) networks.

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

What do LSTM and GRU networks use to retain relevant information?

A

They use gating mechanisms.

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

In what tasks do RNNs excel due to their gating mechanisms?

A

RNNs excel in tasks requiring an understanding of context over time, such as speech recognition and language translation.

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

What is one drawback of neural networks related to data?

A

Neural networks often require large datasets for accurate results.

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

What is a computational resource requirement for neural networks?

A

They need significant processing power, often utilizing GPUs.

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

True or False: Neural networks are always interpretable.

A

False

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

What is a challenge regarding the decision-making process of neural networks?

A

They are not always interpretable, making it hard to understand their decision-making process.

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

What is artificial intelligence (AI)?

A

A discipline that aims to create systems capable of performing tasks that usually require human intelligence, such as reasoning, decision-making, pattern recognition, and language comprehension.

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

What is machine learning (ML)?

A

A subset of AI that focuses on enabling machines to learn from data rather than being explicitly programmed.

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

What do ML models do?

A

Identify patterns within data using statistical techniques, helping systems make predictions or decisions based on that data.

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

What is deep learning (DL)?

A

A more advanced form of ML inspired by the structure of the human brain, using artificial neural networks with multiple layers.

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

What types of data is deep learning particularly effective at analyzing?

A

Unstructured data, such as images, audio, and text.

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

In what fields has deep learning achieved breakthroughs?

A

Computer vision and natural language processing.

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

What are the requirements for deep learning models?

A

Substantial amounts of data and computational power.

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

What tasks do deep learning models excel at handling?

A

Recognizing faces, translating languages, and generating original content.

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

Fill in the blank: Machine learning models help systems make predictions or decisions based on _______.

A

[data]

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

True or False: Deep learning uses simple algorithms to process data.

A

False

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

Fill in the blank: Deep learning is inspired by the structure of the _______.

A

[human brain]

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

What does Generative AI focus on?

A

Creating new content such as images, text, and music by learning patterns from existing data.

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

How does Generative AI differ from traditional Machine Learning?

A

Generative AI synthesizes information, while traditional ML mainly classifies or predicts.

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

List three fields where Generative AI is useful.

A
  • Creative arts
  • Content generation
  • Personalized marketing
How well did you know this?
1
Not at all
2
3
4
5
Perfectly
68
Q

What are two models that underpin Generative AI?

A
  • Generative adversarial networks (GANs)
  • Variational autoencoders (VAEs)
How well did you know this?
1
Not at all
2
3
4
5
Perfectly
69
Q

What is one application of Generative AI in drug discovery?

A

Designing synthetic media.

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

True or False: Generative AI empowers systems to produce original outputs.

A

True

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

What is the primary focus of computer vision within AI?

A

Enabling machines to interpret and understand visual information from the world.

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

Fill in the blank: Generative AI is a specialized area of ML and DL that focuses on _______.

A

[creating new content]

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

What is natural language processing (NLP)?

A

An area of AI that enables machines to understand, interpret, and generate human language.

NLP combines machine learning (ML) and deep learning (DL) techniques.

74
Q

What techniques does NLP use?

A

A combination of machine learning (ML) and deep learning (DL) techniques.

These techniques analyze text and speech.

75
Q

What are some applications of NLP?

A

Applications include:
* Chatbots
* Translation services
* Sentiment analysis
* Voice recognition

These applications leverage NLP to facilitate human-computer interaction.

76
Q

What are large language models (LLMs)?

A

Advanced NLP systems trained on vast amounts of text data.

LLMs can generate coherent and contextually relevant text based on input.

77
Q

Name two examples of large language models.

A

Examples include:
* BERT
* ChatGPT

These models are capable of various NLP tasks.

78
Q

What tasks can LLMs like BERT and ChatGPT perform?

A

Tasks include:
* Answering questions
* Summarizing text
* Engaging in extended conversations

LLMs excel in generating human-like responses.

79
Q

What is labeled data?

A

Data that comes with predefined tags or annotations identifying characteristics or categories of each data point

For example, in image recognition, labeled data includes images with labels like ‘dog’ or ‘cat’.

80
Q

Why is labeled data essential in supervised learning?

A

It allows the model to learn by example, associating specific input with the expected output.

81
Q

In what applications is labeled data commonly used?

A
  • Fraud detection
  • Medical diagnosis
82
Q

What is unlabeled data?

A

Data that lacks explicit labels, requiring the model to identify patterns or clusters without prior categorization.

83
Q

In which learning paradigm is unlabeled data typically used?

A

Unsupervised learning.

84
Q

What tasks can benefit from using unlabeled data?

A
  • Customer segmentation
  • Anomaly detection
85
Q

True or False: Unlabeled data is more readily available and less costly to collect than labeled data.

86
Q

Fill in the blank: Labeled data is essential in _______ learning.

A

[supervised]

87
Q

Fill in the blank: Unlabeled data is typically used in _______ learning.

A

[unsupervised]

88
Q

What is structured data?

A

Highly organized data that fits neatly into predefined formats like rows and columns

89
Q

What types of information does structured data usually include?

A

Quantitative information and clear attributes

90
Q

Give an example of structured data.

A

A dataset of customer details with attributes like age, location, and purchase history

91
Q

In which applications is structured data particularly useful?

A

Finance, healthcare, and business analytics

92
Q

What tasks benefit from structured data?

A
  • Predictive analytics
  • Customer profiling
  • Risk assessment
93
Q

What is unstructured data?

A

Data that doesn’t have a predefined format and is more challenging to process

94
Q

List examples of unstructured data.

A
  • Text
  • Images
  • Audio
  • Video files
95
Q

Why is unstructured data valuable for AI tasks?

A

It requires the interpretation of complex content

96
Q

Name three AI tasks that utilize unstructured data.

A
  • Natural language processing
  • Image recognition
  • Sentiment analysis
97
Q

What has driven advancements in AI related to unstructured data?

A

The fact that much of the world’s data is unstructured

98
Q

What are some applications of AI that use unstructured data?

A
  • Social media monitoring
  • Customer feedback analysis
99
Q

What is tabular data?

A

A subset of structured data represented in tables with rows and columns

100
Q

What does each row in tabular data typically represent?

A

A unique instance

101
Q

What does each column in tabular data typically represent?

A

An attribute

102
Q

Where is tabular data commonly stored?

A

Databases and spreadsheets

103
Q

In which applications is tabular data commonly used?

A

Traditional data science and machine learning applications such as:
* Regression analysis
* Classification
* Recommendation systems

104
Q

What is time series data?

A

Sequences of data points collected or recorded at specific time intervals

105
Q

Give examples of data points in time series data.

A

Hourly stock prices, daily temperature measurements, monthly sales figures

106
Q

What is a key characteristic of each data point in time series data?

A

Each data point is timestamped

107
Q

What fields widely use time series data?

A

Finance, healthcare, manufacturing

108
Q

What is a common application of time series data in finance?

A

Stock price prediction

109
Q

What unique challenges does time series data present?

A

Requires specialized models to account for the sequential nature of the data

110
Q

What type of neural networks are commonly used with time series data?

A

Recurrent neural networks (RNNs)

111
Q

Fill in the blank: Time series data is suitable for models that predict future trends or detect _______.

A

seasonal patterns

112
Q

What are the three main categories of ML techniques?

A

Supervised, unsupervised, and reinforcement learning

113
Q

What is supervised learning?

A

A technique where an algorithm is trained on labeled data

114
Q

What does labeled data mean in supervised learning?

A

Each input comes with a corresponding output

115
Q

What role does the ‘supervisor’ play in supervised learning?

A

Provides labeled data to help the algorithm learn associations

116
Q

Give an example of supervised learning.

A

Email spam detection

117
Q

How does unsupervised learning differ from supervised learning?

A

Works with unlabeled data

118
Q

What is the main goal of unsupervised learning?

A

To find patterns, similarities, or structures in the data

119
Q

What does an unsupervised learning algorithm do with the dataset?

A

Explores the dataset and groups the data into clusters based on similarity

120
Q

In unsupervised learning, what does the algorithm identify instead of mapping inputs to outputs?

A

Clusters or groupings based on feature similarities

121
Q

What is semi-supervised learning?

A

Semi-supervised learning bridges the gap between supervised and unsupervised learning by using the labeled data to guide the learning process on the larger unlabeled dataset.

A common application of semi-supervised learning is in speech recognition systems.

122
Q

What is reinforcement learning (RL)?

A

Reinforcement learning (RL) is a type of machine learning where an agent interacts with an environment to maximize cumulative rewards over time.

Unlike supervised and unsupervised learning, RL relies on feedback through rewards or penalties instead of labeled or unlabeled data.

123
Q

What inspires reinforcement learning?

A

Reinforcement learning is inspired by behavioral psychology, where learning occurs through rewards and punishments.

This inspiration helps in designing systems that mimic human learning behavior.

124
Q

What are the key components of reinforcement learning?

A

In reinforcement learning, an agent takes actions within an environment, observes the outcome, and receives feedback in the form of rewards or penalties.

The goal is for the agent to learn an optimal policy.

125
Q

What does an agent aim to achieve in reinforcement learning?

A

The goal is for the agent to learn an optimal policy—a series of actions that maximize the total reward.

126
Q

What are the two strategies an agent uses in reinforcement learning?

A

The agent explores different actions (exploration) and exploits known strategies (exploitation) to learn effective behaviors.

127
Q

What is a recommendation system?

A

The recommendation system provides dynamic suggestions based on the user’s preferences, especially in e-commerce use cases.

128
Q

What is reinforcement learning with human feedback (RLHF)?

A

Reinforcement learning with human feedback (RLHF) is a specialized technique where human feedback is integrated into the reinforcement learning process to guide the agent’s learning.

129
Q

How does RLHF differ from traditional reinforcement learning?

A

In traditional reinforcement learning, an agent learns through interaction with an environment, while RLHF introduces human evaluations into this loop, providing more nuanced and qualitative feedback.

130
Q

What role does human feedback play in RLHF?

A

Human feedback acts as an additional reward signal, especially when defining a complex reward function or when the task involves subjective judgment.

131
Q

What is a notable use case for RLHF?

A

A notable use case for RLHF is training AI chatbots like those used for customer support or personal assistants.

132
Q

What is supervised learning best suited for?

A

Tasks with clearly defined goals and labeled data

Provides high accuracy for tasks like classification and regression.

133
Q

What is the main value of unsupervised learning?

A

Data exploration when labels are unavailable

Enables insight into data structures and relationships.

134
Q

How does reinforcement learning function?

A

An agent learns through interaction with an environment

Learns optimal policies through rewards and penalties.

135
Q

What scenario is semi-supervised learning ideal for?

A

When labeled data is scarce but unlabeled data is abundant

Combines the benefits of both supervised and unsupervised learning to improve performance.

136
Q

What does reinforcement learning with human feedback integrate?

A

Human evaluations into learning

Aligns AI behavior with human preferences and enhances model performance in complex, subjective tasks.

138
Q

What is the first step in any ML project?

A

Data collection

139
Q

What does data pruning involve?

A

Removing irrelevant or noisy data points

140
Q

What is the purpose of imputation in data processing?

A

Handling missing values

141
Q

Name two techniques used for imputation.

A

Mean substitution, predictive modeling

142
Q

What is the purpose of scaling and normalization?

A

Adjusting features to a uniform scale for better model convergence

143
Q

What is data splitting?

A

Dividing data into training, validation, and test sets

144
Q

What is the typical ratio for data splitting in ML projects?

145
Q

Fill in the blank: Data pruning is necessary to ensure the dataset is _______.

A

representative and manageable

146
Q

What is feature engineering?

A

The process of creating new features or modifying existing ones to improve model performance.

This plays a crucial role in enhancing the predictive power of machine learning models.

147
Q

What is feature selection?

A

Choosing the most relevant features to simplify the model and reduce overfitting using methods like recursive feature elimination or correlation analysis.

This process helps in improving model performance by eliminating irrelevant or redundant features.

148
Q

What are polynomial features?

A

Creating interaction terms (e.g., a product of two features) for nonlinear relationships.

This is useful for capturing more complex patterns in the data.

149
Q

What does encoding refer to in machine learning?

A

Converting categorical data into numerical forms using label encoding or one-hot encoding.

This step is essential for enabling machine learning algorithms to process categorical variables.

150
Q

What is data augmentation?

A

Expanding the dataset using techniques such as rotation, flipping (for images), or paraphrasing (for text), which introduces variability and helps prevent overfitting.

This technique is particularly useful in training deep learning models.

151
Q

What is model complexity?

A

Balancing complexity and interpretability (e.g., choosing between decision trees and neural networks).

This consideration is important for ensuring that the model is both effective and understandable.

152
Q

What does algorithm suitability refer to?

A

Selecting models like convolutional neural networks (CNNs) for image data or gradient boosting for tabular data.

Choosing the right algorithm is crucial for achieving optimal performance based on the nature of the data.

153
Q

What is model training?

A

The phase where the algorithm learns from the data.

This is a crucial stage in machine learning where the model adapts based on the input data.

154
Q

What are optimization algorithms used for?

A

To minimize loss.

Common optimization algorithms include Gradient descent, stochastic gradient descent (SGD), and Adam optimizers.

155
Q

What is early stopping in machine learning?

A

Halting training when performance on the validation set stagnates, preventing overfitting.

This technique helps to ensure that the model does not learn noise from the training data.

156
Q

What are hyperparameters?

A

Model settings that are not learned from data but are set before training begins.

Hyperparameters influence the learning process and model architecture.

157
Q

Give examples of hyperparameters.

A
  • Learning rate
  • Number of layers in a neural network
  • Number of trees in a random forest

These values can significantly affect model performance.

158
Q

What methods are commonly used to search through hyperparameter combinations?

A
  • Grid search
  • Random search
  • Bayesian optimization

These methods help find the best hyperparameter settings for a model.

159
Q

What is the purpose of tuning hyperparameters?

A

To avoid overfitting.

Tuning is often performed on a validation set to assess the model’s performance.

160
Q

What is the final step in the machine learning process?

A

Evaluation.

This step assesses how well the trained model performs on new, unseen data.

161
Q

Define inference in the context of machine learning.

A

The process of using the trained machine learning model to make predictions and generate results.

Inference is a key application of the trained model.

162
Q

What is batch inference?

A

Takes multiple observation points simultaneously and produces a result.

It does not produce results in real time and usually runs inference weekly or hourly.

163
Q

What is real-time inference?

A

Making predictions or decisions based on data in near-instantaneous time.

This process occurs immediately, or within a few milliseconds to seconds, after receiving new data.

164
Q

What is asynchronous inference?

A

Asynchronous inference occurs when the inference request is queued and processed when the model is available.

165
Q

How does asynchronous inference address the limitations of real-time inferencing?

A

It allows processing of requests without the need for an immediate response.

166
Q

What happens to asynchronous inference requests?

A

They are pushed into a queue and processed when the resources are available.

167
Q

True or False: Asynchronous inference holds resources until the request is processed.

168
Q

hWhat does regression analyze in machine learning?

A

Regression analyzes how independent variables or features correlate with a dependent variable or outcome.

169
Q

What type of modeling approach does regression serve as?

A

Regression serves as a predictive modeling approach.

170
Q

What type of outcomes does regression predict?

A

Regression predicts continuous outcomes.

171
Q

In the context of predicting house prices, what is the independent variable?

A

The independent variable is the area of the house.

172
Q

In the context of predicting house prices, what is the dependent variable?

A

The dependent variable is the price of the house.

173
Q

How can the relationship between area and house price be modeled?

A

The relationship can be modeled using a straight line.

174
Q

What does a classification algorithm do?

A

A classification algorithm assigns a label or category to a given input based on its attributes.

175
Q

What is the task of predicting the class of a new observation based on previously observed examples called?

A

The task is known as classification.

176
Q

What type of learning is classification an example of?

A

Classification is an example of supervised learning.

177
Q

What does supervised learning use for training?

A

Supervised learning uses labels and annotations for training.

178
Q

What is clustering?

A

Clustering organizes the data points into groups.

179
Q

What type of learning does classification represent?

A

Classification is an example of supervised learning.

180
Q

What type of learning does clustering represent?

A

Clustering is an example of unsupervised learning.

181
Q

When do we use clustering algorithms?

A

We use clustering algorithms when we want to divide the data into multiple categories without labeled data or defined labels.

182
Q

Fill in the blank: Classification is to supervised learning as clustering is to _______.

A

unsupervised learning.