0% found this document useful (0 votes)
168 views6 pages

DPL302 M

Copyright
© © All Rights Reserved
We take content rights seriously. If you suspect this is your content, claim it here.
Available Formats
Download as PDF, TXT or read online on Scribd
0% found this document useful (0 votes)
168 views6 pages

DPL302 M

Copyright
© © All Rights Reserved
We take content rights seriously. If you suspect this is your content, claim it here.
Available Formats
Download as PDF, TXT or read online on Scribd
You are on page 1/ 6

"What is the main characteristic of a Bidirectional RNN?

"The correct answer


selected is:
✅ "It processes sequences in both forward and backward directions."

"What is Yann LeCun known for in the field of computer vision and deep
learning?"The correct answer selected is:
✅ "Developing the first convolutional neural network architecture."

"Which architecture introduced the concept of residual connections in neural


networks?"The selected answer is:
✅ "ResNet"

"Nina, a research scientist, is working on a machine translation project for


translating ancient texts... What modifications should she consider for this
challenging task?"The selected answer is:
✅ "Employing dynamic self-attention patterns based on linguistic context."

The question asks how to improve a GRU-based speech recognition model to better
handle long sequences without significantly increasing computational
complexity.Among the given options, the best advanced technique would be:
✅ Apply dilated convolutions in parallel with GRU layers.

What is a key consideration when designing deep RNNs with multiple layers?
Regularizing the network to prevent overfitting ✅ (Best choice)

What is the primary task of a language model in sequence generation?Correct


answer:
🔘 To generate coherent and contextually relevant text ✅

42. What does “sampling novel sequences” refer to in sequence models?🔘


Generating new and creative sequences of data ✅
David is developing a medical image analysis model for a rare disease
and is considering using transfer learning. What would be his approach
to achieve his objective?
🔘 Leveraging knowledge from pre-trained networks to enhance the
model’s performance ✅

What is the role of a ‘satisficing metric’ in machine learning?\


🔘 To set a minimum acceptable threshold for model performance ✅

37. In machine learning, under what circumstances should you consider changing
your development (Dev) and test sets?
✅ When you suspect that the Dev and test sets no longer represent the target
distribution

36. What is the role of an ‘optimizing metric’ in machine learning projects?


✅ To maximise model performance and achieve the best possible results

Why is it essential to understand "human-level performance" when developing


machine learning models?
Correct Answer: To set realistic performance goals for machine learning models.

What is "avoidable bias" in the context of machine learning models?


Correct Answer: Bias that can be reduced through more data or a better
algorithm.

Sophia is working on a project where a deep neural network is trained to generate


realistic human faces and must ensure that the model starts from an optimal point for
training. What weight initialization method should be implemented to facilitate faster
convergence and better results?
Correct Answer: Utilize He initialization (He et al. 2015).

Why is the problem of local optima less pronounced when training deep neural networks using Stochastic Gradient Descent (SGD)
compared to batch gradient descent?
Correct Answer: SGD introduces randomness in each update, allowing it to escape local optima more easily.
What is the primary advantage of applying "Batch
Normalization" to deep neural networks?Correct Answer: "
Batch Normalization" helps stabilize training by reducing
internal covariate shifts, leading to faster convergence and
better generalization.

How would you evaluate and assess the practical


implications of the bias-variance trade-off in the context of
machine learning, considering its impact on model
performance and generalization?Correct Answer: The bias-
variance trade-off describes the balance between model
complexity and its ability to fit the training data while
generalizing well to unseen data.

What is the fundamental advantage of using deep representations in


neural networks?Correct Answer: It automatically learns hierarchical
features from data.

What is the main reason why regularization reduces overfitting in


machine learning models?Correct Answer: Regularization discourages
overly complex models by penalizing large parameter values.

What is a fundamental step in the 'basic recipe' for machine learning?Correct


Answer: Split the data into training, validation, and test sets.

What is the purpose of normalizing inputs in deep learning?Correct Answer: To


standardize the input data and improve training convergence.

Olivia is designing a deep neural network for anomaly


detection in network traffic. She wants to choose an
activation function that handles outliers well. What
advanced activation function should Olivia consider for
this specific task?Đáp án đúng: Exponential Linear Unit
(ELU)

Kenny is working on an object detection project for real-


time video analysis. He faces the challenge of maintaining
high detection accuracy while minimizing computational
resources. Which advanced object detection technique
should he implement to achieve this balance?Đáp án
đúng: Utilize a Single Shot Detector (SSD) architecture
with MobileNetV2 as the base network, enabling efficient
real-time object detection with high accuracy.
In the context of deep neural networks, why is backpropagation considered an
essential technique?Correct Answer: To optimize the cost function and update
weights.

In a deep neural network with multiple hidden layers, what is the purpose of the hidden layers?
Correct Answer: To extract high-level features.

What is the impact of a very large value of the regularization parameter (lambda) in logistic
regression?Correct Answer: It reduces model complexity.

What is the main challenge of using the Adagrad optimization algorithm in neural networks?
Correct Answer: Difficulty in handling vanishing gradients.

In a shallow neural network, what is the final step after computing the weighted sum of inputs
for each neuron?Correct Answer: Applying an activation function.

What is the primary purpose of Gradient Descent in training Neural Networks?Correct Answer:
To optimize the neural network's parameters.

What is a characteristic of Feedforward Neural Networks?


Correct Answer: They have only forward connections.

Hannah is watching an interview with Yann LeCun, a renowned figure in computer


vision. What key insight did Yann LeCun share regarding the evolution of
convolutional networks?
Correct Answer: The evolution of CNNs involved progressively increasing depth
and more complex architectures.

Gregory is researching the fundamental reasons behind the success of convolutional neural networks in image recognition tasks.
What is the core principle that makes convolutions effective in these networks?
Correct Answer: Exploiting local connectivity and shared weights to detect local patterns.
Katherine is studying a CNN example that performs image classification. What is
the primary advantage of using CNNs over traditional computer vision techniques
in this context?Correct Answer: Capturing hierarchical features automatically
through convolutional layers.

What is the key innovation of the You Only Look Once (YOLO) algorithm in
object detection?Correct Answer: Dividing the image into a grid and making
predictions at each grid cell.

Which technique in deep learning involves leveraging pre-trained models on


large datasets and fine-tuning them for specific tasks with limited data?Correct
Answer: Transfer Learning.

What aspect of Convolutional Neural Networks (CNNs) is the video titled "CNN
Example" expected to clarify?Correct Answer: The application of convolutional layers
in CNNs through an example.

In a max-pooling operation, what value is selected for a specific region in the feature map?Correct
Answer: The maximum value in the region.

In computer vision, what is the primary goal of object localization?


Correct Answer: Detecting the presence of objects in images.

Which of the following is a well-known Convolutional Neural Network (CNN) architecture


commonly used for image classification tasks?Correct Answer: AlexNet

What is the purpose of strided convolutions in a convolutional neural network (CNN)?


Correct Answer: To reduce the size of the feature map.
What is the primary purpose of pooling layers in convolutional neural networks (CNNs)?Correct
Answer: To reduce the size of feature maps.

What are the key components of a simple convolutional neural network (CNN) architecture?
Correct Answer: Convolutional layers, pooling layers, and fully connected layers.

Which of the following is a key motivation for using convolutional layers in computer vision
tasks?
Correct Answer: To capture local patterns and features.

Emma is evaluating the performance of a speech recognition system and is considering using a single-number evaluation metric.
What will be her approach when using single-number evaluation metric for evaluating performance of her model?
Correct Answer: Summarizing the system's performance using a single comprehensive metric.

You might also like