680 Questions
16 Views
4.9 Stars

Neural Networks Lecture 1: Introduction, Logistic Regression, Backpropagation, MLP

Test your understanding of neural networks with a quiz covering topics from lecture 1, including housekeeping, linear regression, logistic regression, backpropagation, and multi-layered perceptron. This quiz aligns with the semester organization and assignments for the course.

Created by
@VictoriousGlockenspiel
1/680
Find out if you were right!
Create an account to continue playing and access all the benefits such as generating your own quizzes, flashcards and much more!
Quiz Team

Access to a Library of 520,000+ Quizzes & Flashcards

Explore diverse subjects like math, history, science, literature and more in our expanding catalog.

Questions and Answers

What is the loss function used in linear regression?

Mean Squared Error (MSE) / Quadratic Loss

What is the function that 'squeezes in' the weighted input into a probability space in logistic regression?

Logistic Sigmoid Function

What is the measure of the uncertainty associated with a random variable in logistic regression?

Entropy (H)

What is the model that specifies the probability of binary output given an input in logistic regression?

<p>Logistic regression model</p> Signup and view all the answers

What method of estimating the parameters of a statistical model maximizes the likelihood of making the observations given the parameters?

<p>Maximum Likelihood Estimation (MLE)</p> Signup and view all the answers

What property does Maximum Likelihood Estimation (MLE) have for i.i.d. data?

<p>MLE minimizes Cross-Entropy</p> Signup and view all the answers

What distribution is used to denote the probability of a binary output in logistic regression?

<p>Bernoulli distribution</p> Signup and view all the answers

What is the dataset used to estimate the parameters of a statistical model in logistic regression?

<p>Empirical Data Distribution</p> Signup and view all the answers

What is the function used to minimize the negative log likelihood in logistic regression?

<p>Cross-Entropy</p> Signup and view all the answers

What is the purpose of the Logistic Sigmoid Function in logistic regression?

<p>To 'squeeze in' the weighted input into a probability space</p> Signup and view all the answers

What is the model that specifies the probability of binary output given an input in logistic regression?

<p>Logistic regression model</p> Signup and view all the answers

What is the measure of the uncertainty associated with a random variable in logistic regression?

<p>Entropy (H)</p> Signup and view all the answers

What is the measure of difference between two probability distributions in logistic regression?

<p>Kullback-Leibler Divergence</p> Signup and view all the answers

What method is used to solve the loss function in logistic regression when it no longer has a closed-form solution?

<p>Gradient Descent</p> Signup and view all the answers

What does the gradient vector point in the direction of in gradient descent?

<p>Steepest ascent</p> Signup and view all the answers

In logistic regression, what is the generalization of a neural network from binary classification to multiclass?

<p>Softmax</p> Signup and view all the answers

What is the derivative of the logit function in logistic regression?

<p>σ'(x) = σ(x)(1−σ(x))</p> Signup and view all the answers

What does the loss function in logistic regression equal to?

<p>J(θ) = −log P(y∣X, θ) = −∑ yi log πi +(1−yi) log(1−πi)</p> Signup and view all the answers

What is the objective of a Multi-Layer Perceptron (MLP)?

<p>Minimize cross-entropy error</p> Signup and view all the answers

What does each neuron in a Multi-Layer Perceptron (MLP) compute?

<p>A separation plane on the space of its inputs</p> Signup and view all the answers

What is the influence of the Activation Functions in the Neural Net Playground?

<p>Observe influence of: Activation Functions</p> Signup and view all the answers

In logistic regression, what is the method used to solve the loss function with a closed-form solution?

<p>Gradient Descent</p> Signup and view all the answers

What is the derivative of the loss function in logistic regression with respect to θ?

<p>∂J(θ)/∂θ = ∑xi(πi−yi)</p> Signup and view all the answers

What is the measure of difference between two probability distributions in logistic regression that needs to be minimized?

<p>Cross-Entropy</p> Signup and view all the answers

What is the size of the output volume after applying a convolution layer with a kernel (filter) of size 5 × 5 × 3 to an input volume of dimension 32 × 32 × 3?

<p>28 × 28 × 1</p> Signup and view all the answers

What is the purpose of the hyperparameter 'stride' in convolutional neural networks?

<p>To control the step taken when sliding the filter over the input volume</p> Signup and view all the answers

How does the 'zero-padding' hyperparameter affect the output volume in convolutional neural networks?

<p>It preserves the spatial size of the input volume</p> Signup and view all the answers

What is the constraint on strides in convolutional neural networks?

<p>The result of the division has to be an integer</p> Signup and view all the answers

What is the purpose of parameter sharing in convolutional neural networks?

<p>To reduce the computational complexity of convolutional layers</p> Signup and view all the answers

What is the purpose of the torch.nn.Conv1d function in PyTorch?

<p>To apply a one-dimensional convolution over an input signal</p> Signup and view all the answers

What is the main disadvantage of using a fully connected layer in convolutional neural networks?

<p>It loses information about spatial arrangement of pixels</p> Signup and view all the answers

What is the purpose of a convolution layer in CNNs?

<p>To connect each neuron to only a local region of the input volume</p> Signup and view all the answers

In the given case study, what is the dimension of the output map after applying a 5x5x3 filter to a 32x32x3 input volume?

<p>28x28x1</p> Signup and view all the answers

What does the term 'receptive field' refer to in the context of convolutional layers in CNNs?

<p>The spatial extent of the local connectivity of each neuron</p> Signup and view all the answers

Which of the following is true about the output map dimension in a convolutional layer when applying a filter to an input volume?

<p>The width and height of the output map are determined by the size of the filter and padding</p> Signup and view all the answers

What is the primary reason for using pooling layers in CNNs?

<p>To reduce overfitting and improve computational efficiency</p> Signup and view all the answers

What is the function of a convolution kernel in the spatial domain?

<p>It applies a filter to the image to extract features.</p> Signup and view all the answers

What does the convolution operation in the spatial domain imply?

<p>It uses a convolution kernel to process the image pixels.</p> Signup and view all the answers

How is an RGB image represented as a function in the spatial domain?

<p>As a function mapping coordinates to color values.</p> Signup and view all the answers

What does the convolution product between two functions represent in the continuous case?

<p>The weighted combination of function values.</p> Signup and view all the answers

What is the purpose of applying operators to an image in the spatial domain?

<p>To enhance specific image features.</p> Signup and view all the answers

In the discrete case, how is the convolution operation between two functions represented?

<p>As a summation of transformed function values.</p> Signup and view all the answers

What is the measure of difference between two probability distributions in logistic regression that needs to be minimized?

<p>Kullback-Leibler Divergence</p> Signup and view all the answers

What method is used to solve the loss function in logistic regression when it no longer has a closed-form solution?

<p>Stochastic Gradient Descent (SGD)</p> Signup and view all the answers

What does the gradient vector point in the direction of in gradient descent?

<p>Steepest Ascent</p> Signup and view all the answers

What is the derivative of the logit function in logistic regression?

<p>$σ(x)(1−σ(x))$</p> Signup and view all the answers

What is the model that specifies the probability of binary output given an input in logistic regression?

<p>Logistic Regression Model</p> Signup and view all the answers

What is the measure of uncertainty associated with a random variable in logistic regression?

<p>Entropy</p> Signup and view all the answers

What function is used to minimize the negative log likelihood in logistic regression?

<p>$−log(πi)$</p> Signup and view all the answers

What distribution is used to denote the probability of a binary output in logistic regression?

<p>Bernoulli Distribution</p> Signup and view all the answers

What property does Maximum Likelihood Estimation (MLE) have for i.i.d. data?

<p>$E[MLE]=θ$</p> Signup and view all the answers

What does each neuron in a Multi-Layer Perceptron (MLP) compute?

<p>Separation Plane on the space of its inputs</p> Signup and view all the answers

What does the loss function in logistic regression equal to?

<p>Cross-Entropy Loss</p> Signup and view all the answers

What is the main purpose of using dilated convolutions in semantic segmentation?

<p>To enable larger effective receptive field sizes and capture spatial context information</p> Signup and view all the answers

What is the limitation of the output stride (reduction factor for image resolution) in semantic segmentation using dilated convolutions?

<p>Limited to 16, as larger values are harmful for semantic segmentation</p> Signup and view all the answers

What is the main idea behind Atrous Spatial Pyramid Pooling in semantic segmentation?

<p>Resampling features at different scales for more accurate region classification</p> Signup and view all the answers

What are the two main streams of methods in Instance Segmentation?

<p>Proposal based and Segmentation based</p> Signup and view all the answers

What is the architecture that builds upon Faster-RCNN in the case of MaskRCNN for Instance Segmentation?

<p>Region of Interest (RoI) proposal based architecture</p> Signup and view all the answers

What is the primary function of the RoI proposal based approach in Instance Segmentation?

<p>Propose possible regions of interest where an object might be found and extract features from that region</p> Signup and view all the answers

What is the main difference between proposal based and segmentation based methods in Instance Segmentation?

<p><strong>Proposal based</strong> methods propose possible regions of interest where an object might be found, while <strong>segmentation based</strong> methods start from segmentation as the first objective.</p> Signup and view all the answers

MaskRCNN is an extension of which object detection architecture?

<p><strong>Faster-RCNN</strong></p> Signup and view all the answers

Semantic Segmentation aims to classify each pixel in an image into a specific class. What technique does DeepLab-v3 use to capture spatial context information effectively?

<p><strong>Dilated convolutions</strong> and <strong>Atrous Spatial Pyramid Pooling</strong></p> Signup and view all the answers

How does Atrous Spatial Pyramid Pooling in DeepLab-v3 implement the idea of resampling features at different scales?

<p>Using a combination of atrous convolutions and global average pooling</p> Signup and view all the answers

What is the formula for calculating the height of the output volume (Hout) in a convolutional layer?

<p>Hout = Hin + 2 * padding - dilation * (kernel size - 1) - 1 + 1</p> Signup and view all the answers

How does the 'zero-padding' hyperparameter affect the output volume in convolutional neural networks?

<p>It increases the spatial size of the output volume.</p> Signup and view all the answers

What is the purpose of the hyperparameter 'stride' in convolutional neural networks?

<p>To control the step taken when sliding the filter.</p> Signup and view all the answers

How does Atrous Spatial Pyramid Pooling in DeepLab-v3 implement the idea of resampling features at different scales?

<p>By dilating the filters to capture spatial context at different scales.</p> Signup and view all the answers

What is the constraint on strides in convolutional neural networks?

<p>The result of the division has to be an integer.</p> Signup and view all the answers

What is the purpose of parameter sharing in convolutional neural networks?

<p>To control the number of learnable parameters.</p> Signup and view all the answers

What is the primary focus of YOLOv3 compared to its predecessors?

<p>Improvement focus on accuracy and speed</p> Signup and view all the answers

Which factor contributes to the struggles of original YOLO in detecting objects of small sizes that appear in groups?

<p>Limited number of grid cells predicting only two boxes</p> Signup and view all the answers

What is the purpose of using anchor boxes in YOLOv2?

<p>To scale the predicted box w.r.t. defined anchor boxes</p> Signup and view all the answers

What is the key difference in the activation function used in YOLO v1 as compared to YOLO v2?

<p>Use of Leaky ReLU function in YOLO v2 instead of ReLU</p> Signup and view all the answers

What does the YOLO algorithm use to optimize directly for detection of objects?

<p>Bounding box regression</p> Signup and view all the answers

Which feature is emphasized in YOLOv2 to tackle the vanishing gradient problem?

<p>Batch Normalization on all layers</p> Signup and view all the answers

What is the metric used to force predicted output boxes to coincide with ground truth in YOLO v1?

<p>Intersection Over Union (IOU)</p> Signup and view all the answers

How does YOLOv1 process frames compared to its competitors at the time?

<p>Processes frames in real time and uses a single pipeline for detection and localization</p> Signup and view all the answers

What is the limitation related to small bounding boxes versus large bounding boxes in the original YOLO architecture?

<p>'Struggles with objects of small sizes that appear in groups'</p> Signup and view all the answers

What inspired the architecture of YOLO v1?

<p>Inspired by GoogLeNet</p> Signup and view all the answers

What is the philosophy behind the inception module in GoogleNet?

<p>Designing good local network topology and stacking the modules on top of another</p> Signup and view all the answers

What is the main purpose of using a global average pooling layer in GoogleNet?

<p>To spatially average across each feature map before the final FC layer</p> Signup and view all the answers

What is the primary function of a skip connection in Residual Network (ResNet)?

<p>To fit residual F(x) = H(x) − x, rather than H(x) directly</p> Signup and view all the answers

What is the key aspect focused on in ResNeXt for network performance?

<p>Implementing multi-branch aggregated transformations</p> Signup and view all the answers

What is the main takeaway regarding feature reuse in Wide Residual Networks?

<p>Diminishing feature reuse can be addressed by using residual blocks</p> Signup and view all the answers

What is the purpose of using grouped convolutions in ResNeXt?

<p>Implementing multi-branch aggregated transformations for improved network performance</p> Signup and view all the answers

What is the purpose of the RoI Pooling in the Faster R-CNN architecture?

<p>To extract features from the convolutional feature map for region proposals</p> Signup and view all the answers

What fundamental concepts are associated with Faster R-CNN?

<p>Region Proposal Network, Anchor Boxes, RoI Pooling</p> Signup and view all the answers

What changes were made in Mask-RCNN in comparison to Faster R-CNN?

<p>All of the above</p> Signup and view all the answers

What is the function of the Anchor Boxes in Faster R-CNN?

<p>To propose regions where objects might be found</p> Signup and view all the answers

What are the downsampling ratios of CNN feature maps used in Anchor Boxes for object detection?

<p>3 different scales, 3 different aspect ratios</p> Signup and view all the answers

What is the main drawback that deformable convolutions aim to address?

<p>Limited sampling points only from the discrete grid</p> Signup and view all the answers

What is the key improvement of RoI Align Layer over RoI Pooling?

<p>Avoids quantization of RoI coordinates or spatial bins to feature map grid</p> Signup and view all the answers

What is the trade-off made by setting a constant spatial-offset (k, x, y) for each channel C in deformable convolutions?

<p>Between modelling capacity and compute</p> Signup and view all the answers

What is the role of the backbone network (VGG-16) in Faster RCNN?

<p>To feed the Region Proposal Network and the Class and BBox regressor network</p> Signup and view all the answers

What changes were made in Mask-RCNN in comparison to Faster R-CNN?

<p>All of the above</p> Signup and view all the answers

Which task is an example of using Recurrent Neural Networks (RNNs) for sequential processing of non-sequence data?

<p>Classifying images by taking a series of 'glimpses'</p> Signup and view all the answers

What is the purpose of the Elman RNN model?

<p>Modeling sequential data</p> Signup and view all the answers

Which type of task involves translating a sequence of words into another sequence of words using RNNs?

<p>Translation</p> Signup and view all the answers

What concept addresses the issue of vanishing and exploding gradients in RNN training?

<p>LSTM Intuitions</p> Signup and view all the answers

In the context of RNNs, what is the primary focus of LSTM?

<p>Addressing vanishing and exploding gradients</p> Signup and view all the answers

Which task involves classifying images by taking a series of 'glimpses'?

<p>Sequential Processing of Non-Sequence Data</p> Signup and view all the answers

What is the primary reason for using LSTM in RNNs?

<p>Addressing vanishing and exploding gradients</p> Signup and view all the answers

What is a key feature of using RNNs for image captioning?

<p>Generating images one piece at a time</p> Signup and view all the answers

'Drawing a Recurrent Neural Network For Image Generation' is associated with which task?

<p>'Generating images one piece at a time'</p> Signup and view all the answers

How does 'Video classification on frame level' relate to the application of Recurrent Neural Networks (RNNs)?

<p>It involves processing non-sequence data sequentially</p> Signup and view all the answers

What is the purpose of truncated backpropagation through time (TBPTT)?

<p>To carry hidden states forward in time forever and backpropagate for some smaller number of steps</p> Signup and view all the answers

What is the main difference between Long Short Term Memory (LSTM) and vanilla RNN in terms of preserving information over many timesteps?

<p>LSTM provides an easier way for the model to learn long-distance dependencies, while vanilla RNN does not</p> Signup and view all the answers

What does the LSTM architecture make easier for the RNN in terms of gradient flow?

<p>Balancing gradient values through forget, input, and output gates</p> Signup and view all the answers

What is the primary focus of Long Short Term Memory (LSTM) compared to vanilla RNN?

<p>Preserving information over many timesteps</p> Signup and view all the answers

What is the main advantage of using Long Short Term Memory (LSTM) over vanilla RNN?

<p>Learning long-distance dependencies</p> Signup and view all the answers

What is the role of the input gate (i) in the LSTM cell?

<p>Scales input to cell (write)</p> Signup and view all the answers

What does TBPTT(k1, k2), where k1 < 1, lead to?

<p>Exploding gradients</p> Signup and view all the answers

What is the significance of the forget gate (f) in the LSTM cell?

<p>'Scales old cell values (reset memory)'</p> Signup and view all the answers

What does Truncated BPTT (TBPTT) with n=1 imply?

<p>The network likely does not have enough temporal context to learn, relying heavily on internal state and inputs</p> Signup and view all the answers

Which paper discusses 'Batch-instance normalization for adaptively style-invariant neural networks'?

<p>Nam &amp; Kim, 2018</p> Signup and view all the answers

In which conference was 'Group normalization' presented?

<p>European conference on computer vision (ECCV)</p> Signup and view all the answers

Which paper introduces 'Semantic image synthesis with spatially-adaptive normalization'?

<p>Park et al., 2019</p> Signup and view all the answers

Who presented the concept of 'Micro-batch training with batch-channel normalization and weight standardization'?

<p>Qiao et al., 2019</p> Signup and view all the answers

Which paper discusses 'Batch-instance normalization for adaptively style-invariant neural networks'?

<p>[Nam &amp; Kim, 2019]</p> Signup and view all the answers

What is the primary focus of Dense captioning Events in Videos?

<p>Describing events in a video with dense natural language descriptions</p> Signup and view all the answers

What does the term 'Vanilla RNN Model' refer to?

<p>A recurrent neural network model with a single hidden layer</p> Signup and view all the answers

What task is an example of using Recurrent Neural Networks (RNNs) for sequential processing of non-sequence data?

<p>Image classification</p> Signup and view all the answers

What is the key aspect focused on in Sequence to Sequence Learning with Neural Networks?

<p>Producing output sequence from a single input vector</p> Signup and view all the answers

What is the purpose of applying operators to an image in the spatial domain?

<p>Representing an image as a function</p> Signup and view all the answers

What does the term 'receptive field' refer to in the context of convolutional layers in CNNs?

<p>The region of the input space that a particular feature is looking at</p> Signup and view all the answers

What is the function of the RoI proposal based approach in Instance Segmentation?

<p>Proposing regions likely to contain objects of interest</p> Signup and view all the answers

Semantic Segmentation aims to classify each pixel in an image into a specific class. What technique does DeepLab-v3 use to capture spatial context information effectively?

<p><strong>Atrous (with holes) convolution</strong></p> Signup and view all the answers

What does the loss function in logistic regression equal to?

<p>Cross-entropy loss</p> Signup and view all the answers

What is a disadvantage of using BatchNorm in tasks such as video prediction, segmentation, and medical image processing?

<p>Small batch size leads to inaccurate estimates</p> Signup and view all the answers

In what scenario is Layer Normalization suitable?

<p>When the statistics need to be independent of the batch</p> Signup and view all the answers

What is the primary advantage of Instance Normalization?

<p>It computes statistics across channels and spatial dimensions</p> Signup and view all the answers

What problem can arise in classification tasks when using Batch Instance Normalization?

<p>Style information as the discriminating factor</p> Signup and view all the answers

When can Group Normalization be used?

<p>For object detection tasks with large batch sizes</p> Signup and view all the answers

In what scenario is Adaptive Instance Normalization used for channel-wise alignment?

<p>For style transfer in image classification tasks</p> Signup and view all the answers

What does Batch Instance Normalization learn to control?

<p>How much style information to propagate through each channel</p> Signup and view all the answers

What is the primary advantage of Group Normalization over Layer Normalization?

<p>Stable across a greater range of batch sizes</p> Signup and view all the answers

In what scenarios is Layer Normalization primarily used?

<p>'Frame wise' normalization at each time step across batch</p> Signup and view all the answers

What is the main difference between Layer Normalization and Instance Normalization?

<p>'Frame wise' normalization vs. 'channel wise' normalization</p> Signup and view all the answers

What problem does the Reformer architecture address?

<p>All of the above</p> Signup and view all the answers

What is the key idea behind Linformer for reducing memory complexity?

<p>All of the above</p> Signup and view all the answers

How is attention interpreted in the context of kernel interpretation?

<p>As the Gram Matrix of an exponential kernel</p> Signup and view all the answers

What is the primary function of the FAVOR+ mechanism in Performer?

<p>Utilizing positive orthogonal random features for fast attention computation</p> Signup and view all the answers

What does the FAVOR+ mechanism approximate using positive orthogonal random features?

<p>$\phi(Q) \times \phi(K)^T$</p> Signup and view all the answers

When is adding recurrence useful for long sequences?

<p>When dealing with very long sequences or when previous approaches do not fit in available hardware</p> Signup and view all the answers

What problem does Transformer-XL address?

<p>Storing forward-pass activations for each transformer layer</p> Signup and view all the answers

What does Truncated BPTT (TBPTT) with $n=1$ imply?

<p>$n$-step unrolling of the forward pass during backpropagation through time</p> Signup and view all the answers

What is the primary purpose of the Logistic Sigmoid Function in logistic regression?

<p>Mapping input values to probabilities between 0 and 1</p> Signup and view all the answers

What does the term 'receptive field' refer to in the context of convolutional layers in CNNs?

<p>The region in the input volume that affects a unit in the convolutional layer</p> Signup and view all the answers

In the context of efficient attention, which technique involves dividing the sequence into local blocks and restricting attention within them?

<p>Blockwise Patterns</p> Signup and view all the answers

What attention pattern reduces time complexity to be linear in sequence length and window size?

<p>Diagonal (sliding window) Patterns</p> Signup and view all the answers

Which example of efficient attention pattern showcases the use of sliding, strided, and global attention patterns?

<p>Longformer</p> Signup and view all the answers

In the context of efficient attention, which pattern is applied to a few special tokens that are often prepended to the sequence and is usually combined with other attention patterns?

<p>Global Attention Patterns</p> Signup and view all the answers

Which technique showcases the use of dilation configurations, multi-headed attention, and position embeddings?

<p>Longformer</p> Signup and view all the answers

What efficient attention pattern involves reaching a receptive field that can be 10^4 tokens wide for small values of d?

<p>Dilated Sliding Window</p> Signup and view all the answers

Which technique showcases the use of global, sliding, and random patterns of token blocks?

<p>BigBird</p> Signup and view all the answers

Which efficient attention pattern showcases the use of sliding window and global attention patterns in addressing the problem of handling large documents?

<p>Longformer</p> Signup and view all the answers

Which type of GNN layer is useful for homophilous graphs and is highly scalable?

<p>Attentional GNN</p> Signup and view all the answers

In which GNN layer are the features of neighbors aggregated with implicit weights (attention)?

<p>Attentional GNN</p> Signup and view all the answers

Which GNN layer computes arbitrary vectors (messages) to be sent across edges?

<p>Message-passing GNN</p> Signup and view all the answers

Which function defines a neighborhood aggregation function according to the given model design overview?

<p>Loss function on the embeddings</p> Signup and view all the answers

What is the primary model mentioned for building and training GNNs in the given text?

<p>GCN</p> Signup and view all the answers

Which type of GNN layer is ideal for computational chemistry, reasoning, and simulation tasks?

<p>Message-passing GNN</p> Signup and view all the answers

In which GNN layer do edges give a 'recipe' for passing data and may have scalability or learnability issues?

<p>Message-passing GNN</p> Signup and view all the answers

What is the common feature of GraphNets, Interaction Nets, and MPNN?

<p>&quot;Middle ground&quot; w.r.t. capacity, scale, interpretability</p> Signup and view all the answers

What is the correct definition of permutation invariance for 𝑓(𝐗)?

<p>𝑓(𝐗) is permutation invariant if, for all permutation matrices 𝐏: 𝑓[𝐏𝐗] = 𝑓[𝐗]</p> Signup and view all the answers

Which type of model is suitable for set-level outputs?

<p>Deep Sets model</p> Signup and view all the answers

What is the purpose of extracting neighbourhood features in graph neural networks?

<p>To enforce locality in equivariant set functions</p> Signup and view all the answers

For graph neural networks, which operation ensures permutation equivariance?

<p>Applying a local function to every node in isolation</p> Signup and view all the answers

What is the main difference between permutation invariance and equivariance on graphs?

<p>Permutations now also accordingly act on the edges in equivariance</p> Signup and view all the answers

What does it mean to ensure equivariance for graph neural networks?

<p>Ensuring the local function does not depend on the order of nodes</p> Signup and view all the answers

What is a common lingo used for the shared application of a local permutation-invariant function in graph neural networks?

<p>&quot;GNN layer&quot;</p> Signup and view all the answers

What is the primary focus of Graph Neural Networks (GNNs)?

<p>Obtaining embeddings of information contained in graphs for use in deep learning pipelines</p> Signup and view all the answers

What are some examples of structured data that are ever present and can be represented as graphs?

<p>User preference/consumption and social network graphs</p> Signup and view all the answers

What is the recent and hot topic in machine learning research as mentioned in the text?

<p>Graph Neural Networks (GNNs)</p> Signup and view all the answers

What is the challenge addressed by Graph Neural Networks (GNNs) as stated in the text?

<p>Applying deep learning techniques to graph-based information representations</p> Signup and view all the answers

In what real-world applications have Graph Neural Networks (GNNs) made an impact, as mentioned in the text?

<p>Drug discovery and fake news detection on social media</p> Signup and view all the answers

What is the primary function of Graph Convolutional Networks as part of GNN models?

<p>Applying convolution operations to graph-structured data</p> Signup and view all the answers

What is the main focus of Graph Attentional Networks, a foundational GNN model?

<p>Learning attention weights over graph nodes for message passing</p> Signup and view all the answers

What is the general framework for building and training GNNs, as mentioned in the text?

<p>'Message passing' and aggregation over neighborhood nodes</p> Signup and view all the answers

In what scenarios have GNNs broken into the real world, as mentioned in the text?

<p>'Drug discovery' including for COVID-19 treatment</p> Signup and view all the answers

Structured data is ever present. How can we apply deep learning techniques to graph-based information representations?

<p>By leveraging MPNNs to perform message passing over the graph structure.</p> Signup and view all the answers

What is the main challenge in deep learning for graph data when it comes to mapping nodes to d-dimensional embeddings?

<p>Learning the mapping function f</p> Signup and view all the answers

What is the desirable property for a graph convolutional layer in terms of parameters?

<p>Fixed number of parameters (independent of input size)</p> Signup and view all the answers

What is the goal of the encoder in the context of deep learning methods based on graph neural networks (GNNs)?

<p>Mapping each node to a low-dimensional vector</p> Signup and view all the answers

What are the tasks that can be solved with GNNs according to the text?

<p>Node classification, link prediction, and community detection</p> Signup and view all the answers

What is the primary challenge associated with networks in comparison to simple sequences and grids?

<p>Arbitrary size and complex topological structure</p> Signup and view all the answers

What is the purpose of symmetry group 𝔊 and its group element 𝔤 in the context of learning on sets?

<p>Permutations and permutation matrices for changing node order</p> Signup and view all the answers

What does permutation invariance aim to achieve in functions 𝑓(𝐗) over sets?

<p>Result should not depend on the order</p> Signup and view all the answers

What does learning on sets initially assume about the graph being analyzed?

<p>No edges in the graph (i.e. Ω = 𝒱, set of nodes)</p> Signup and view all the answers

What does the symmetry group 𝔊 consist of in the context of learning on sets?

<p>|𝒱|-element Permutation group Σ𝒱</p> Signup and view all the answers

What is the useful notion that arises from permutation invariance according to the text?

<p>Permutation invariance for functions over sets</p> Signup and view all the answers

What is the main purpose of Transformer-XL's relative position encoding scheme?

<p>To facilitate the recurrence strategy</p> Signup and view all the answers

In the context of efficient attention, what does Transformer XL's query content to key content Uj replaced with its relative position counterpart signify?

<p>Attending to some positions more than others</p> Signup and view all the answers

What is the distinctive feature of Longformer, as compared to other efficient transformers?

<p>Facilitation of long document understanding</p> Signup and view all the answers

In the arena of efficient transformers, what does Long-Range Arena Challenge benchmark primarily aim to assess?

<p>Performance in handling long-range dependencies</p> Signup and view all the answers

According to the provided text, what is the main focus of the Big Bird transformer?

<p>Efficiently processing longer sequences</p> Signup and view all the answers

What does the 'Reformer' model primarily aim to achieve?

<p>Efficiently processing and understanding long documents</p> Signup and view all the answers

What is the key aspect focused on in Linformer for network performance enhancement?

<p>Efficient self-attention with linear complexity</p> Signup and view all the answers

What is the primary focus of Rethinking Attention with Performers in terms of attention mechanisms?

<p>'Self-attention with linear complexity' incorporation</p> Signup and view all the answers

According to the provided text, what is the main focus of Efficient transformers: A survey by Tay et al?

<p>'Long-document understanding' benchmarking</p> Signup and view all the answers

What is the role of Efficient transformers: A survey by Tay et al in the context of transformer models?

<p>'Efficient transformers' benchmarking and assessment</p> Signup and view all the answers

What is the formula for the loss function in linear regression?

<p>$J(\theta) = \sum_{i=1}^{n} (y_i - \theta_1 - x_i\theta_2)$</p> Signup and view all the answers

What does the Logistic Sigmoid Function do?

<p>Squeezes the input into a probability space</p> Signup and view all the answers

What is the purpose of Maximum Likelihood Estimation (MLE) in logistic regression?

<p>Maximizing likelihood of making the observations given the parameters</p> Signup and view all the answers

What is the distribution used to denote the probability of a binary output in logistic regression?

<p>Bernoulli distribution</p> Signup and view all the answers

What property does Maximum Likelihood Estimation (MLE) have for i.i.d. data?

<p>Maximizes likelihood of making the observations given the parameters</p> Signup and view all the answers

What does Cross-Entropy measure in logistic regression?

<p>Uncertainty associated with a random variable</p> Signup and view all the answers

What does the Logistic regression model specify for binary output given an input?

<p>Probabilities of positive and negative classes</p> Signup and view all the answers

What is the purpose of the Hessian matrix in optimization?

<p>To find the minimum or maximum of a function</p> Signup and view all the answers

What does the gradient vector represent in the context of optimization?

<p>The rate of change of the function with respect to the independent variables</p> Signup and view all the answers

In optimization, what role does the gradient descent algorithm play?

<p>To find the minimum of a function by iteratively moving in the direction opposite to the gradient</p> Signup and view all the answers

What is the primary purpose of Stochastic Gradient Descent (SGD) in optimization?

<p>To handle large datasets efficiently</p> Signup and view all the answers

In the context of optimization, what does the Hessian matrix's diagonal represent?

<p>The curvature of the function along each variable axis</p> Signup and view all the answers

What is the significance of second-order derivatives in optimization?

<p>They determine whether a critical point is a minimum, maximum, or saddle point</p> Signup and view all the answers

What is the key concept behind second-order optimization methods?

<p>Utilizing both first and second derivatives for optimization</p> Signup and view all the answers

What does the term 'stochastic' refer to in Stochastic Gradient Descent (SGD)?

<p>It refers to using random subsets of data for each iteration</p> Signup and view all the answers

What distinguishes second-order optimization methods from gradient descent?

<p>'Utilizing both first and second derivatives for optimization'</p> Signup and view all the answers

What does the Hessian matrix help determine in optimization?

<p>The curvature and nature of critical points</p> Signup and view all the answers

What distinguishes Stochastic Gradient Descent (SGD) from traditional gradient descent?

<p>Random selection of subsets from large datasets for each iteration</p> Signup and view all the answers

What does the gradient vector help determine in optimization?

<p>The rate of change with respect to independent variables</p> Signup and view all the answers

What is the primary function of a Convolution Layer in a CNN?

<p>To apply a filter to the input volume and produce an output map</p> Signup and view all the answers

What is the disadvantage of using a Fully Connected Layer in a CNN?

<p>Loss of information about spatial arrangement of pixels</p> Signup and view all the answers

In the context of CNNs, what does the term 'receptive field' refer to?

<p>The spatial extent of local connectivity of each neuron</p> Signup and view all the answers

What is the primary purpose of applying a filter in a Convolution Layer?

<p>To capture spatial features from the input volume</p> Signup and view all the answers

For an input volume of 32 × 32 × 3 and applying a filter of size 5 × 5 × 3, what is the dimension of the output map?

<p>28 × 28 × 1</p> Signup and view all the answers

What is the primary objective of connecting each neuron to only a local region of the input volume in a Convolution Layer?

<p>To capture detailed spatial information from the input volume</p> Signup and view all the answers

What is the primary advantage of using depthwise separable convolution?

<p>Reduced computational load and fewer kernel parameters</p> Signup and view all the answers

What is the main purpose of using a pooling layer in a convolutional neural network?

<p>To modify the input volume into a smaller and more manageable representation</p> Signup and view all the answers

What is the purpose of batch normalization in convolutional neural networks?

<p>To address covariate-shift problem and enable higher learning rates</p> Signup and view all the answers

What is a distinctive feature of VGG-16 architecture compared to other classic networks?

<p>Uses only 3x3 convolutions with stride 1 and 2x2 max pool with stride 2</p> Signup and view all the answers

What does the transpose convolution operation aim to achieve?

<p>Upsampling and capturing spatial information</p> Signup and view all the answers

What problem does ReLU activation function primarily address in CNNs?

<p>Vanishing gradient problem for deeper networks</p> Signup and view all the answers

What is the primary reason for using Mosaic Data Augmentation in YOLOv4?

<p>To improve performance on small object detection</p> Signup and view all the answers

Why does YOLOv4 choose CSPDarknet53 as the backbone network?

<p>To compromise in receptive field size and FPS</p> Signup and view all the answers

What is the main limitation of Temporal Convolutional Network (TCN) for sequence modeling?

<p>Limitations in test/evaluation mode</p> Signup and view all the answers

In what way does InceptionTime reduce variance in classification performance?

<p>By using ensembling with multiple network architectures</p> Signup and view all the answers

What is the purpose of Adaptive Feature Pooling in YOLOv4?

<p>To aggregate features from all levels of the bottom up path</p> Signup and view all the answers

How does Path Aggregation Net contribute to YOLOv4?

<p>By aggregating features from several stages of the feature extractor network</p> Signup and view all the answers

What is a key task that can be solved using Recurrent Neural Networks (RNNs) according to the provided text?

<p>Image Captioning</p> Signup and view all the answers

In what scenario is the generation of images one piece at a time discussed in the provided text?

<p>Sequential Processing of Non-Sequence Data</p> Signup and view all the answers

What type of data processing is discussed in the context of classifying images by taking a series of 'glimpses'?

<p>Sequential Processing of Non-Sequence Data</p> Signup and view all the answers

What is the primary focus of Long Short Term Memory (LSTM) compared to vanilla RNN according to the provided text?

<p>Mitigating vanishing and exploding gradients</p> Signup and view all the answers

In logistic regression, what does the loss function represent?

<p>The measure of uncertainty associated with a random variable.</p> Signup and view all the answers

What is one task that can be solved with Recurrent Neural Networks (RNNs) according to the provided text?

<p>Language Translation</p> Signup and view all the answers

What is the primary application of sequence-to-sequence models?

<p>Machine translation</p> Signup and view all the answers

What is the purpose of the encoder in a sequence-to-sequence model?

<p>To generate the context vector</p> Signup and view all the answers

What is the significance of using teacher forcing in sequence-to-sequence models?

<p>It allows the model to learn from its own predictions</p> Signup and view all the answers

In a sequence-to-sequence model, when is the loop broken during decoding?

<p>When the decoder predicts the (END) token</p> Signup and view all the answers

What is a key advantage of sequence-to-sequence models?

<p>They can work with variable-length input and output sequence pairs</p> Signup and view all the answers

What type of models are seq2seq models commonly referred to as?

<p>Encoder-decoder models</p> Signup and view all the answers

What does the decoder receive during the forward pass in a seq2seq model?

<p>Input and context vector</p> Signup and view all the answers

What does the context vector represent in a seq2seq model?

<p>The context of the whole input sequence</p> Signup and view all the answers

What is the primary function of the decoder in a seq2seq model?

<p>To predict the next input token</p> Signup and view all the answers

Which task can be performed using seq2seq models?

<p>Text summarization</p> Signup and view all the answers

What is achieved by using RNNs again in the decoder of a seq2seq model?

<p>Decoding of the 'context' vector</p> Signup and view all the answers

What is an advantage of using seq2seq models in auto-encoding setup?

<p>It enables self-learning capabilities in the model</p> Signup and view all the answers

What is the primary purpose of the relative position encoding scheme in Transformer-XL?

<p>To facilitate the recurrence strategy</p> Signup and view all the answers

What is the key aspect focused on in Reformer for network performance enhancement?

<p>Linear complexity self-attention</p> Signup and view all the answers

In Efficient Attention, what is the purpose of adding a component that feeds the hidden states of previous segments as inputs to current segment layers in Transformer-XL?

<p>Facilitating the recurrence strategy</p> Signup and view all the answers

What is the main idea behind Linformer for network performance enhancement?

<p>Self-attention with linear complexity</p> Signup and view all the answers

Which paper introduces 'Semantic image synthesis with spatially-adaptive normalization'?

<p>Choromanski et al., 2020, Rethinking Attention with Performers</p> Signup and view all the answers

What is the function of the Anchor Boxes in Faster R-CNN?

<p>To encode position-sensitive information about objects</p> Signup and view all the answers

What is the primary focus of Rethinking Attention with Performers in terms of attention mechanisms?

<p>Efficient attention patterns</p> Signup and view all the answers

What is the recent and hot topic in machine learning research as mentioned in the text?

<p>'A Survey of Methods for Incorporating Long-Term Context'</p> Signup and view all the answers

What is the primary reason for using LSTM in RNNs?

<p>To facilitate the recurrence strategy</p> Signup and view all the answers

What is a key feature of using RNNs for image captioning?

<p>Capturing sequential dependencies</p> Signup and view all the answers

What is the primary focus of the Long-Range Arena Challenge benchmark?

<p>Evaluating the efficiency of attention mechanisms in transformers</p> Signup and view all the answers

In Transformer-XL, what is the purpose of the relative position encoding scheme?

<p>To facilitate the recurrence strategy for long sequences</p> Signup and view all the answers

What distinguishes Longformer from other efficient transformers?

<p>It is designed for processing longer sequences</p> Signup and view all the answers

Which paper introduces the concept of Big Bird: Transformers for longer sequences?

<p>Zaheer et al., 2020</p> Signup and view all the answers

What do performers in Rethinking Attention with Performers focus on?

<p>Efficient computation of attention without full attention matrices</p> Signup and view all the answers

According to the given text, what does Efficient transformers: A survey primarily focus on?

<p>Providing an overview and comparison of efficient transformers</p> Signup and view all the answers

Which paper introduces Linformer: Self-attention with linear complexity?

<p>Wang et al., 2020</p> Signup and view all the answers

Which method for missing value imputation can be computationally intensive when the dataset is very large?

<p>k-NN imputation</p> Signup and view all the answers

What is the main purpose of Seasonal and Trend Decomposition using Loess (STL)?

<p>To estimate models for seasonal, trend, and residual components independently</p> Signup and view all the answers

What transformation function can be applied to obtain variance stabilization in data?

<p>Box-Cox transform</p> Signup and view all the answers

When is Mean Normalization useful or required in time series data?

<p>When the numeric values in the time series are large</p> Signup and view all the answers

What does the AR component of ARIMA attempt to predict?

<p>Future values based on past values</p> Signup and view all the answers

What does the I (Integrated) model component in ARIMA expect of the time series?

<p>To be stationary</p> Signup and view all the answers

What is the primary purpose of using (partial-) Auto Correlation Function plots in ARIMA?

<p>To determine the appropriate hyperparameters AR(p), MA(q), and I(d)</p> Signup and view all the answers

According to the provided text, what does RNN stand for in the context of time series forecasting?

<p>Recurrent Neural Networks</p> Signup and view all the answers

What benchmarking paper is referenced for Recurrent Neural Networks (RNNs) in time series forecasting?

<p>Hewamalage et al. (2021). Recurrent neural networks for time series forecasting: Current status and future directions.</p> Signup and view all the answers

What post-processing step is required for final error metric computation when using RNN models for time series forecasting?

<p>Reverse trend normalization by subtracting the trend value of the last input point.</p> Signup and view all the answers

Which type of graphs are considered a generalization of images according to the text?

<p>Grid graphs</p> Signup and view all the answers

What is a desirable property for a graph convolutional layer according to the text?

<p>Specifying different importances to different neighbors</p> Signup and view all the answers

What property does a function 𝑓(𝐗) have if, for all permutation matrices 𝐏, 𝑓 𝐏𝐗 = 𝑓 𝐗?

<p>Permutation invariance</p> Signup and view all the answers

What is the goal of the similarity function mentioned in the text?

<p>To specify relationships in the original network</p> Signup and view all the answers

In the context of deep sets, what is the critical operation for the sum aggregation?

<p>Sum aggregation</p> Signup and view all the answers

In the context of graph neural networks, what does the term 'neighbourhood' refer to?

<p>A node's 1-hop connectivity</p> Signup and view all the answers

What is an example task that can be solved with Graph Neural Networks (GNNs) according to the text?

<p>Node classification</p> Signup and view all the answers

What are networks far more complex than, according to the text?

<p>Dynamic networks</p> Signup and view all the answers

What is the main difference between permutation invariance and permutation equivariance on graphs?

<p>Permutations acting on edges</p> Signup and view all the answers

What operation is necessary to construct permutation equivariant functions on graphs?

<p>Local permutation-invariant function</p> Signup and view all the answers

What is the focus of learning on sets, as mentioned in the text?

<p>Learning on unordered sets</p> Signup and view all the answers

What is the primary focus of Graph Neural Networks (GNNs)?

<p>Learning on graph-structured data</p> Signup and view all the answers

What does the symmetry group 𝔊 aim to achieve in the context of learning on sets?

<p>To change node order</p> Signup and view all the answers

What does permutation invariance aim to achieve according to the text?

<p>Consistency irrespective of feature ordering</p> Signup and view all the answers

What is a useful notion achieved by permutation invariance as stated in the text?

<p>Permutation equivariance</p> Signup and view all the answers

What is emphasized as a distinctive feature of networks compared to simple sequences & grids, according to the text?

<p>Dynamic topological structure</p> Signup and view all the answers

What is the primary purpose of Graph Neural Networks (GNNs) as stated in the text?

<p>To apply deep learning techniques to graph-based information representations</p> Signup and view all the answers

What is the main challenge addressed by Graph Neural Networks (GNNs) according to the text?

<p>Obtaining embeddings of information contained in graphs</p> Signup and view all the answers

What is one of the recent and hot topics in machine learning research, as mentioned in the text?

<p>Drug discovery, including for COVID-19</p> Signup and view all the answers

Which type of data is mentioned as an example of structured data that is ever present?

<p>Knowledge graphs</p> Signup and view all the answers

Where has Graph Neural Networks (GNNs) broken into the real world, according to the text?

<p>Drug discovery, including for COVID-19</p> Signup and view all the answers

What are some examples of applications of GNNs mentioned in the text?

<p>Drug discovery and fake news detection on social media</p> Signup and view all the answers

What is described as one of the fastest growing areas at ICLR (International Conference on Learning Representations) in recent years?

<p>Graph Neural Networks (GNNs)</p> Signup and view all the answers

What does the text describe as a challenge related to structured data?

<p>Applying deep learning techniques to graph-based information representations</p> Signup and view all the answers

Where can Graph Neural Networks be applied according to the text?

<p>Detecting fake news on social media platforms</p> Signup and view all the answers

What is mentioned as a potential application area of Graph Neural Networks?

<p>Detecting anomalies in network traffic data</p> Signup and view all the answers

Which type of GNN features neighbors aggregated with fixed weights?

<p>Convolutional GNN</p> Signup and view all the answers

Which GNN type computes arbitrary vectors (messages) to be sent across edges?

<p>Message-passing GNN</p> Signup and view all the answers

Which GNN type features neighbors aggregated with implicit weights (attention)?

<p>Attentional GNN</p> Signup and view all the answers

Which function is used to compute the attention weights in the Attentional GNN?

<p>$\alpha# = a(\phi(x#), \psi(x))$</p> Signup and view all the answers

What is the key feature of the Message-passing GNN?

<p>Arbitrary message computation</p> Signup and view all the answers

What is the primary application of the Convolutional GNN?

<p>Homophilous graphs</p> Signup and view all the answers

Which model is useful for computational chemistry, reasoning, and simulation tasks?

<p>Message-passing GNN</p> Signup and view all the answers

What is shared for all nodes in Graph Neural Networks?

<p>$W$ parameters</p> Signup and view all the answers

In Graph Neural Networks, what does the aggregation function $z=$ represent?

<p>Neighborhood aggregation function</p> Signup and view all the answers

In Graph Convolutional Networks (GCN), what does each node compute as a message?

<p>An arbitrary vector to be sent across edges</p> Signup and view all the answers

What does a convolution product between two functions f and g represent in the continuous case?

<p>The integral of the multiplication of the functions over all time</p> Signup and view all the answers

In the discrete case, what does (f ∗ g )(n) represent?

<p>The sum of the multiplication of the functions at different positions</p> Signup and view all the answers

How is an RGB image represented as a function in the spatial domain?

<p>As a 3D function mapping to a single value</p> Signup and view all the answers

What is involved in the convolution operation on images?

<p>Multiplication of pixel values with a convolution kernel</p> Signup and view all the answers

What does the convolution operation in spatial domain imply?

<p>Feature extraction and pattern recognition in images</p> Signup and view all the answers

What does O(i, j) = I ∗ K represent in the context of convolution operation on images?

<p>The element-wise multiplication of input image and convolution kernel</p> Signup and view all the answers

What are the dimensions of the output map after applying a filter of size 5 × 5 × 3 to an input volume of 32 × 32 × 3?

<p>28 × 28 × 1</p> Signup and view all the answers

Which hyperparameter controls the step taken when sliding the filter?

<p>Stride</p> Signup and view all the answers

What is the primary purpose of parameter sharing in CNNs?

<p>To reduce the computational cost</p> Signup and view all the answers

In the context of PyTorch's Conv2D class, what does the formula Hout = Hin +2∗padding −dilation∗(kernel size−1)−1 +1 represent?

<p>Calculation for output height</p> Signup and view all the answers

What is the constraint on strides as mentioned in the text?

<p>The result of division by stride has to be an integer</p> Signup and view all the answers

What is the main function of the 'groups' parameter in PyTorch's Conv3D class?

<p>To specify the number of groups in a filter</p> Signup and view all the answers

What is the dimension of the output map if a filter of size 5 × 5 × 3 is applied to an input volume of dimension 32 × 32 × 3?

<p>28 × 28 × 1</p> Signup and view all the answers

What is the primary disadvantage of using a Fully Connected Layer in a CNN?

<p>Loss of spatial information</p> Signup and view all the answers

What does a Convolution Layer with a kernel (filter) of size 5 × 5 × 3 aim to achieve for an input volume of dimension 32 × 32 × 3?

<p>Feature extraction through local connectivity</p> Signup and view all the answers

What is the spatial extent of the local connectivity of each neuron in a Convolution Layer?

<p>Receptive Field</p> Signup and view all the answers

What is the primary function of a Pooling Layer in a CNN?

<p>Downsampling and feature reduction</p> Signup and view all the answers

What is the purpose of linearizing an image in the context of CNN architectures?

<p>To convert it into a vector for feeding into Fully Connected Layers</p> Signup and view all the answers

What is the advantage of using spatially separable convolutions?

<p>Reduced computational load due to fewer kernel parameters</p> Signup and view all the answers

What is the primary purpose of using the pooling layer in a convolutional neural network?

<p>To modify the input volume into a smaller, more manageable representation</p> Signup and view all the answers

What role does batch normalization play in deep learning networks?

<p>It addresses the covariate-shift problem and allows for higher learning rates</p> Signup and view all the answers

What is the main distinguishing feature of VGG-16 architecture in terms of convolutional operations?

<p>It uses 3x3 CONV with a stride of 1, padding of 1, and 2x2 MAX POOL with a stride of 2</p> Signup and view all the answers

What is the primary function of fully convolutional networks in deep learning applications?

<p>To capture context information and perform spatial analysis simultaneously</p> Signup and view all the answers

What is the computational advantage of using depthwise separable convolutions over typical 2D convolutions?

<p>Reduced number of multiplications and overall computational load</p> Signup and view all the answers

What is the primary purpose of using 1x1 convolutions in GoogleNet's inception module?

<p>To reduce computational complexity by decreasing the number of channels over which 3x3 and 5x5 convolutions operate</p> Signup and view all the answers

What is the main advantage of using residual blocks in ResNet architectures?

<p>To mitigate the optimization problems encountered in deep networks</p> Signup and view all the answers

In Wide Residual Networks, what does 'widening' consistently improve?

<p>The performance across residual networks of different depth</p> Signup and view all the answers

What is the key concept behind ResNeXt's approach to multi-branch aggregated transformations?

<p>Utilizing grouped convolutions to implement multi-branch aggregated transformations</p> Signup and view all the answers

What is the primary focus of the Wide Residual Networks (WRN) paper by Zagoruyko and Komodakis?

<p>Exploring the problem of diminishing feature reuse in original ResNet designs</p> Signup and view all the answers

What distinguishes ResNeXt's approach from VGG, ResNet, and Inception architectures?

<p>Implementing multi-branch aggregated transformations using grouped convolutions</p> Signup and view all the answers

What is the primary focus of DenseNet architecture?

<p>Obtaining representational power through feature reuse</p> Signup and view all the answers

In DenseNet, what is concatenated to subsequent volumes with the same feature-map size?

<p>Information from previous volumes</p> Signup and view all the answers

In transfer learning with CNNs, what is the norm according to the text?

<p>Using CNNs trained on ImageNet in object detection</p> Signup and view all the answers

What is the recommended approach if a dataset has less than 1 million images for training a ConvNet?

<p>Find a large dataset with similar data and train a big ConvNet there</p> Signup and view all the answers

What task can be solved using CNN + RNN according to the provided text?

<p>Image captioning</p> Signup and view all the answers

Which paper is a source for understanding and visualizing DenseNets?

<p>Densely Connected Convolutional Networks, Huang et al., 2018</p> Signup and view all the answers

In which type of problem is transfer learning with CNNs commonly used?

<p>Image classification</p> Signup and view all the answers

What is the main goal of simplifying the connectivity pattern between layers in DenseNet?

<p>To improve representational power through feature reuse</p> Signup and view all the answers

What does DenseNet focus on in terms of network architectures?

<p>&quot;Skip connections&quot; between layers with different feature-map sizes</p> Signup and view all the answers

What is the primary function of a convolution operation on images?

<p>Applying filters to an image</p> Signup and view all the answers

What is the dimension of the convolution kernel (filter) used in the convolution operation?

<p>3x3</p> Signup and view all the answers

In the context of convolutions, what does the term 'receptive field' refer to?

<p>The area of an image covered by a filter</p> Signup and view all the answers

What do RGB images represent as a function in the context of convolutional operations?

<p>Color values of pixels</p> Signup and view all the answers

What is the primary purpose of normalization in Convolutional Neural Networks (CNNs)?

<p>To scale input data to a similar range</p> Signup and view all the answers

What does the convolution product between two functions represent in the continuous case?

<p>A spatial correlation</p> Signup and view all the answers

What is the primary disadvantage of using a fully connected layer in Convolutional Neural Networks (CNNs)?

<p>Loss of information about the spatial arrangement of pixels</p> Signup and view all the answers

What is the dimension of the output map when applying a 5x5x3 filter to a 32x32x3 input volume in a Convolution Layer?

<p>28 × 28 × 1</p> Signup and view all the answers

What is the purpose of using a Convolution Layer in Convolutional Neural Networks (CNNs)?

<p>To capture local connectivity of each neuron</p> Signup and view all the answers

What is achieved by using a filter of size 5x5x3 on a 32x32x3 input volume in a Convolution Layer?

<p>Extraction of features from local regions of the input</p> Signup and view all the answers

What does the size of the receptive field represent in a Convolution Layer?

<p>The spatial extent of the local connectivity of each neuron</p> Signup and view all the answers

What is the dimension of an output map when applying a filter to an input volume in a Convolution Layer?

<p>Depends on the size and number of filters used</p> Signup and view all the answers

What is the formula to compute the height of the output map in a convolution layer?

<p>Height = Height + 2<em>padding - dilation</em>(kernel size-1) - stride + 1</p> Signup and view all the answers

Which hyperparameter controls the size of the output volume by determining the step taken when sliding the filter?

<p>Stride</p> Signup and view all the answers

What does parameter sharing in CNNs aim to control?

<p>The number of filter parameters</p> Signup and view all the answers

What is the main purpose of using a backbone network like VGG-16 in Faster RCNN?

<p>To extract high-level features from input images</p> Signup and view all the answers

What is the significance of ensuring equivariance for graph neural networks?

<p>It ensures that the model preserves symmetries present in the input data</p> Signup and view all the answers

What does the formula Hout = Hin +2padding - dilation(kernel size-1)-1 +1 represent in PyTorch's Conv2D class?

<p>It represents the computation for height in the output volume</p> Signup and view all the answers

What does the Hessian matrix of a scalar-valued function represent?

<p>Second-order partial derivatives</p> Signup and view all the answers

In offline learning, what type of data is typically used to optimize functions?

<p>Batch data</p> Signup and view all the answers

For linear regression with Mean Squared Error (MSE) loss function, what does the gradient represent?

<p>First-order partial derivatives</p> Signup and view all the answers

What is the primary purpose of the Gradient Descent algorithm?

<p>Minimize the function value</p> Signup and view all the answers

With second-order optimization using Newton’s algorithm, what kind of updates are performed?

<p>Second-order updates</p> Signup and view all the answers

What is a challenge associated with Second Order Optimization?

<p>Need to invert the Hessian matrix</p> Signup and view all the answers

What distinguishes Stochastic Gradient Descent (SGD) from traditional Gradient Descent?

<p>Computation of noisy gradients</p> Signup and view all the answers

What is the primary concern when using Stochastic Gradient Descent (SGD)?

<p>Data normalization and scaling</p> Signup and view all the answers

What is the main advantage of using Momentum in the SGD algorithm?

<p>Dampens oscillations in optimization</p> Signup and view all the answers

What is the key feature of Adagrad in optimization?

<p>Adaptive learning rate for individual parameters</p> Signup and view all the answers

What is a concern addressed by Nesterov Accelerated Gradient in optimization?

<p>Momentum overshooting in SGD algorithm</p> Signup and view all the answers

What does Adagrad aim to achieve by adapting learning rates for individual parameters?

<p>Reduced variance in gradient updates for each parameter</p> Signup and view all the answers

What is the advantage of spatially separable convolutions?

<p>Reduced computational load and fewer kernel parameters</p> Signup and view all the answers

What is the primary purpose of the pooling layer in a convolutional neural network?

<p>To modify the input volume into a smaller and more manageable representation</p> Signup and view all the answers

What is the computational advantage of depthwise separable convolutions?

<p>Fewer multiplications and reduced computational load</p> Signup and view all the answers

What is the purpose of batch normalization in convolutional neural networks?

<p>To address covariate-shift problem and allow higher learning rates</p> Signup and view all the answers

What is the primary focus of Fully Convolutional Networks (FCNs)?

<p>Semantic segmentation and generative networks</p> Signup and view all the answers

What are the downsampling ratios commonly used for CNN feature maps in Anchor Boxes for object detection?

<p>(2, 2) and (3, 3)</p> Signup and view all the answers

What is the primary purpose of using bottleneck layers in the GoogleNet architecture?

<p>To reduce the computational complexity</p> Signup and view all the answers

What is the main benefit of using residual blocks in the Residual Network (ResNet) architecture?

<p>To make the network deeper without increasing the number of parameters</p> Signup and view all the answers

What is the primary focus of Wide Residual Networks (Wide ResNet)?

<p>Increasing both depth and width of residual networks</p> Signup and view all the answers

What is the main objective of using grouped convolutions in ResNeXt?

<p>Implementing multi-branch aggregated transformations</p> Signup and view all the answers

What is the significance of using a global average pooling layer in GoogleNet?

<p>To spatially average across each feature map before final FC layer</p> Signup and view all the answers

What is the main benefit of using skip connections in the Residual Network (ResNet) architecture?

<p>To address optimization problems in deep networks</p> Signup and view all the answers

What is the role of the Region Proposal Network (RPN) in Faster R-CNN?

<p>To propose regions where objects might be found</p> Signup and view all the answers

What is the purpose of the RoI Align Layer in Mask-RCNN?

<p>To avoid quantization of RoI coordinates or spatial bins to feature map grid</p> Signup and view all the answers

What are the downsampling ratios of CNN feature maps used in Faster R-CNN?

<p>3 scales, 3 aspect ratios</p> Signup and view all the answers

What is a limitation of using regular convolutions for learning spatially-local biases?

<p>Limited in processing patterns using rectangular patterns</p> Signup and view all the answers

What is the main difference between single stage predictors and multi-stage predictors in object detection approaches?

<p>Single stage predictors perform both object classification and object bounding box regression in a single forward pass</p> Signup and view all the answers

What does the deformation mechanism aim to achieve in deformable convolutions?

<p>Learn non-rectangular patterns by computing pixel offsets</p> Signup and view all the answers

What are the different backbones used in Mask-RCNN?

<p>ResNext-101, FPN (Feature Pyramid Network)</p> Signup and view all the answers

What changes were made to Mask-RCNN compared to Faster R-CNN?

<p>Replaces RoI Pooling with a RoI Align Layer</p> Signup and view all the answers

What is the primary difference between proposal-based and segmentation-based methods in instance segmentation?

<p>Proposal-based methods propose regions of interest and extract features, while segmentation-based methods start from segmentation as the first objective and learn specially designed transformations or instance boundaries.</p> Signup and view all the answers

What is the purpose of Atrous Spatial Pyramid Pooling in DeepLab-v3 for semantic segmentation?

<p>To resample features at different scales for more accurate region classification.</p> Signup and view all the answers

What is the main idea behind using dilated convolutions in DeepLab-v3 for semantic segmentation?

<p>To enable larger effective receptive field sizes and capture spatial context information.</p> Signup and view all the answers

What is the architecture that builds upon Faster-RCNN in the case of MaskRCNN for instance segmentation?

<p>Region of Interest (RoI) proposal based architecture.</p> Signup and view all the answers

What are the two main streams of methods in instance segmentation?

<p>Proposal-based and Segmentation-based.</p> Signup and view all the answers

What does Semantic Segmentation in DeepLab-v3 emphasize through the use of dilated convolutions and Atrous Spatial Pyramid Pooling?

<p>Capturing spatial context information and resampling features at different scales for accurate region classification.</p> Signup and view all the answers

What is the purpose of resampling features at different scales in Atrous Spatial Pyramid Pooling?

<p>To enable more accurate region classification by capturing spatial context information.</p> Signup and view all the answers

What does the reduction factor for image resolution need to be limited to in semantic segmentation according to DeepLab-v3?

<p>16</p> Signup and view all the answers

What does the Atrous Spatial Pyramid Pooling use to extract content information from several scale levels at the same time?

<p>(A combination of) atrous convolutions and global average pooling.</p> Signup and view all the answers

(Atrous Convolution Layer) vs (Dilated Convolution Layer), which one is used in DeepLab-v3 to extract larger information context?

<p>(Dilated Convolution Layer)</p> Signup and view all the answers

What does the Hessian matrix represent in optimization?

<p>It represents the square matrix of second-order partial derivatives.</p> Signup and view all the answers

What does the gradient vector point in the direction of in gradient descent?

<p>It points in the direction of maximum decrease of the function.</p> Signup and view all the answers

What is the main purpose of using a global average pooling layer in GoogleNet?

<p>To reduce the computational complexity of the network.</p> Signup and view all the answers

What does the Logistic Sigmoid Function do?

<p>It introduces non-linearity to the network.</p> Signup and view all the answers

What is the key concept behind second-order optimization methods?

<p>They use second-order derivatives to directly optimize the loss function.</p> Signup and view all the answers

What is the primary focus of Rethinking Attention with Performers in terms of attention mechanisms?

<p>To improve interpretability of attention mechanisms.</p> Signup and view all the answers

What is one of the recent and hot topics in machine learning research, as mentioned in the text?

<p>&quot;Group normalization&quot; for improving network performance.</p> Signup and view all the answers

What is the function that 'squeezes in' the weighted input into a probability space in logistic regression?

<p>&quot;Logistic Sigmoid Function&quot;</p> Signup and view all the answers

What problem does ReLU activation function primarily address in CNNs?

<p>Vanishing gradient problem.</p> Signup and view all the answers

Which architecture was the YOLOv4 backbone selected based on?

<p>CSPDarknet53</p> Signup and view all the answers

What is one of the limitations of using BatchNorm in tasks such as video prediction, segmentation, and medical image processing?

<p>Difficulty with training small mini-batches or non-i.i.d. data distribution.</p> Signup and view all the answers

What is the primary purpose of using Bag of Freebies and Bag of Specials in YOLOv4?

<p>Improved performance on small object detection</p> Signup and view all the answers

What is the main limitation of Temporal Convolutional Network (TCN) in test/evaluation mode?

<p>Requires a large memory space</p> Signup and view all the answers

What is the focus of InceptionTime, introduced in the article 'InceptionTime: Finding AlexNet for Time Series Classification'?

<p>Time series classification</p> Signup and view all the answers

How does the InceptionTime Network reduce variance in classification accuracy?

<p>By using ensemble modeling</p> Signup and view all the answers

What is the primary advantage of using causal convolutions in Temporal Convolutional Network (TCN)?

<p>No leakage from the past</p> Signup and view all the answers

What is the main modification in YOLOv5 compared to YOLOv4?

<p>Implementation primarily in PyTorch</p> Signup and view all the answers

What is the primary focus of YOLOv2 in comparison to YOLOv1?

<p>Improving detection accuracy for small objects</p> Signup and view all the answers

Which loss function addresses the problem of nonoverlapping bounding boxes in YOLOv4?

<p>CioU (complete IoU loss)</p> Signup and view all the answers

What is the purpose of using anchor boxes in YOLOv2?

<p>To scale the predicted box w.r.t. defined anchor boxes</p> Signup and view all the answers

What is the primary function of a Convolution Layer in a CNN?

<p>Dimensionality reduction and feature extraction</p> Signup and view all the answers

What was the significant change in object class classification in YOLOv3 compared to YOLOv1 and YOLOv2?

<p>Using individual binary cross-entropy for each class label</p> Signup and view all the answers

What does the gradient vector point in the direction of in gradient descent?

<p>The steepest ascent direction</p> Signup and view all the answers

What is the limitation related to small bounding boxes versus large bounding boxes in the original YOLO architecture?

<p>Loss function treats errors the same in small and large bounding boxes</p> Signup and view all the answers

What was the primary improvement focus of YOLOv3 compared to its predecessors?

<p>Improvement in detection accuracy, especially for small objects</p> Signup and view all the answers

What was the key purpose of using Darknet-53 in YOLOv3?

<p>Tackling the vanishing gradient problem using residual layers</p> Signup and view all the answers

What is the concept of anchor boxes in YOLOv2?

<p>Scaling the predicted box w.r.t. defined anchor boxes</p> Signup and view all the answers

What was the primary limitation of the original YOLO architecture related to small objects appearing in groups?

<p>Struggles with objects of small sizes that appear in groups</p> Signup and view all the answers

What was a significant change in class conditional probability prediction in YOLOv1?

<p>Each grid cell predicts B bounding boxes + class conditional probability</p> Signup and view all the answers

What was the emphasis of YOLOv2 to tackle the vanishing gradient problem?

<p>Using 23 residual layers at regular intervals</p> Signup and view all the answers

Which type of recurrent neural network (RNN) cells are commonly used due to their additive interactions improving gradient flow?

<p>LSTM</p> Signup and view all the answers

What technique can be used to control exploding gradients in RNNs?

<p>Gradient Clipping</p> Signup and view all the answers

What is the primary reason for using Layer Normalization in linear mappings of the RNN?

<p>Control exploding gradients</p> Signup and view all the answers

What is the default initialization for the initial state (h(0)) in RNNs?

<p>0</p> Signup and view all the answers

What is the main purpose of using noisy initial state in RNNs?

<p>Prevent overfitting</p> Signup and view all the answers

In the context of RNNs, what is the primary objective of using stacked recurrent nets?

<p>Handle a high number of weights effectively</p> Signup and view all the answers

What is the primary purpose of summing the outputs of all layers in stacked recurrent nets?

<p>Handle sequence length variations effectively</p> Signup and view all the answers

What technique is commonly used to address the slow remembering issue in RNNs?

<p>&quot;Forget gate bias&quot; initialization</p> Signup and view all the answers

When does vanishing gradient in RNNs get controlled with additive interactions?

<p>&quot;LSTM&quot; usage</p> Signup and view all the answers

What is a common method for preventing overfitting in RNNs?

<p>Regularization with dropout</p> Signup and view all the answers

What is an example task that can be solved with Recurrent Neural Networks (RNNs) according to the text?

<p>Translate a sequence of words into another sequence of words</p> Signup and view all the answers

What is the primary focus of LSTM in the context of Recurrent Neural Networks (RNNs)?

<p>Remembering long-term dependencies in sequential data</p> Signup and view all the answers

What task involves classifying images by taking a series of 'glimpses'?

<p>Image Captioning</p> Signup and view all the answers

What does the Elman RNN model primarily aim to achieve?

<p>Remembering long-term dependencies in sequential data</p> Signup and view all the answers

What does the term 'vanishing and exploding gradients' refer to in the context of RNN training?

<p>Decrease or increase in the magnitude of gradients during backpropagation</p> Signup and view all the answers

What task involves generating images one piece at a time?

<p>Translation</p> Signup and view all the answers

What does LSTM primarily focus on in the context of RNNs?

<p>Remembering long-term dependencies in sequential data</p> Signup and view all the answers

What task is an example of sequential processing of non-sequence data?

<p>Classify images by taking a series of 'glimpses'</p> Signup and view all the answers

What is achieved by using RNNs again in the decoder of a seq2seq model?

<p>Incorporating long-term dependencies in sequential data</p> Signup and view all the answers

What distinguishes Longformer from other efficient transformers?

<p>Incorporating global and sliding patterns for token blocks processing</p> Signup and view all the answers

What type of neural network has an 'internal state' that is updated as a sequence is processed?

<p>Recurrent Neural Network (RNN)</p> Signup and view all the answers

In the context of RNNs, what does the 'unrolled RNN' diagram visually represent?

<p>The unfolding of RNN through time</p> Signup and view all the answers

What function is used to update the hidden state in a vanilla RNN at each time step?

<p>$h = f(W_hh h_{t-1} + W_{ih}x_t)$</p> Signup and view all the answers

What does the 'Sequence to Sequence' model aim to achieve in the context of RNNs?

<p>Producing output sequence from single input vector</p> Signup and view all the answers

In the provided text, what example task demonstrates the need for RNNs to handle variable sequence length inputs and outputs?

<p>Video captioning</p> Signup and view all the answers

What is the primary focus of the 'Character-level Language Model' example discussed in the text?

<p>Text generation</p> Signup and view all the answers

What is the purpose of 'Sampling Softmax' in the 'Character-level Language Model' example?

<p>Sampling characters one at a time at test-time</p> Signup and view all the answers

What does the 'Many-to-one' computational graph represent in the context of RNNs?

<p>Encoding input sequence in a single vector</p> Signup and view all the answers

What is the purpose of truncated backpropagation through time (TBPTT) in recurrent neural networks?

<p>To carry hidden states forward in time forever, but only backpropagate for some smaller number of steps</p> Signup and view all the answers

What does the Long Short Term Memory (LSTM) architecture provide an easier way for the model to learn?

<p>Temporal context</p> Signup and view all the answers

What makes it easier for the RNN to preserve information over many timesteps in the LSTM architecture?

<p>Forget gate (f)</p> Signup and view all the answers

What control does the LSTM architecture provide over gradient values through suitable parameter updates?

<p>Elementwise multiplication by f, i, g, and o gates</p> Signup and view all the answers

What scenario does Truncated BPTT (TBPTT) with k1=1 imply?

<p>Not enough temporal context to learn</p> Signup and view all the answers

What change in RNN architecture addressed the vanishing/exploding gradient problem?

<p>Long Short Term Memory (LSTM)</p> Signup and view all the answers

What is the main advantage of using Long Short Term Memory (LSTM) over vanilla RNN?

<p>Easier for the model to learn long-distance dependencies</p> Signup and view all the answers

What operation ensures that information of a cell is preserved indefinitely in the LSTM architecture?

<p>$f = 1$ and $i = 0$</p> Signup and view all the answers

Which scenario leads to exploding gradients in TBPTT(k1, k2)?

<p>&gt;1</p> Signup and view all the answers

What does TBPTT(1, n) in recurrent neural networks imply?

<p>Timesteps are processed one at a time followed by an update that covers all timesteps seen so far</p> Signup and view all the answers

What is a disadvantage of using RNNs for long input sequences?

<p>Context vector is forced to 'compress' a lot of information before decoding any of it</p> Signup and view all the answers

What is the purpose of using Bidirectional LSTM?

<p>To address the issue of long range dependencies</p> Signup and view all the answers

What is the customization point in Bidirectional LSTM?

<p>Sum</p> Signup and view all the answers

What type of time series analysis is ConvLSTM applied to?

<p>Visual information</p> Signup and view all the answers

What does ConvLSTM replace internal matrix multiplications with?

<p>Convolution operations</p> Signup and view all the answers

What are the advantages of ConvLSTM over fully connected LSTM?

<p>Better at handling spatio-temporal relations</p> Signup and view all the answers

What is the primary difference between univariate and multivariate time series?

<p>The number of features in each time step</p> Signup and view all the answers

What does single-step learning setup in time series forecasting focus on predicting?

<p>$x_t$ given $[x_{t-k}, x_{t-k+1}, …, x_{t-1}]$</p> Signup and view all the answers

What considerations need to be addressed when applying RNNs to timeseries?

<p>Seasonal and Trend Decomposition - STL, Variance stabilization, Multiple Output Strategy selection</p> Signup and view all the answers

What is discussed in the context of regularization and normalization in RNNs?

<p>All options are correct</p> Signup and view all the answers

What is the primary focus of DenseNet architecture?

<p>Introducing direct connections between any two layers with the same feature-map size</p> Signup and view all the answers

What is the norm for transfer learning with Convolutional Neural Networks (CNNs)?

<p>Using CNNs trained on ImageNet in object detection and image captioning</p> Signup and view all the answers

What does DenseNet use to control the amount of concatenation between feature maps?

<p>Growth factor</p> Signup and view all the answers

What is the primary focus of the Long-Range Arena Challenge benchmark?

<p>Natural language processing tasks</p> Signup and view all the answers

In DenseNet, what does the growth factor control?

<p>Amount of feature-map concatenation</p> Signup and view all the answers

What is the primary function of the RoI proposal based approach in Instance Segmentation?

<p>Generating region proposals for object detection</p> Signup and view all the answers

What is the main benefit of using skip connections in the Residual Network (ResNet) architecture?

<p>Improving gradient flow and easing optimization</p> Signup and view all the answers

'Transfer learn to your dataset' is a key takeaway when dealing with a dataset that has:

<p>Less than 1 million images</p> Signup and view all the answers

What is the primary weakness of Adagrad according to the text?

<p>Accumulation of squared gradients leading to a shrinking learning rate</p> Signup and view all the answers

What is Adadelta's solution to Adagrad's weakness?

<p>Restricting past gradients to a window and computing a decaying running average</p> Signup and view all the answers

What does the RMSProp optimization algorithm aim to address?

<p>Biased estimation of the first and second moment averages</p> Signup and view all the answers

What is the primary similarity between Adadelta and RMSProp optimization algorithms?

<p>Both algorithms store exponentially decaying averages of squared gradients</p> Signup and view all the answers

What is the main distinguishing feature of Adam optimization algorithm?

<p>It stores exponentially decaying averages of past gradients with momentum</p> Signup and view all the answers

What is the purpose of early stopping in optimization?

<p>To monitor error on validation set and stop if validation error does not improve enough</p> Signup and view all the answers

What transformation function can be applied for variance stabilization in data?

<p>Batch Normalization</p> Signup and view all the answers

What is used to make training more robust to poor initialization or when having deep and complex networks?

<p>Gradient Noise</p> Signup and view all the answers

What factor contributes to the struggles of original YOLO in detecting objects of small sizes that appear in groups?

<p>Receptive field size</p> Signup and view all the answers

What does each neuron in a Multi-Layer Perceptron (MLP) compute?

<p>A weighted sum of its inputs followed by a nonlinear activation function</p> Signup and view all the answers

In which GNN layer are the features of neighbors aggregated with implicit weights (attention)?

<p>GAT Layer</p> Signup and view all the answers

What is the primary purpose of sequence-to-sequence models in neural networks?

<p>To work with variable-length input and output sequence pairs</p> Signup and view all the answers

What is the purpose of the encoder-decoder model in sequence-to-sequence models?

<p>To encode the source (input) into a single vector and decode it into a sequence of output tokens</p> Signup and view all the answers

What is the advantage of using sequence-to-sequence models?

<p>They can be used in auto-encoding setup</p> Signup and view all the answers

What does the decoder model in sequence-to-sequence models do during the forward pass?

<p>Receive prediction, next state, and next cell state</p> Signup and view all the answers

When is the loop broken during decoding in a sequence-to-sequence model?

<p>When the decoder predicts the (END) token</p> Signup and view all the answers

What type of tasks can sequence-to-sequence models handle effectively?

<p>Time series prediction tasks</p> Signup and view all the answers

What is the primary function of an RNN in the context of sequence-to-sequence models?

<p>To decode the 'context' vector into a sequence of output tokens</p> Signup and view all the answers

What distinguishes seq2seq models from other neural network architectures?

<p>They are designed for auto-encoding setup</p> Signup and view all the answers

What capability allows seq2seq models to work with variable-length input and output sequences?

<p>'Context' vector generation capability</p> Signup and view all the answers

What type of analysis tasks can benefit from using the 'context vector' (z) generated by seq2seq models?

<p>Time series analysis tasks</p> Signup and view all the answers

What is the purpose of approximate attention computation using more efficient operations?

<p>To make self-attention more efficient</p> Signup and view all the answers

What role do Key and Query embeddings play in defining the attention pattern?

<p>They are used for hashing and clustering</p> Signup and view all the answers

What does the Blockwise Attention pattern do?

<p>Divides the sequence into local blocks and restricts attention within them</p> Signup and view all the answers

What is the purpose of Strided Patterns in the context of efficient attention?

<p>To decrease time complexity to one linear in sequence length / stride</p> Signup and view all the answers

How does the Diagonal (sliding window) Patterns reduce time complexity?

<p>It reduces time complexity to one linear in sequence length</p> Signup and view all the answers

What is the primary purpose of Global Attention Patterns?

<p>To apply attention to special tokens like [CLS]</p> Signup and view all the answers

What is the distinctive feature of Longformer, as compared to other efficient transformers?

<p>It showcases use of sliding, strided, and global attention patterns</p> Signup and view all the answers

What does BigBird's attention pattern compose of?

<p>Global, sliding and random patterns of token blocks</p> Signup and view all the answers

What does Dilated sliding Window achieve in Longformer?

<p>It achieves a l x d x w receptive field with different dilation configs per head</p> Signup and view all the answers

What are the two sets of projections learned in Longformer?

<p>Qs, Ks, Vs for sliding window; Qg, Kg, Vg for global attention</p> Signup and view all the answers

What is the main purpose of the Multi-Head Attention in the Transformer Architecture?

<p>To summarize values based on similarity between value keys and the query</p> Signup and view all the answers

What is the primary addition in Transformer-XL to facilitate the recurrence strategy?

<p>Incorporates relative position encoding scheme</p> Signup and view all the answers

What does the Scaled Dot-Product Attention compute in the Transformer Architecture?

<p>Similarity based on dot-product and a function ϕ</p> Signup and view all the answers

What is the primary focus of the Long-Range Arena Challenge in relation to efficient transformers?

<p>Benchmarking the performance of efficient attention mechanisms</p> Signup and view all the answers

What is the primary challenge when dealing with large sequences in the Transformer Architecture?

<p>Quadratic bottleneck in sequence length due to multi-headed attention</p> Signup and view all the answers

Which paper presents a method for long document understanding using blockwise self-attention?

<p>Qiu et al., 2014</p> Signup and view all the answers

What is the purpose of the Efficient Transformer Techniques discussed in the text?

<p>To address challenges in handling large sequence lengths</p> Signup and view all the answers

Which paper introduces 'Big bird: Transformers for longer sequences'?

<p>Zaheer et al., 2018</p> Signup and view all the answers

What is the primary feature of Linformer, as discussed in the text?

<p>Self-attention with linear complexity</p> Signup and view all the answers

What represents the sequence length (l) and feature dimensionality (d) in Scaled Dot-Product Attention?

<p>Sequence length and feature dim</p> Signup and view all the answers

What is the main idea behind 'Reformer: The efficient transformer'?

<p>Efficiently handling long sequences using reversible layers</p> Signup and view all the answers

What does the Attention Operation in the Transformer Architecture summarize based on?

<p>Similarity between value keys and the query</p> Signup and view all the answers

What does the Rethinking Attention with Performers paper primarily focus on?

<p>Introducing a novel attention mechanism</p> Signup and view all the answers

What is a serious challenge when large sequences are required in the Transformer Architecture?

<p>Quadratic bottleneck in sequence length due to multi-headed attention</p> Signup and view all the answers

Which paper discusses 'Longformer: The long-document transformer'?

<p>Beltagy et al, 2020</p> Signup and view all the answers

What does the Dot-Product Similarity compute in Scaled Dot-Product Attention?

<p>$ ext{exp}( ext{softmax}(x_i) = Q_i K_j^T rac{1}{ oot{2} t{d}})$</p> Signup and view all the answers

'Data-Independent Attention Patterns' and 'Data-Dependent Attention Patterns' fall under which category of Efficient Transformer Techniques?

<p>'Efficient computation of attention patterns'</p> Signup and view all the answers

What is the main focus of the Efficient transformers: A survey paper?

<p>'Surveying and discussing efficient transformers'</p> Signup and view all the answers

'What is a key takeaway from the Transformer Survey Blog?'

<p>Methods for incorporating long-term context in transformers</p> Signup and view all the answers

'Recurrence in Transformer Architectures' presents challenges related to which aspect of computation?

<p>Dealing with long-range dependencies.</p> Signup and view all the answers

What is the purpose of using global and random attention patterns?

<p>To reduce the overall memory consumption</p> Signup and view all the answers

What problem does the Reformer architecture address?

<p>Memory storage for backpropagation in multi-layer models</p> Signup and view all the answers

What is the key idea behind Linformer's approach to reduce memory complexity?

<p>Down-projecting the sequence length</p> Signup and view all the answers

How is Attention interpreted in the context of Performer's approach?

<p>As an infinite feature space kernel function</p> Signup and view all the answers

What does Angular Locality Sensitive Hashing strive to achieve?

<p>Dividing tokens into buckets based on their angular proximity</p> Signup and view all the answers

What is the primary focus of Efficient Transformers with respect to attention mechanisms?

<p>Optimizing the computation and memory usage of attention mechanisms</p> Signup and view all the answers

What problem does Reversible Residual Layer aim to address?

<p>The need to store forward-pass activations for backpropagation</p> Signup and view all the answers

What does the Kernel Interpretation approach enable in terms of attention?

<p>Approximation of softmax-based dot-product attention using polynomial kernels</p> Signup and view all the answers

What is an advantage of Atrous Spatial Pyramid Pooling when dealing with long sequences?

<p>It extracts features from different scales at once</p> Signup and view all the answers

What does Linformer aim to achieve by using low-rank matrix approximation?

<p>Efficient approximation of softmax-based dot-product attention</p> Signup and view all the answers

In the context of time series analysis, what is a typical task related to industrial settings?

<p>Detecting data traffic outliers in telecommunication</p> Signup and view all the answers

Which domain is mentioned as an example in the context of time series analysis?

<p>Healthcare monitoring</p> Signup and view all the answers

What is a specific example of time series data mentioned from the domain of economics and finance?

<p>Stock prices</p> Signup and view all the answers

In the context of time series analysis, what type of prediction task is mentioned in relation to industrial settings?

<p>Forecasting water demand in London</p> Signup and view all the answers

What is an example of a typical analysis task mentioned in the context of time series analysis?

<p>Forecasting and classification</p> Signup and view all the answers

Which task is mentioned as a typical domain for time series analysis?

<p>Weather forecasting</p> Signup and view all the answers

What is an example of a domain mentioned in the context of time series analysis?

<p>Financial trading strategy development</p> Signup and view all the answers

In the context of time series analysis, what is a specific example from the domain of healthcare?

<p>Long term patient monitoring to predict disease outcomes</p> Signup and view all the answers

What is a specific type of data mentioned as an example in the context of time series analysis?

<p>Weather patterns from meteorological stations</p> Signup and view all the answers

In the context of industrial settings, what is an example task related to transportation mentioned for time series analysis?

<p>Traffic prediction and route optimization</p> Signup and view all the answers

What is the purpose of Mean Absolute Error (MAE) in time series forecasting?

<p>Captures both large and small errors</p> Signup and view all the answers

What is the primary challenge in classification tasks for time-ordered sequences?

<p>Variable length sequences</p> Signup and view all the answers

What is the main objective of anomaly detection in time series analysis?

<p>Identify points or periods where data distribution shifts significantly</p> Signup and view all the answers

Which benchmark dataset is typically used for short-term forecasting analysis?

<p>M4 benchmark</p> Signup and view all the answers

What is the purpose of Exponential Smoothing in time series analysis?

<p>Capture short-term trends</p> Signup and view all the answers

What are the typical challenges encountered in time series classification tasks?

<p>Variable length sequences and Transferability across domains</p> Signup and view all the answers

Which metric is useful for comparing forecast accuracies across different time series with varying scales?

<p>Mean Absolute Percentage Error (MAPE)</p> Signup and view all the answers

What is the main challenge associated with detecting anomalies in time series data?

<p>Seasonality, Trends, non-stationarity and Noise and Outliers</p> Signup and view all the answers

Which method is typically used to remove noise and transient outliers in time series data?

<p>Savitzky-Golay Filter</p> Signup and view all the answers

What is the advantage of using Root Mean Squared Error (RMSE) as a forecasting metric?

<p>Interpretable and still penalizes large errors</p> Signup and view all the answers

What is the main purpose of STL decomposition in time series analysis?

<p>To break down the time series into seasonal, trend, and residual components</p> Signup and view all the answers

What technique can be used to replace missing values with the mean, median, or mode of available values in time series data?

<p>Mean/Median/Mode imputation</p> Signup and view all the answers

What is the primary function of Trend Normalization in time series analysis?

<p>To subtract the trend value of the last item in the input sequence from both input and output</p> Signup and view all the answers

What does an ARMA model expect from the time series data?

<p>The time series to be stationary</p> Signup and view all the answers

How are the hyperparameters for ARIMA model chosen?

<p>By minimizing information criteria such as AIC and BIC</p> Signup and view all the answers

What is the main focus of RNN models for time series forecasting?

<p>To predict future values based on past values and forecasting errors</p> Signup and view all the answers

What is the purpose of reverse deseasonalization in post-processing for RNN models?

<p>To add back the seasonality components after forecasting</p> Signup and view all the answers

What efficient attention pattern involves reaching a receptive field that can be 10^4 tokens wide for small values of d?

<p>(Performers) in terms of attention mechanisms</p> Signup and view all the answers

Which transformation function can be applied for variance stabilization in data?

<p>(Log) transform</p> Signup and view all the answers

What is the primary benefit of using skip connections in RNN models?

<p>To allow gradients to flow directly through to earlier layers during training and alleviate vanishing gradient problem</p> Signup and view all the answers

What is the primary focus of the paper 'Recurrent neural networks for time series forecasting: Current status and future directions'?

<p>Forecasting using RNN models</p> Signup and view all the answers

Which paper introduces a model designed for long-term predictions and large input windows, involving a built-in Series Decomposition Block and replacing standard self-attention with auto-correlation?

<p>Autoformer: Decomposition transformers with auto-correlation for long-term series forecasting</p> Signup and view all the answers

Which technique involves converting the 1D time series to a 2D space to simultaneously model intra- and inter-period variations?

<p>Temporal 2D-Variation Modeling</p> Signup and view all the answers

What type of analysis tasks can benefit from using the 'context vector' (z) generated by seq2seq models?

<p>Classification and Anomaly Detection</p> Signup and view all the answers

What does the model 'TS2VEC' primarily aim to achieve?

<p>Universal representation of time series</p> Signup and view all the answers

What is the main focus of the paper 'Autoformer: Decomposition transformers with auto-correlation for long-term series forecasting'?

<p>Forecasting using RNN models</p> Signup and view all the answers

Which model is associated with 'Temporal 2D-Variation Modeling' for general time series analysis?

<p>'TimesNet'</p> Signup and view all the answers

What does 'Hierarchical Contrasting' aim to achieve according to the text?

<p>'Representations at various scales learn Contextual Representations'</p> Signup and view all the answers

'Drawing a Recurrent Neural Network For Image Generation' is associated with which task?

<p>'Image Generation'</p> Signup and view all the answers

In what scenarios have GNNs broken into the real world, as mentioned in the text?

<p>Solving real-world problems such as recommendation systems and fraud detection</p> Signup and view all the answers

What is the primary focus of Graph Neural Networks (GNNs) according to the text?

<p>Obtaining embeddings of information contained in graphs</p> Signup and view all the answers

Where has Graph Neural Networks (GNNs) broken into the real world, according to the text?

<p>Drug discovery</p> Signup and view all the answers

What is emphasized as a distinctive feature of networks compared to simple sequences & grids, according to the text?

<p>Handling structured data</p> Signup and view all the answers

What is one of the recent and hot topics in machine learning research, as mentioned in the text?

<p>Graph Neural Networks (GNNs)</p> Signup and view all the answers

What does the Scaled Dot-Product Attention compute in the Transformer Architecture, according to the text?

<p>Semantic similarity between words</p> Signup and view all the answers

What transformation function can be applied for variance stabilization in data, according to the text?

<p>Log transformation</p> Signup and view all the answers

When does vanishing gradient in RNNs get controlled with additive interactions, according to the text?

<p>At the hidden layers</p> Signup and view all the answers

What property does Maximum Likelihood Estimation (MLE) have for i.i.d. data, according to the text?

<p>Convergence guarantee</p> Signup and view all the answers

What is a desirable property for a graph convolutional layer according to the text?

<p>'Local and translation invariant' behavior</p> Signup and view all the answers

What is the purpose of using global and random attention patterns, according to the text?

<p>Solving combinatorial optimization problems</p> Signup and view all the answers

What type of GNN layer features fixed weights for neighbor aggregation?

<p>Convolutional GNN</p> Signup and view all the answers

Which GNN layer uses attention to compute implicit weights for neighbor aggregation?

<p>Attentional GNN</p> Signup and view all the answers

Which GNN layer is most suitable for computing arbitrary vectors (messages) to be sent across edges?

<p>Message-passing GNN</p> Signup and view all the answers

What is the primary principle for building and training GNNs outlined in the text?

<p>Train on a set of nodes</p> Signup and view all the answers

Which foundational GNN models are specifically mentioned in the text?

<p>GCN, MoNet, GraphNets</p> Signup and view all the answers

Which type of function is permutation invariant?

<p>A function that remains the same when the order of elements is changed</p> Signup and view all the answers

What characterizes a Deep Sets model according to the text?

<p>Learnable functions like MLPs and sum aggregation are critical</p> Signup and view all the answers

What is the main difference in applying permutation invariance and equivariance to graphs?

<p>Permutations act accordingly on both rows and columns of the adjacency matrix for invariance and equivariance</p> Signup and view all the answers

What does enforcing locality in equivariant set functions involve?

<p>Applying a shared function to every node in isolation</p> Signup and view all the answers

How can permutation equivariant functions on graphs be constructed?

<p>By applying a permutation-invariant local function over all neighbourhoods</p> Signup and view all the answers

What is the purpose of a GNN layer according to the text?

<p>To aggregate features from neighbours with implicit weights</p> Signup and view all the answers

What is a common lingo used for 𝐅 in the context of graph neural networks?

<p>&quot;GNN layer&quot;</p> Signup and view all the answers

What does extracting neighbourhood features involve in graph neural networks?

<p>Aggregating features from all nodes in the graph</p> Signup and view all the answers

What is an important constraint for ensuring equivariance in graph neural networks?

<p>&quot;Permutation-invariant&quot; local functions over all neighbourhoods</p> Signup and view all the answers

What does applying a permutation matrix to 𝜙 involve in graph neural networks?

<p>&quot;Preserving the order&quot; of nodes in 𝐗 𝒩. while applying 𝜙</p> Signup and view all the answers

What is the main challenge in learning the mapping function for graph data?

<p>Learning the mapping function f</p> Signup and view all the answers

How are graphs similar to images?

<p>Graphs can be seen as a generalization of images as each node corresponds to a pixel</p> Signup and view all the answers

What is a desirable property for a graph convolutional layer?

<p>Applicability to inductive problems</p> Signup and view all the answers

What does the encoder do in the context of deep learning methods based on graph neural networks?

<p>Maps each node to a low-dimensional vector</p> Signup and view all the answers

What tasks can be solved with Graph Neural Networks (GNNs)?

<p>Identification of densely linked clusters of nodes</p> Signup and view all the answers

What is a key property of node embedding in the context of building and training GNNs?

<p>Permutation Invariance</p> Signup and view all the answers

What is the focus of learning on sets within the context of graph analysis?

<p>Analyzing point clouds and LiDAR data</p> Signup and view all the answers

What does the symmetry group 𝔊 aim to achieve in the context of graph analysis?

<p>Change the node order using permutation matrices</p> Signup and view all the answers

What is a key aspect focused on in Linformer for network performance enhancement?

<p>Improvement in network performance by reducing memory complexity</p> Signup and view all the answers

What is the primary focus of Long-Range Arena Challenge in relation to efficient transformers?

<p>The evaluation of efficient transformers for longer sequences</p> Signup and view all the answers

What are the desirable properties for a graph convolutional layer?

<p>Computational and storage efficiency, fixed number of parameters, localisation, specifying different importances to different neighbors, applicability to inductive problems</p> Signup and view all the answers

What are the tasks that can be solved with GNNs according to the text?

<p>Node classification, link prediction, community detection, network similarity</p> Signup and view all the answers

What is the symmetry group 𝔊 defined in the context of learning on sets?

<p>𝔊 is the n-element permutation group Σn, where n is the number of nodes.</p> Signup and view all the answers

What is the purpose of permutation invariance in the context of learning on sets?

<p>Permutation invariance ensures that functions 𝑓(𝐗) over sets do not depend on the order of the nodes.</p> Signup and view all the answers

What are the node embedding properties mentioned in the text for building and training GNNs?

<p>Permutation invariance, permutation equivariance</p> Signup and view all the answers

What is the general focus of GNNs according to the text?

<p>To generalize the operation of CNNs to work on arbitrary graphs.</p> Signup and view all the answers

What is the general framework for building and training GNNs?

<p>Node, Subgraph, Graph Encoders</p> Signup and view all the answers

What is the encoder's role in deep learning methods based on graph neural networks?

<p>The encoder maps each node to a low-dimensional vector in the input graph.</p> Signup and view all the answers

What are the challenges associated with graph convolutions according to the text?

<p>Computational and storage efficiency, fixed number of parameters, localisation, specifying different importances to different neighbors, applicability to inductive problems</p> Signup and view all the answers

What does the similarity function specify in the context of deep learning methods based on graph neural networks?

<p>It specifies how the relationships in vector space map to the relationships in the original network.</p> Signup and view all the answers

What are the three 'flavours' of GNN layers?

<p>Convolutional GNN, Attentional GNN, Message-passing GNN</p> Signup and view all the answers

What are the features of neighbors aggregated with fixed weights in GNN?

<p>Convolutional GNN</p> Signup and view all the answers

Which GNN layer is useful for homophilous graphs and highly scalable applications?

<p>Convolutional GNN</p> Signup and view all the answers

What are the attention weights computed as in Attentional GNN?

<p>Attention weights are computed as 𝛼#) = 𝑎(𝐱 # , 𝐱)</p> Signup and view all the answers

Which GNN layer is ideal for computational chemistry, reasoning, and simulation tasks?

<p>Message-passing GNN</p> Signup and view all the answers

What are the four steps outlined in the model design overview for building and training GNNs?

<p>(1) Define a neighborhood aggregation function, (2) Define a loss function on the embeddings, (3) Train on a set of nodes, (4) Generate embeddings for nodes as needed</p> Signup and view all the answers

What is the primary advantage of shared aggregation parameters for all nodes in GNN?

<p>Sublinear number of model parameters and generalization to unseen nodes</p> Signup and view all the answers

What is the purpose of generating embeddings 'on the fly' in GNNs?

<p>To generate new embeddings for previously unseen nodes</p> Signup and view all the answers

What does each node compute in the message-passing step of GNN?

<p>Each node computes a message</p> Signup and view all the answers

What are the three components in the message-passing process of GNN?

<p>Message, Aggregation, Nonlinearity</p> Signup and view all the answers

What are some examples of structured data mentioned in the text?

<p>Knowledge graph, Protein graphs, Recommender Systems, User preference/consumption, Social Network Graphs</p> Signup and view all the answers

What are some recent real-world applications of Graph Neural Networks (GNNs) mentioned in the text?

<p>Drug discovery (including for COVID-19), Trip/wait time prediction on Google Maps, Fake news detection on Social Media (e.g. Tweets)</p> Signup and view all the answers

What is the primary challenge mentioned in the text regarding structured data and deep learning techniques?

<p>Applying deep learning techniques to graph-based information representations and obtaining embeddings of information contained in graphs for further use in deep learning pipelines.</p> Signup and view all the answers

What are some foundational models of Graph Neural Networks (GNNs) mentioned in the text?

<p>Graph Convolutional Networks, Graph Attentional Networks, Message Passing Neural Network (MPNN)</p> Signup and view all the answers

What are some examples of tasks that can be handled effectively by sequence-to-sequence models according to the text?

<p>Semantic Segmentation, Instance Segmentation</p> Signup and view all the answers

What is the main objective of using grouped convolutions in ResNeXt according to the text?

<p>To control the amount of concatenation between feature maps</p> Signup and view all the answers

According to the text, what is the primary focus of Graph Neural Networks (GNNs)?

<p>Capturing and processing information from graph-structured data</p> Signup and view all the answers

What is the key purpose of using Darknet-53 in YOLOv3 as mentioned in the text?

<p>To serve as the backbone for feature extraction</p> Signup and view all the answers

According to the text, what is the primary function of a convolution operation on images?

<p>To extract features from the input image</p> Signup and view all the answers

What is the primary purpose of using normalization in Convolutional Neural Networks (CNNs) according to the text?

<p>To improve the training speed and stability of the network</p> Signup and view all the answers

What is the definition of permutation invariance for a function 𝑓(𝐗)?

<p>𝑓(𝐗) is permutation invariant if, for all permutation matrices 𝐏, 𝑓 𝐏𝐗 = 𝑓 𝐗</p> Signup and view all the answers

How is the concept of locality enforced in equivariant set functions?

<p>Locality in equivariant set functions is enforced through a shared function 𝜓 applied to every node in isolation.</p> Signup and view all the answers

What is the formula for extracting neighbourhood features from a graph?

<p>𝐗 𝒩. = {{ 𝐱) ∶ 𝑗 ∈ 𝒩# }}</p> Signup and view all the answers

What is the key requirement for ensuring equivariance in the local function 𝜙 used in graph neural networks?

<p>The local function 𝜙 should not depend on the order of the nodes in 𝐗 𝒩.</p> Signup and view all the answers

What is the main difference in applying permutation invariance and equivariance on graphs compared to sets?

<p>The main difference is that permutations now also accordingly act on the edges in addition to the nodes.</p> Signup and view all the answers

How are permutation equivariant functions 𝐅(𝐗, 𝐀) constructed on graphs?

<p>Permutation equivariant functions 𝐅(𝐗, 𝐀) are constructed by applying a local permutation-invariant 𝜙 over all neighbourhoods.</p> Signup and view all the answers

What is the common lingo used to refer to the shared application of a local permutation-invariant function in graph neural networks?

<p>The common lingo used is 'diffusion', 'propagation', or 'message passing'.</p> Signup and view all the answers

What is the definition of a GNN layer in the context of graph neural networks?

<p>A GNN layer is a permutation equivariant function 𝐅(𝐗, 𝐀) on graphs by shared application of a local permutation-invariant 𝜙.</p> Signup and view all the answers

What is the broader context considered in graphs that gives rise to a node's neighbourhood?

<p>The broader context in graphs that gives rise to a node's neighbourhood is the edges between nodes.</p> Signup and view all the answers

What is the exercise posed in the text regarding ensuring equivariance in the local function 𝜙?

<p>The exercise is to prove that it is sufficient if 𝜙 does not depend on the order of the nodes in 𝐗 𝒩.</p> Signup and view all the answers

Studying That Suits You

Use AI to generate personalized quizzes and flashcards to suit your learning preferences.

Quiz Team
Use Quizgecko on...
Browser
Browser