Pikachu - Menti spørsmål fra tidligere eksamner Flashcards

(25 cards)

1
Q

Which is a loss function used in classification tasks?

Mean Squared Error

Cross Entropy Loss

Cross Validation

A

Cross Entropy Loss

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

Which techniques are used to prevent overfitting? Select all that apply.

L1 regularisation

Dropout

Inrease number og layers

Weight decay

A

L1 regularisation

Dropout

Weight decay

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

What is the purpose of a convolutional layer in a CNN?

Learn spatial properties by applying filters to input data.

Reduce the dimensions of input data.

Convert input data to a probability distribution.

Compute the difference between predicted and actual values.

A

Learn spatial properties by applying filters to input data.

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

Why do we use data augmentation?

To improve quality of training data

Prevent overfitting by adding variations to training data

To reduce the size of training data and speed up training

Convert data to a format compatible with deep learning

A

Prevent overfitting by adding variations to training data

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

What are hyperparameters in deep learning?

Predefined weights and biases that remain constant during training

Adjustable parameters that affect model architecture and learning

Input data used to train the model

The model predictions

A

Adjustable parameters that affect model architecture and learning

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

What is the purpose of activation functions?

Reduce training speed

Improve performance of the optimisation algorithm

Adding non-linearities to the model

Reducing the models complexity

A

Adding non-linearities to the model

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

What is image segmentation?

A method of dividing an image into regions based on similarity

A method of improving picture contrast

A method of reducing image noise

A

A method of dividing an image into regions based on similarity

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

What is a language model, in the context of deep learning

A model assigning a vector of numbers to each word in a sentence

A model predicting missing words in a sentence (e.g. the next)

A model used to compare the grammatical structure of two sentences.

A

A model predicting missing words in a sentence (e.g. the next)

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

What is the purpose of using a pretrained model in early stages of a deep learning project?

Reduce the amount of training data needed

Increase the models’ complexity

Validating the models’ perfromance on new data

Teaching students basic programming

A

Reduce the amount of training data needed

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

What is a characteristic of deep learning models compared to traditional methods?

Using more data for training

The ability to more effectivly do linear computations

The use of multi-layer artificial neural networks to learn patterns

Stricter requirements on type and quality of input data

A

The use of multi-layer artificial neural networks to learn patterns

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

What are two main challenges when running a deep learning model in production? Select both that apply.

Overfitting to training data

Poor ability to process large amounts of data

Data drift, where new data differs from training data

Too high precision

A

Overfitting to training data

Data drift, where new data differs from training data

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

How is a grayscale image represented on a computer? How about a color image?

Grayscale images are 2D arrays; color images are 3D arrays

Both are represented as a single vector of pixel values

Grayscale images are single vectors; color images are 3D arrays

Both are represented as 3D arrays of pixels

A

Both are represented as 3D arrays of pixels

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

What best describes gradient descent in deep learning?

A method of speeding up model predictions

An optimisation algorithm for minimising a loss function

A method of balancing the weights between layers of a neural network

A method for selecting the most important features in input data

A

An optimisation algorithm for minimising a loss function

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

What is stride in a convolutional layer in a CNN?

Number of pixels the filter is m oved for each time it is applied

Number of times a filter is applied to input data

Width of the filters used

Number of filters in a convolutional layer

A

Number of pixels the filter is moved for each time it is applied

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

What is tokenisation, and why do we need it?

Conversion of text into phonemes

Dividing text into sentences for doing structural analysis

Breaking text into smaller pieces (subwords) for further processing

Encryption of text for data protection

A

Breaking text into smaller pieces (subwords) for further processing

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

What does epoch mean, in the context of neural network training?

Number of layers in the network

One complete pass through of the entire training dataset

Number of neurons in a layer

The time taken to train the model

A

One complete pass through of the entire training dataset

17
Q

What is learning rate?

The percentage of data reserved for validation

The step size used for updating weights during backpropagation

The rate at which training examples are fed into the network

The number of training epochs required to achieve convergence

A

The step size used for updating weights during backpropagation

18
Q

Which activation function is most used to avoid the problem of vanishing gradients?

Sigmoid

Hyperbolic tangent (tanh)

Rectified linear unit (ReLU)

Softmax

A

Rectified linear unit (ReLU)

19
Q

What is the primary purpose of applying dropout?

To accelerate training by reducing the number of trainable parameters

To improve performance by focusing on the most important features

To prevent overfitting by randomly deactivating neurons in training

To increase the network’s capacity by adding more layers dynamically

A

To prevent overfitting by randomly deactivating neurons in training

20
Q

Which of the following statements about batch size in neural network training are correct? Choose all that apply.

Smaller batch sizes -> noisier gradient updates -> escape local minima

Larger size requires more memory, but gives stable gradient updates

Smaller batch size always reduces training time

Larger batch sizes makes better use of hardware acceleration

A

Smaller batch sizes -> noisier gradient updates -> escape local minima

Larger size requires more memory, but gives stable gradient updates

Larger batch sizes makes better use of hardware acceleration

21
Q

In a CNN, what is the purpose of the pooling layer?

Reduce dimensionality of feature maps while preserving important info

To introduce non-linearity into the model

To increase the number of trainable parameters in the network

To normalize the feaure maps to a standard scale

A

Reduce dimensionality of feature maps while preserving important info

22
Q

Which of the following are common techniques used in data augmentation for images? Select all that apply.

Random cropping

Rotation

Feature scaling

Horizontal flipping

A

Random cropping

Rotation

Horizontal flipping

23
Q

Which if the following statements about loss functions in neural networks are correct? Select all that apply.

Mean squared error (MSE) loss is commonly used for regression tasks

Cross-entropy loss is used exlusivly for binary classification

Loss functions are only used during evaluation of model performance

Loss functions measure how well model predictions align with truth

A

Mean squared error (MSE) loss is commonly used for regression tasks

Loss functions measure how well model predictions align with truth

24
Q

Which of the following techniques can be used to interpret and visualize the predictions of a CNN? Select all that apply.

Grad-CAM (Gradient-weighted Class Activation Mapping)

Feature maps from intermediate layers

Batch Normalization

Data Augmentation

A

Grad-CAM (Gradient-weighted Class Activation Mapping)

Feature maps from intermediate layers

25
Which of the following architectures are best suited for sequence data, such as text or time series? Convolutional Neural Networks (CNNs) Recurrent Neural Networks (RNNs) Generative Averserial Networks (GANs) Fully Connected Networks (FCNs)
Recurrent Neural Networks (RNNs)