chatGPT questions exam1 Flashcards

You may prefer our related Brainscape-certified flashcards:
1
Q

What is Batch Normalization and its purpose in neural networks?

A

Batch Normalization (BN) is a technique that normalizes the outputs of a previous activation layer by subtracting the batch mean and dividing by the batch standard deviation, including learnable parameters for scale and shift to maintain the network’s representational capacity. It improves speed, performance, and stability.

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

What does a convolution operation involve in CNNs?

A

In CNNs, convolution involves sliding a filter over the input feature map and computing the dot product at every position to extract features

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

Why is padding used in convolutional neural networks?

A

Padding is used to adjust the size of the feature maps so that the output feature map can maintain the same size as the input, allowing for the application of the filter at the border of the input.

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

What is Connected Component Analysis used for in image processing?

A

Connected Component Analysis labels and groups pixels into components based on pixel connectivity for segmentation tasks, aiding in object detection and segmentation.

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

What is Categorical Cross-Entropy and its role in classification problems?

A

Categorical Cross-Entropy is a loss function measuring the dissimilarity between true distributions and predicted probabilities, penalizing incorrect predictions in multi-class classification problems.

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

What does the Max-Pooling operation do in CNNs?

A

Max-Pooling is a down-sampling operation that selects the maximum value within a window, reducing dimensionality and highlighting the most activated features.

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

What does the ROC curve represent in binary classification systems?

A

The ROC curve plots the true positive rate against the false positive rate at various threshold settings, showing the trade-off between sensitivity and specificity.

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

How does the ReLU activation function mitigate the vanishing gradient problem?

A

ReLU (Rectified Linear Unit) mitigates the vanishing gradient problem with its linear, non-saturating form, preventing gradients from becoming very small during training.

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

What is the purpose of hard-negative mining in machine learning?

A

Hard-negative mining focuses on selecting difficult-to-classify negative samples, improving model performance by ensuring it learns from the most challenging examples.

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

How does dropout help in preventing overfitting in neural networks?

A

Dropout prevents overfitting by randomly dropping units and their connections during training, encouraging the network to learn robust features.

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

List one strategy to combat overfitting in neural networks.

A

Implementing L2 regularization adds a penalty on large weights to the loss function, helping to prevent the model from overfitting.

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

What information does the histogram of an image provide?

A

An image histogram displays the frequency of pixel intensities, offering insights into the contrast, brightness, and intensity distribution of the image.

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

How are trainable parameters calculated in a convolutional layer?

A

In a convolutional layer, the number of parameters is calculated as (filter width × filter height × input depth + 1) × number of filters, where “+1” accounts for the bias term.

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

What characterizes a valid convolution operation?

A

Valid convolution ensures the filter fits entirely within the input image bounds, leading to a smaller output size.

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

What does sensitivity measure in a binary classification system?

A

Sensitivity, or true positive rate, measures the proportion of actual positives correctly identified by the classifier.

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

What is binary morphology used for in image processing?

A

Binary morphology uses structuring elements to manipulate shapes in binary images for purposes like noise removal, shape analysis, and segmentation.

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

What is the key characteristic of mini-batch Stochastic Gradient Descent?

A

Mini-batch SGD updates model parameters for each small batch of the training set, balancing computational efficiency and update frequency.

18
Q

Name a factor that has contributed to the progress in deep learning.

A

The availability of powerful computational resources like GPUs, which accelerate the training of deep neural networks and activation functions.

19
Q

What is the U-Net architecture designed for, and how does it handle spatial dimensions?

A
  • The U-Net architecture is designed for biomedical image segmentation. It features a contracting path and an expanding path with upsampling layers and skip connections to preserve spatial dimensions for precise localization.
20
Q

What is the structure of a neural network with three layers?

A

A neural network with three layers consists of an input layer, two hidden layers, and an output layer, where the input layer receives data, the hidden layers process it, and the output layer produces the final prediction.

21
Q

What is the K-means algorithm used for?

A

K-means is an unsupervised learning algorithm used for clustering, aiming to partition observations into clusters with the nearest means.

22
Q

What is the purpose of histogram matching in image processing?

A

Histogram matching adjusts the brightness and contrast of an image to match the histogram of a target image, used for normalization and image stitching.

23
Q

How do CNNs differ from traditional neural networks in handling data?

A

CNNs, specialized for analyzing visual imagery, use weight sharing and convolutional layers to efficiently extract local features from image data.

24
Q

How did Faster R-CNN improve upon R-CNN and Fast R-CNN?

A

Faster R-CNN integrated a Region Proposal Network (RPN) for nearly cost-free region proposals, enabling end-to-end training and improving object detection efficiency.

25
Q

What is a common sequence of operations in designing CNN architectures?

A

A common sequence involves a convolutional layer followed by an activation function like ReLU, then batch normalization for stability, and dropout for regularization.

26
Q

How can the receptive field be increased in convolutional networks?

A

The receptive field can be increased using dilated (or atrous) convolution, which involves inserting spaces between kernel elements to capture larger input areas without increasing parameters.

27
Q

What does the convolution operation achieve in CNNs?

A

The convolution operation extracts features like edges and textures by sliding a filter over the input and computing the sum of element-wise multiplications.

28
Q

How does dilation affect the output size calculation in CNNs?

A

Dilation increases the receptive field without significantly reducing spatial size, affecting the output size calculation by considering filter size, stride, padding, and dilation factor.

29
Q

What role do anchors play in object detection models like YOLO and Faster R-CNN?

A

Anchors facilitate the detection of various object sizes and aspect ratios by allowing multiple classes and bounding boxes predictions for each anchor, improving detection accuracy.

29
Q

Why are GPU memory requirements higher during training than testing in neural networks?

A

During training, networks need to store variables for the forward pass and gradients for the backward pass, while testing only requires forward pass calculations, reducing memory requirements.

30
Q

How do convolutional filters differ from neurons in neural networks?

A

Convolutional filters share weights across all positions to detect features efficiently, whereas neurons in fully connected layers do not share weights, leading to higher parameter counts.

31
Q

What is Leave-One-Out Cross-Validation and when is it useful?

A

LOOCV is a method where the model is trained N times on N-1 samples and tested on the remaining sample, useful for small datasets to maximize training data use.

32
Q

What is the function of a 2D Gaussian filter in image processing?

A

A 2D Gaussian filter smooths or blurs images by averaging pixels under a Gaussian-shaped kernel, reducing noise and detail.

33
Q

How does dropout function as a regularization technique?

A

Dropout randomly drops units during training, simulating a sparse activation and forcing the network to learn robust features, preventing overfitting.

34
Q

What are common causes of overfitting in neural networks?

A

Overfitting often occurs when a high-capacity model is trained on a small dataset, leading to poor generalization to new data.

35
Q

How are trainable parameters calculated between two dense layers?

A

The number of trainable parameters is calculated as (input size + 1) × output size, accounting for the bias term in the current layer.

36
Q

**How can a feature map size be reduced using a convolutional layer?

A
  • To reduce the size of a feature map, use 1x1 convolutions with a specific number of filters. For example, to reduce a feature map of size 32x32x64 to 32x32x16, use 16 filters of size 1x1x64, mixing input channels without altering spatial dimensions.
37
Q

How is the receptive field calculated in convolutional networks with multiple layers?

A

The receptive field is calculated considering the size of the filters and the stride with which they are applied. It increases with each convolutional layer, allowing for a larger contextual understanding for predictions.

38
Q

How do sensitivity and specificity relate to the acceptance of model predictions?

A

Accepting all predictions with a score greater than 0 typically results in high sensitivity by capturing most true positives, but may also lead to low specificity due to an increase in false positives.

39
Q

What are the main advantages of convolutional layers in neural networks?

A

Convolutional layers efficiently use parameters through weight sharing and are adept at extracting local features from image data, making them particularly effective for computer vision tasks.