YBS6101 ARTIFICIAL INTELLIGENCE
C
FUNDAMENTALS FINALS
hat is the main goal of the backpropagation algorithm?
W
Select one:
a. To minimize the error between the predicted output and the actual output
b. To maximize the accuracy of the model
c. To maximize the error between the predicted output and the actual output
d. To minimize the accuracy of the model
hat is the main difference between the Quickprop algorithm and the Resilient Propagation
W
Z
(Rprop) algorithm?
Select one:
a. The Quickprop algorithm is more efficient, while the Rprop algorithm is less efficient
b. The Quickprop algorithm uses a variable learning rate, while the Rprop algorithm uses a
fixed learning rate
c. The Quickprop algorithm is less efficient, while the Rprop algorithm is more efficient
d. The Quickprop algorithm uses a fixed learning rate, while the Rprop algorithm uses
EN
a variable learning rate
hat is the Quickprop algorithm used for?
W
Select one:
a. Data analysis
b. Neural network training
c. Data visualization
d. Machine learning
hat is a supervised learning algorithm?
W
Select one:
a. An algorithm that can only perform classification tasks
R
b. An algorithm that can learn from labeled data
c. An algorithm that can only perform regression tasks
d. An algorithm that can learn from unlabeled data
hat are the biases in the backpropagation algorithm?
W
Select one:
a. The values that are used to determine the output of the neural network
b. The values that are used to determine the activation function of the neural network
c. The values that are adjusted in the backward pass
d. The values that are adjusted in the forward pass
hat is a deterministic finite state machine?
W
Select one:
a. A finite state machine that has a unique next state for each combination of current
state and input
. A finite state machine that has multiple possible current states for each combination of
b
next state and input
c. A finite state machine that has multiple possible next states for each combination of
current state and input
d. A finite state machine that has a unique current state for each combination of next state
and input
hat is a reward in a Markov decision process (MDP)?
W
Select one:
a. A representation of the future situation
b. A representation of the current situation
c. A possible outcome of an action
d. A numerical value that represents the utility or value of a state or action
Z
hat is a reward in reinforcement learning?
W
Select one:
a. The entity that receives rewards or punishments and learns from them
b. The environment in which the learning takes place
c. A positive or negative feedback received by the agent for its actions
d. The current condition or situation of the agent
EN
hat is the main disadvantage of the RProp algorithm compared to other optimization
W
algorithms?
Select one:
a. It is less accurate and precise
b. It is slower and less efficient
c. It is less resilient to noise and outliers in the data
d. It is harder to implement
hat is a Markov decision process (MDP)?
W
Select one:
a. A mathematical model for decision-making in situations where outcomes are entirely
R
random
b. A mathematical model for decision-making in situations where outcomes are partly
random and partly determined by past
actions
c. A mathematical model for decision-making in situations where outcomes are entirely
under the control of a decision maker
d. A mathematical model for decision-making in situations where outcomes are partly
random and partly under the control
of a decision maker
hat is the RProp algorithm's convergence criterion?
W
Select one:
a. The error reaches a predetermined percentage of improvement
b. The error does not improve for a predetermined number of iterations
c. The error reaches a predetermined number of iterations
d. The error reaches a predetermined threshold
hat is the error function in the backpropagation algorithm?
W
Select one:
a. The function that adjusts the weights and biases in the backward pass
b. The function that calculates the error between the predicted output and the actual
output
c. The function that determines the activation function of the neural network
d. The function that adjusts the weights and biases in the forward pass
hat is the main difference between the Quickprop algorithm and the Levenberg-Marquardt
W
(LM) algorithm?
Select one:
a. The Quickprop algorithm uses a fixed learning rate, while the LM algorithm uses a
Z
variable learning rate
b. The Quickprop algorithm is less efficient, while the LM algorithm is more efficient
c. The Quickprop algorithm is more efficient, while the LM algorithm is less efficient
d. The Quickprop algorithm uses a variable learning rate, while the LM algorithm uses a
fixed learning rate
hat is an advantage of using a Q-learning algorithm?
W
EN
Select one:
a. It can handle continuous state spaces
b. It can learn from its mistakes and improve over time
c. It does not require a large amount of data
d. It can handle high-dimensional data
ow does the Quickprop algorithm adjust the learning rate for each weight in the neural
H
network?
Select one:
a. It adjusts the learning rate based on the previous weight update
b. It uses a variable learning rate for all weights
R
c. It uses a fixed learning rate for some weights and a variable learning rate for others
d. It uses a fixed learning rate for all weights
hat is an example of a reinforcement learning problem?
W
Select one:
a. Grouping customers into different segments based on their spending habits
b. Predicting the stock price for the next day based on historical data
c. Determining whether an email is spam or not
d. Training a robot to navigate through a maze
hat is the forward pass in the backpropagation algorithm?
W
Select one:
a. The process of adjusting the weights and biases in the backward direction
b. The process of predicting the output of the neural network based on the input data
c. The process of adjusting the weights and biases in the forward direction
d. The process of calculating the error between the predicted output and the actual output
hat is the main advantage of the RProp algorithm compared to other optimization
W
algorithms?
Select one:
a. It is faster and more efficient
b. It is more accurate and precise
c. It is easier to implement
d. It is more resilient to noise and outliers in the data
hat is the process of adjusting the weights and biases of a feedforward neural network
W
called?
Select one:
a. Training
b. All of the above
Z
c. Validation
d. Testing
hat is the process of evaluating a feedforward neural network on a set of test data called?
W
Select one:
a. Validation
b. Training
EN
c. All of the above
d. Testing
hat is a finite state machine?
W
Select one:
a. A state machine that can change its state an infinite number of times
b. A state machine that can only be in one of two states
c. A state machine that can only be in a finite number of states
d. A state machine that can be in an infinite number of states
ow does the RProp algorithm handle local minima in the optimization process?
H
R
Select one:
a. It gets stuck in local minima
b. It avoids local minima by using a dynamic learning rate
c. It avoids local minima by using a fixed learning rate
d. It avoids local minima by using a predetermined set of learning rates
hat is the process of adjusting the weights and biases based on the error in the output
W
layer called?
Select one:
a. Backpropagation
b. Activation
c. None of the above
d. Forward propagation
hat is a policy in reinforcement learning?
W
Select one:
. The environment in which the learning takes place
a
b. The strategy or behavior followed by the agent in order to maximize its reward
c. The current condition or situation of the agent
d. The entity that receives rewards or punishments and learns from them
hat is the main difference between the Quickprop algorithm and the Scaled Conjugate
W
Gradient (SCG) algorithm?
Select one:
a. The Quickprop algorithm is more efficient, while the SCG algorithm is less efficient
b. The Quickprop algorithm uses a fixed learning rate, while the SCG algorithm uses a
variable learning rate
c. The Quickprop algorithm uses a variable learning rate, while the SCG algorithm uses a
fixed learning rate
d. The Quickprop algorithm is less efficient, while the SCG algorithm is more efficient
Z
hat is a backpropagation network?
W
Select one:
a. A type of artificial neural network that uses deep learning
b. A type of artificial neural network that uses supervised learning
c. A type of artificial neural network that uses reinforcement learning
d. A type of artificial neural network that uses unsupervised learning
EN
hat is the RProp algorithm used for?
W
Select one:
a. Classification
b. Optimization of neural networks
c. Regression analysis
d. Clustering
hat is the process of verifying that a backpropagation network has not overfitted to the
W
training data called?
Select one:
R
a. Inferring
b. Testing
c. Validating
d. Training
hat is the process of adjusting the learning rate of a backpropagation network called?
W
Select one:
a. Tuning
b. Regularizing
c. Optimizing
d. Normalizing
hat is a state transition function?
W
Select one:
a. A function that determines the next state of a system based on its current state and
input
. A function that determines the current state of a system based on its next state and output
b
c. A function that determines the next state of a system based on its previous state and
output
d. A function that determines the current state of a system based on its previous state and
input
hat is the process of adding additional layers to a backpropagation network called?
W
Select one:
a. Tuning
b. Regularizing
c. Optimizing
d. Deepening
hat is the cost function used in backpropagation?
W
Z
Select one:
a. The mean absolute error
b. The hinge loss
c. The cross-entropy loss
d. The mean squared error
hat is the process of using a backpropagation network to make predictions called?
W
EN
Select one:
a. Training
b. Testing
c. Inferring
d. Validating
ow does a backpropagation network learn?
H
Select one:
a. By adjusting the weights and biases of the network based on the input and output
data
b. By adjusting the activation function of the network based on the input and output data
R
c. By adjusting the architecture of the network based on the input and output data
d. By adjusting the number of neurons in the network based on the input and output data
ow does the backpropagation algorithm work?
H
Select one:
a. By adjusting the weights and biases of the neural network in the forward pass
b. By adjusting the activation function of the neural network
c. By adjusting the weights and biases of the neural network in the backward pass
d. By adjusting the weights and biases of the neural network in both the forward and
backward passes
hat is a linear regression algorithm?
W
Select one:
a. A clustering algorithm used in unsupervised learning
b. A neural network used in deep learning
c. A tree-like model used to make predictions in supervised learning
. A model used to make predictions in supervised learning by fitting a linear
d
equation to the data
hat is the learning rate in backpropagation?
W
Select one:
a. The process of adjusting the weights and biases in the forward direction
b. The hyperparameter that determines the size of the weight and bias updates
c. The process of minimizing the error between the predicted output and the actual output
d. The process of adjusting the weights and biases in the backward direction
hat is a state machine?
W
Select one:
a. A machine that changes its state based on a state transition function
b. A machine that can only be in one of two states
Z
c. A machine that is in a constant state
d. A machine that can be in an infinite number of states
hat is the weight update rule in backpropagation?
W
Select one:
a. W(i, j) = W(i, j) + alpha * delta(i) * output(j)
b. W(i, j) = W(i, j) - alpha * delta(i) * output(j)
EN
c. W(i, j) = W(i, j) * alpha * delta(i) * output(j)
d. W(i, j) = W(i, j) / alpha * delta(i) * output(j)
hat is the Bellman equation in a Markov decision process (MDP)?
W
Select one:
a. A recursive equation used to compute the expected reward of a state
b. A recursive equation used to compute the value function of a state
c. A recursive equation used to compute the policy of a state
d. A recursive equation used to compute the transition probabilities of a state
R
hat is the learning rate in the backpropagation algorithm?
W
Select one:
a. The rate at which the weights and biases are adjusted in the forward pass
b. The rate at which the model learns from the training data
c. The rate at which the weights and biases are adjusted in the backward pass
d. The rate at which the model predicts the output
ow does the RProp algorithm adjust the learning rate?
H
Select one:
a. It uses a predetermined set of learning rates for each iteration
b. It increases the learning rate if the error increases and decreases the learning rate if the
error decreases
c. It uses a fixed learning rate regardless of the error
d. It increases the learning rate if the error decreases and decreases the learning rate
if the error increases
hat is the bias update rule in backpropagation?
W
Select one:
a. B(i) = B(i) / alpha * delta(i)
b. B(i) = B(i) - alpha * delta(i)
c. B(i) = B(i) + alpha * delta(i)
d. B(i) = B(i) * alpha * delta(i)
hat is the main disadvantage of the Quickprop algorithm?
W
Select one:
a. It is more complex than other algorithms
b. It is more sensitive to initialization
c. It is less efficient than other algorithms
d. It requires more computational resources
Z
hat is the process of calculating the dot product of the input layer and the weights called?
W
Select one:
a. None of the above
b. Backpropagation
c. Forward propagation
d. Activation
EN
hat is a disadvantage of using a Q-learning algorithm?
W
Select one:
a. It cannot handle high-dimensional data
b. It requires a large amount of data
c. It cannot handle continuous state spaces
d. It can learn from its mistakes and improve over time
hat are the weights in the backpropagation algorithm?
W
Select one:
a. The values that are used to determine the output of the neural network
b. The values that are adjusted in the forward pass
R
c. The values that are used to determine the activation function of the neural network
d. The values that are adjusted in the backward pass
hat is reinforcement learning?
W
Select one:
a. A type of deep learning where the model is trained using a large dataset
b. A type of machine learning where an agent learns through interacting with its
environment and receiving rewards or
punishments
c. A type of unsupervised learning where the model is trained using unlabeled data
d. A type of supervised learning where the model is trained using labeled data
hat is a policy in a Markov decision process (MDP)?
W
Select one:
a. A set of rules for selecting outcomes
b. A set of rules for selecting actions and states
. A set of rules for selecting states in a given action
c
d. A set of rules for selecting actions in a given state
hat is a support vector machine?
W
Select one:
a. A clustering algorithm used in unsupervised learning
b. A neural network used in deep learning
c. A linear model used to make predictions in supervised learning
d. A tree-like model used to make predictions in supervised learning
hat is a state in a Markov decision process (MDP)?
W
Select one:
a. A representation of the future situation
b. A representation of the past situation
Z
c. A representation of the current situation
d. A possible outcome of an action
hat is a reward in a Markov decision process (MDP)?
W
Select one:
a. A possible outcome of an action
EN
b. A representation of the future situation
c. A numerical value that represents the utility or value of a state or action
d. A representation of the current situation
hat is a nondeterministic finite state machine?
W
Select one:
a. A finite state machine that has a unique current state for each combination of next state
and input
b. A finite state machine that has multiple possible next states for each combination
of current state and input
c. A finite state machine that has a unique next state for each combination of current state
R
and input
d. A finite state machine that has multiple possible current states for each combination of
next state and input
ow does the RProp algorithm handle the initialization of weights in the optimization
H
process?
Select one:
a. It uses random weights
b. It uses the weights of the best performing iteration
c. It uses predetermined weights
d. It uses the previous iteration's weights
hat is the process of evaluating the performance of a backpropagation network called?
W
Select one:
a. Inferring
b. Testing
. Training
c
d. Validating
hat is the RProp algorithm's weight update rule?
W
Select one:
a. The weight update is proportional to the second derivative of the error function
b. The weight update is proportional to the derivative of the error function
c. The weight update is inversely proportional to the second derivative of the error function
d. The weight update is inversely proportional to the derivative of the error function
ow is a state transition function typically represented?
H
Select one:
a. As a table or matrix
b. As a graph or network
Z
c. As a function of state and input
d. As a set of differential equations
hat is the goal of reinforcement learning?
W
Select one:
a. To maximize the cumulative reward over time
b. To cluster data into groups
EN
c. To predict the outcome of an event
d. To minimize the cumulative punishment over time
hat is the process of dividing the data into a training set and a test set called?
W
Select one:
a. Segmenting
b. Partitioning
c. Splitting
d. Sampling
hat is the main difference between the Quickprop algorithm and the Conjugate Gradient
W
R
(CG) algorithm?
Select one:
a. The Quickprop algorithm is less efficient, while the CG algorithm is more efficient
b. The Quickprop algorithm is more efficient, while the CG algorithm is less efficient
c. The Quickprop algorithm uses a variable learning rate, while the CG algorithm uses a
fixed learning rate
d. The Quickprop algorithm uses a fixed learning rate, while the CG algorithm uses a
variable learning rate
hat is an example of a reinforcement learning problem?
W
Select one:
a. Training a robot to navigate through a maze
b. Determining whether an email is spam or not
c. Grouping customers into different segments based on their spending habits
d. Predicting the stock price for the next day based on historical data
hat is a Q-learning algorithm?
W
Select one:
a. A reinforcement learning algorithm that uses a Q-table to store the expected
rewards for each action in each state
b. A type of supervised learning algorithm
c. A type of unsupervised learning algorithm
d. A type of deep learning algorithm
hat is the goal of a Markov decision process (MDP)?
W
Select one:
a. To minimize the expected cumulative reward over a given time horizon
b. To minimize the expected cumulative cost over a given time horizon
c. To maximize the expected cumulative reward over a given time horizon
d. To maximize the expected cumulative cost over a given time horizon
Z
ow does the Quickprop algorithm adjust the learning rate for each weight in the neural
H
network?
Select one:
a. It uses a fixed learning rate for all weights
b. It uses a variable learning rate for all weights
c. It adjusts the learning rate based on the previous weight update
EN
d. It uses a fixed learning rate for some weights and a variable learning rate for others
hat is an action in reinforcement learning?
W
Select one:
a. A decision made by the agent based on its current state
b. The environment in which the learning takes place
c. The entity that receives rewards or punishments and learns from them
d. The current condition or situation of the agent
hat is the process of evaluating a feedforward neural network on a set of test data called?
W
Select one:
R
a. Validation
b. Testing
c. All of the above
d. Training
hat is the main difference between the Quickprop algorithm and the Levenberg-Marquardt
W
(LM) algorithm?
Select one:
a. The Quickprop algorithm uses a variable learning rate, while the LM algorithm uses a
fixed learning rate
b. The Quickprop algorithm is less efficient, while the LM algorithm is more efficient
c. The Quickprop algorithm uses a fixed learning rate, while the LM algorithm uses a
variable learning rate
d. The Quickprop algorithm is more efficient, while the LM algorithm is less efficient
How does the backpropagation algorithm work?
elect one:
S
a. By adjusting the weights and biases of the neural network in the backward pass
b. By adjusting the weights and biases of the neural network in both the forward and
backward passes
c. By adjusting the weights and biases of the neural network in the forward pass
d. By adjusting the activation function of the neural network
hat is the learning rate in backpropagation?
W
Select one:
a. The process of minimizing the error between the predicted output and the actual output
b. The process of adjusting the weights and biases in the backward direction
c. The hyperparameter that determines the size of the weight and bias updates
d. The process of adjusting the weights and biases in the forward direction
Z
hat is an action in a Markov decision process (MDP)?
W
Select one:
a. A possible outcome of an action
b. A representation of the past situation
c. A representation of the current situation
d. A representation of the future situation
EN
hat is the input layer in the backpropagation algorithm?
W
Select one:
a. The layer that is not visible to the user and processes the input data
b. The layer that determines the activation function of the neural network
c. The layer that produces the final output of the neural network
d. The layer that receives the input data and passes it to the hidden layer
hat is the process of adjusting the learning rate of a backpropagation network called?
W
Select one:
a. Optimizing
b. Tuning
R
c. Regularizing
d. Normalizing
hat is the backpropagation algorithm used for?
W
Select one:
a. Training artificial neural networks
b. Data analysis
c. Data mining
d. Data visualization
ow does the Quickprop algorithm handle weight updates that are too large?
H
Select one:
a. It reduces the learning rate
b. It reduces the weight updates
c. It discards the weight updates
d. It increases the learning rate
hat is the process of using a backpropagation network for classification tasks called?
W
Select one:
a. Clustering
b. Dimensionality reduction
c. Classification
d. Regression
hat are the biases in the backpropagation algorithm?
W
Select one:
a. The values that are used to determine the activation function of the neural network
b. The values that are adjusted in the forward pass
c. The values that are adjusted in the backward pass
d. The values that are used to determine the output of the neural network
Z
hat is the main goal of the backpropagation algorithm?
W
Select one:
a. To maximize the accuracy of the model
b. To minimize the accuracy of the model
c. To maximize the error between the predicted output and the actual output
d. To minimize the error between the predicted output and the actual output
EN
hat is the Quickprop algorithm used for?
W
Select one:
a. Data visualization
b. Machine learning
c. Neural network training
d. Data analysis
ow does the RProp algorithm handle local minima in the optimization process?
H
Select one:
a. It gets stuck in local minima
R
b. It avoids local minima by using a dynamic learning rate
c. It avoids local minima by using a fixed learning rate
d. It avoids local minima by using a predetermined set of learning rates
hat is a disadvantage of using a Q-learning algorithm?
W
Select one:
a. It requires a large amount of data
b. It can learn from its mistakes and improve over time
c. It cannot handle high-dimensional data
d. It cannot handle continuous state spaces
ow does the Quickprop algorithm improve upon traditional gradient descent algorithms?
H
Select one:
a. It uses a smaller learning rate
b. It uses a fixed learning rate
c. It uses a variable learning rate
d. It uses a larger learning rate
hat is the process of adding additional layers to a backpropagation network called?
W
Select one:
a. Regularizing
b. Deepening
c. Tuning
d. Optimizing
hat is a linear regression algorithm?
W
Select one:
a. A tree-like model used to make predictions in supervised learning
b. A clustering algorithm used in unsupervised learning
c. A model used to make predictions in supervised learning by fitting a linear equation
Z
to the data
d. A neural network used in deep learning
hat is the RProp algorithm's learning rate update rule?
W
Select one:
a. The learning rate is updated based on the difference between the current and previous
iteration's weights
EN
b. The learning rate is updated based on the difference between the current and previous
iteration's Hessian matrix
c. The learning rate is updated based on the difference between the current and
previous iteration's gradient
d. The learning rate is updated based on the difference between the current and previous
iteration's error
hat is an input alphabet?
W
Select one:
a. The set of transitions that a state machine can make
b. The set of states that a state machine can be in
R
c. The set of inputs that a state machine can receive
d. The set of outputs that a state machine can produce
hat is the error function in the backpropagation algorithm?
W
Select one:
a. The function that calculates the error between the predicted output and the actual
output
b. The function that adjusts the weights and biases in the backward pass
c. The function that adjusts the weights and biases in the forward pass
d. The function that determines the activation function of the neural network
hat are the components of a Markov decision process (MDP)?
W
Select one:
a. States, outcomes, and rewards
b. States, actions, and costs
c. States, actions, and rewards
d. States, outcomes, and costs
hat is the backward pass in the backpropagation algorithm?
W
Select one:
a. The process of predicting the output of the neural network based on the input data
b. The process of adjusting the weights and biases in the forward direction
c. The process of adjusting the weights and biases in the backward direction
d. The process of calculating the error between the predicted output and the actual output
hat is a logistic regression algorithm?
W
Select one:
a. A tree-like model used to make predictions in supervised learning
b. A linear model used to make predictions in supervised learning
c. A clustering algorithm used in unsupervised learning
Z
d. A model used for classification tasks by predicting the probability of an event
occurring
hat is the hidden layer in the backpropagation algorithm?
W
Select one:
a. The layer that is visible to the user and processes the input data
b. The layer that determines the activation function of the neural network
EN
c. The layer that is not visible to the user and processes the input data
d. The layer that produces the final output of the neural network
hat is the main characteristic of the RProp algorithm?
W
Select one:
a. It uses a dynamic learning rate
b. It uses a stochastic gradient descent
c. It uses a predetermined set of weights
d. It uses a fixed learning rate
hat is the output layer of a feedforward neural network called?
W
R
Select one:
a. Input layer
b. Hidden layer
c. None of the above
d. Output layer
hat is a decision tree?
W
Select one:
a. A tree-like model used to make predictions in supervised learning
b. A neural network used in deep learning
c. A linear model used to make predictions in supervised learning
d. A clustering algorithm used in unsupervised learning
hat is an action in a Markov decision process (MDP)?
W
Select one:
a. A possible outcome of an action
. A representation of the past situation
b
c. A representation of the current situation
d. A representation of the future situation
ow is a state transition function typically represented?
H
Select one:
a. As a table or matrix
b. As a function of state and input
c. As a set of differential equations
d. As a graph or network
ow does the RProp algorithm handle local minima in the optimization process?
H
Select one:
a. It avoids local minima by using a dynamic learning rate
Z
b. It avoids local minima by using a fixed learning rate
c. It avoids local minima by using a predetermined set of learning rates
d. It gets stuck in local minima
hat is the process of using a backpropagation network for classification tasks called?
W
Select one:
a. Classification
EN
b. Regression
c. Dimensionality reduction
d. Clustering
hat is the Quickprop algorithm used for?
W
Select one:
a. Machine learning
b. Data analysis
c. Data visualization
d. Neural network training
R
hat is the input layer of a feedforward neural network called?
W
Select one:
a. Hidden layer
b. Input layer
c. None of the above
d. Output layer
hat is a disadvantage of using a Q-learning algorithm?
W
Select one:
a. It can learn from its mistakes and improve over time
b. It requires a large amount of data
c. It cannot handle high-dimensional data
d. It cannot handle continuous state spaces
hat is the main advantage of the Quickprop algorithm over the backpropagation algorithm?
W
Select one:
. It is faster to converge
a
b. It is more efficient
c. It is less sensitive to initialization
d. It is more accurate
hat is a policy in a Markov decision process (MDP)?
W
Select one:
a. A set of rules for selecting actions and states
b. A set of rules for selecting states in a given action
c. A set of rules for selecting actions in a given state
d. A set of rules for selecting outcomes
hat is the forward pass in the backpropagation algorithm?
W
Select one:
Z
a. The process of adjusting the weights and biases in the forward direction
b. The process of predicting the output of the neural network based on the input data
c. The process of adjusting the weights and biases in the backward direction
d. The process of calculating the error between the predicted output and the actual output
hat is an example of a system that uses a state transition function?
W
EN
Select one:
a. A traffic light control system
b. A temperature control system
c. All of the above
d. A door lock system
hat is a state in reinforcement learning?
W
Select one:
a. The entity that receives rewards or punishments and learns from them
b. The current condition or situation of the agent
c. The predicted outcome of an event
R
d. The environment in which the learning takes place
hat is an agent in reinforcement learning?
W
Select one:
a. The labeled data used to train the model
b. The entity that receives rewards or punishments and learns from them
c. The environment in which the learning takes place
d. The predicted outcome of an event
hat are the hidden layers of a feedforward neural network called?
W
Select one:
a. Output layers
b. Hidden layers
c. None of the above
d. Input layers
hat is the process of evaluating a feedforward neural network on a set of validation data
W
called?
Select one:
a. All of the above
b. Training
c. Validation
d. Testing
hat is a nondeterministic finite state machine?
W
Select one:
a. A finite state machine that has a unique current state for each combination of next state
and input
b. A finite state machine that has multiple possible next states for each combination
of current state and input
Z
c. A finite state machine that has multiple possible current states for each combination of
next state and input
d. A finite state machine that has a unique next state for each combination of current state
and input
hat is the process of adjusting the weights and biases of a backpropagation network
W
called?
EN
Select one:
a. Optimizing
b. Training
c. Validating
d. Testing
hat is the bias update rule in the backpropagation algorithm?
W
Select one:
a. The process of adjusting the weights and biases in the backward direction
b. The process of adjusting the weights and biases in the forward direction
c. The mathematical formula that is used to update the biases based on the gradient
R
descent
d. The process of minimizing the error between the predicted output and the actual output
hat is the process of finding the optimal policy in a Markov decision process (MDP) called?
W
Select one:
a. Policy optimization
b. Markov optimization
c. Bellman optimization
d. Dynamic programming
hat is the gradient descent in the backpropagation algorithm?
W
Select one:
a. The process of adjusting the weights and biases in the forward direction
b. The process of adjusting the weights and biases in the backward direction
c. The process of minimizing the error between the predicted output and the actual
output
d. The process of maximizing the error between the predicted output and the actual output
hat is an output alphabet?
W
Select one:
a. The set of transitions that a state machine can make
b. The set of outputs that a state machine can produce
c. The set of inputs that a state machine can receive
d. The set of states that a state machine can be in
hat is the process of applying an activation function to the dot product of the input layer
W
and the weights called?
Select one:
a. Forward propagation
b. None of the above
Z
c. Backpropagation
d. Activation
hat is the backpropagation algorithm used for?
W
Select one:
a. All of the above
b. To find the optimal weights and biases of a neural network
EN
c. To optimize the activation function of a neural network
d. To classify data using a neural network
hat is the goal of the backpropagation algorithm in each iteration?
W
Select one:
a. To maximize the error between the predicted output and the actual output
b. To minimize the error between the predicted output and the actual output
c. To maximize the error between the predicted output and the actual output in each iteration
d. To minimize the error between the predicted output and the actual output in each
iteration
R
hat is the "kernel trick" in the context of support vector machines?
W
a. A method for identifying the support vectors
b. A method for selecting the optimal kernel function
c. A method for tuning the hyperparameters of the model
d. A method for avoiding the computation of the dot product between the input data
hat is breadth-first search (BFS)?
W
a. A uniformed combinatorial search algorithm that expands nodes in order of their distance
from the root
b. A uniformed combinatorial search algorithm that expands nodes in a random order
c. A uniformed combinatorial search algorithm that expands nodes in order of their depth
d. A uniformed combinatorial search algorithm that expands nodes in order of their
breadth
hat is a uniformed combinatorial search algorithm?
W
a. A search algorithm that uses heuristics to guide the search
. A search algorithm that uses machine learning to guide the search
b
c. A search algorithm that uses randomness to guide the search
d. A search algorithm that explores all possible solutions in a systematic way
hat is depth-first search (DFS)?
W
a. A uniformed combinatorial search algorithm that expands nodes in a random order
b. A uniformed combinatorial search algorithm that expands nodes in order of their distance
from the root
c. A uniformed combinatorial search algorithm that expands nodes in order of their
depth
d. A uniformed combinatorial search algorithm that expands nodes in order of their breadth
hat is a support vector regression machine?
W
a. A support vector machine that is used for classification
Z
b. A support vector machine that is sensitive to the scale of the input variables
c. A support vector machine that is sensitive to the presence of outliers
d. A support vector machine that is used for regression
hat is a kernel in the context of support vector machines (SVMs)?
W
a. A mathematical function that measures the similarity between data points
b. A mathematical function that transforms data into a higher dimensional space
EN
c. A mathematical function that optimizes the separation of data into different categories
d. A mathematical function that measures the distance between data points
hat is a kernel function in the context of support vector machines?
W
a. A function that computes the distance between the input data and the support vectors
b. A function that maps the input data into a higher-dimensional space
c. A function that optimizes the margin maximization problem
d. A function that predicts the class labels of the input data
hat is a support vector in the context of support vector machines?
W
a. A data point that lies on the margin boundary
R
b. A data point that is used to define the decision boundary
c. A data point that is classified correctly
d. A data point that maximizes the margin
hat is a multi-class support vector machine?
W
a. A support vector machine that can handle multiple classes of data
b. A support vector machine that uses a linear kernel function
c. A support vector machine that can handle data with a high number of dimensions
d. A support vector machine that uses a non-linear kernel function
hat is a non-linear support vector machine?
W
a. A support vector machine that uses a non-linear kernel function
b. A support vector machine that is sensitive to the presence of outliers
c. A support vector machine that uses a linear kernel function
d. A support vector machine that is sensitive to the scale of the input variables
hat is a support vector machine used for?
W
a. Classification
b. Clustering
c. Dimensional reduction
d. Regression
hat is a linear support vector machine?
W
a. A support vector machine that uses a linear kernel function
b. A support vector machine that is sensitive to the scale of the input variables
c. A support vector machine that uses a non-linear kernel function
d. A support vector machine that is sensitive to the presence of outliers
hat is a soft margin in the context of support vector machines?
W
a. A margin that is sensitive to the scale of the input variables
Z
b. A margin that allows some misclassification
c. A margin that is computed using the kernel function
d. A margin that is optimized using the hinge loss function
hat is a support vector machine?
W
a. A type of artificial neural network
b. A type of linear regression model
EN
c. A type of supervised learning algorithm
d. A type of decision tree algorithm
R