Version 1 Flashcards

1
Q

What is the purpose of regularizarion in machine learning?

A

To reduce overfitting by adding a penalty term to the loss function.

Regularization helps prevent overfitting by adding a penalty term to the loss function, which encourages the model to have smaller weights and reduces the complexity of the learned function.

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

Which activation function is commonly used for binary classification problems?

A

Sigmoid.

Sigmoid function maps the input to a value between 0 and 1, making it suitable for binary classification where the output is interpreted as the probability of belonging to a class.

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

What is the purpose of backpropagation in neural networks?

A

To calculate the gradient of the loss function with respect to the network weights, to update the network weights based on the calculated gradients, to propagate the error from the output layer to the input layer.

Backpropagation is a method used to calculate the gradients of the loss function with respect to the network weights, propagate the error from the output layer to the input layer, and update the network weights using gradient descent or a similar optimization algorithm.

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

Which algorithm is commonly used for training deep neural networks?

a) K-means clustering
b) Random Forest
c) Gradient Boosting
d) Stochastic Gradient Descent

A

Stochastic Gradient Descent.

Stochastic Gradient Descent (SGD) is commonly used for training deep neural networks. It updates the network weights based on the gradients calculated on a small subset (mini-batch) of the training data, making it computationally efficient.

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

What is the purpose of dropout regularization in deep learning?

A

To randomly drop units (neurons) during training to prevent overfitting.

Dropout regularization randomly drops units (neurons) during training, which helps prevent overfitting by reducing the reliance of neurons on each other and encourages the network to learn more robust representations.

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

Which algorithm is used for dimensionality reduction in machine learning?

a) K-means clustering
b) Principal Component Analysis (PCA)
c) Support Vector Machines (SVM)
d) Naive Bayes

A

Principal Component Analysis (PCA).

PCA is commonly used for dimensionality reduction in machine learning. It transforms the original features into a lower-dimensional space while preserving the maximum amount of information.

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

What is the purpose of the activation function in a neural network?

A

To introduce non-linearity to the network.

The activation function introduces non-linearity to the network, allowing neural networks to learn complex patterns and relationships in the data.

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

Which algorithm is commonly used for image classification tasks?

a) K-means clustering
b) Random Forest
c) Convolutional Neural Networks (CNN)
d) Linear Regression

A

Convolutional Neural Networks (CNN)

Convolutional Neural Networks (CNNs) are widely used for image classification tasks due to their ability to capture spatial hierarchies and extract relevant features from images.

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

What is the purpose of the softmax function in deep learning?

A

To compute the probabilities of multiple classes in a multi-class classification problem.

The softmax function transforms the outputs of a neural network into a probability distribution over multiple classes, making it suitable for multi-class classification problems.

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

Which evaluation metric is commonly used for imbalanced classification problems?

A

F1-score

The F1-score is commonly used for imbalanced classification problems as it combines precision and recall into a single metric, providing a balanced measure of the model’s performance.

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

Which algorithm is commonly used for recommendation systems?

a) K-means clustering
b) Random Forest
c) Collaborative Filtering
d) Decision Trees

A

Collaborative Filtering

Collaborative Filtering is a common algorithm used for recommendation systems. It analyzes user behavior and preferences to recommend items to users based on their similarity to other users.

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

What is the purpose of the learning rate in gradient descent optimization?

A

To control the convergence speed of the optimization algorithm.

The learning rate determines the step size at each iteration of the gradient descent algorithm. It controls the convergence speed and affects how quickly the algorithm reaches an optimal solution.

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

Which algorithm is commonly used for text classification tasks?

a) K-means clustering
b) Random Forest
c) Recurrent Neural Networks (RNN)
d) Support Vector Machines (SVM)
A

Support Vector Machines (SVM)

Support Vector Machines (SVM) are commonly used for text classification tasks due to their ability to handle high-dimensional feature spaces and find non-linear decision boundaries.

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

What is the purpose of data preprocessing in machine learning?

A

To transform the data into a suitable format for training a model.

Data preprocessing involves transforming the raw data into a format that is suitable for training a model, which may include handling missing values, scaling features, encoding categorical variables, and more.

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

Which algorithm is commonly used for anomaly detection?

a) K-means clustering
b) Random Forest
c) Isolation Forest
d) Linear Regression
A

Isolation Forest

Isolation Forest is commonly used for anomaly detection. It isolates anomalies by randomly partitioning the data and isolating instances that require fewer partitions, making it efficient for detecting anomalies.

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

Which technique is used to handle missing values in a dataset?

A

Missing values can be handled by dropping rows or columns with missing values or imputing the missing values with appropriate strategies like mean, median, or mode, depending on the nature of the data.

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

Which algorithm is commonly used for time series forecasting?

a) K-means clustering
b) Random Forest
c) Autoregressive Integrated Moving Average (ARIMA)
d) Naive Bayes
A

Autoregressive Integrated Moving Average (ARIMA)

ARIMA is a widely used algorithm for time series forecasting. It models the autocorrelation and seasonality in the data to make future predictions.

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

Which technique is used to address the problem of overfitting in decision trees?

A

Pruning

Pruning is used to address overfitting in decision trees. It removes unnecessary branches and nodes from the tree to improve the generalization ability of the model.

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

Which algorithm is commonly used for unsupervised learning?

a) K-means clustering
b) Decision Trees
c) Gradient Boosting
d) Support Vector Machines (SVM)
A

K-means clustering

K-means clustering is a popular unsupervised learning algorithm used to group similar instances together based on their feature similarity.

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

Which technique is used to handle class imbalance in a classification problem?

A

Class imbalance can be handled by random oversampling (creating additional samples of the minority class), random undersampling (removing samples from the majority class), or using SMOTE to generate synthetic samples of the minority class.

21
Q

Which algorithm is used for sequence generation tasks like text generation?

a) K-means clustering
b) Recurrent Neural Networks (RNN)
c) Gradient Boosting
d) Linear Regression
A

Recurrent Neural Networks (RNN)

Recurrent Neural Networks (RNNs) are commonly used for sequence generation tasks like text generation, as they have the ability to capture the temporal dependencies in the data.

22
Q

What is the purpose of the loss function in machine learning?

A

The loss function measures the performance of the model, guides the update of model parameters during optimization, and provides the gradients for backpropagation to update the network weights.

23
Q

Which technique is used to handle the curse of dimensionality?

A

Dimensionality reduction techniques like PCA are used to handle the curse of dimensionality by reducing the number of features while preserving the most important information in the data.

24
Q

Which algorithm is commonly used for regression analysis?

a) K-means clustering
b) Decision Trees
c) Linear Regression
d) Support Vector Machines (SVM)
A

Linear Regression

Linear Regression is a commonly used algorithm for regression analysis. It models the relationship between the dependent variable and one or more independent variables as a linear function.

25
Q

What is the purpose of the activation function in a convolutional neural network (CNN)?

A

To introduce non-linearity to the network.

The activation function in a CNN introduces non-linearity, allowing the network to learn complex patterns and relationships in the data by capturing non-linear transformations.

26
Q

Which algorithm is commonly used for natural language processing (NLP) tasks?

a) K-means clustering
b) Decision Trees
c) Recurrent Neural Networks (RNN)
d) Support Vector Machines (SVM)
A

To reduce the spatial dimensions of the input.

The pooling layer in a CNN reduces the spatial dimensions of the input by downsampling, which helps reduce the computational complexity and extract the most important features from the input.

27
Q

Which technique is used to handle categorical variables in machine learning?

a) One-Hot Encoding
b) Feature Scaling
c) Principal Component Analysis (PCA)
d) Regularization
A

One-Hot Encoding

One-Hot Encoding is a technique used to represent categorical variables as binary vectors, allowing machine learning algorithms to effectively handle categorical data.

28
Q

Which algorithm is commonly used for clustering analysis?

a) K-means clustering
b) Decision Trees
c) Random Forest
d) Support Vector Machines (SVM)
A

K-means clustering

K-means clustering is a commonly used algorithm for clustering analysis. It partitions the data into K clusters based on the similarity of instances to the cluster centroids.

29
Q

Which algorithm is commonly used for ensemble learning?

a) K-means clustering
b) Decision Trees
c) Random Forest
d) Support Vector Machines (SVM)
A

Random Forest

Random Forest is a commonly used algorithm for ensemble learning. It combines multiple decision trees to make predictions and provides better generalization and robustness compared to a single decision tree.

30
Q

What is the purpose of cross-validation in machine learning?

A

Cross-validation is used to assess a model’s performance on unseen data, estimate its generalization ability, and select the best hyperparameters by evaluating the model’s performance on different subsets of the data.

31
Q

Which algorithm is commonly used for face recognition tasks?

a) K-means clustering
b) Decision Trees
c) Convolutional Neural Networks (CNN)
d) Support Vector Machines (SVM)
A

Convolutional Neural Networks (CNN)

Convolutional Neural Networks (CNNs) are commonly used for face recognition tasks due to their ability to extract features from images and learn discriminative representations.

32
Q

What is the purpose of the attention mechanism in deep learning?

A

To focus on important parts of the input sequence in sequence-to-sequence tasks.

The attention mechanism in deep learning allows the model to focus on important parts of the input sequence, especially in sequence-to-sequence tasks like machine translation, where it helps improve the model’s performance.

33
Q

Which algorithm is commonly used for anomaly detection in time series data?

a) K-means clustering
b) Random Forest
c) Autoencoders
d) Linear Regression
A

Autoencoders

Autoencoders are commonly used for anomaly detection in time series data. They learn to reconstruct the input data and can identify instances that deviate significantly from the learned representations as anomalies.

34
Q

What is the purpose of early stopping in deep learning?

A

To terminate the training process when the model starts overfitting.

Early stopping is used to terminate the training process when the model starts overfitting on the validation set. It helps prevent excessive training and improves the generalization ability of the model.

35
Q

Which algorithm is commonly used for sentiment analysis tasks?

a) K-means clustering
b) Decision Trees
c) Recurrent Neural Networks (RNN)
d) Support Vector Machines (SVM)
A

Recurrent Neural Networks (RNN)

Recurrent Neural Networks (RNNs) are commonly used for sentiment analysis tasks as they can capture the sequential nature of text and learn representations that capture sentiment information.

36
Q

What is the purpose of the Adam optimizer in deep learning?

A

To update the model parameters during optimization.

The Adam optimizer is used to update the model parameters during optimization. It adapts the learning rate based on the estimates of the first and second moments of the gradients.

37
Q

Which algorithm is commonly used for object detection tasks?

a) K-means clustering
b) Decision Trees
c) Convolutional Neural Networks (CNN)
d) Support Vector Machines (SVM)
A

Convolutional Neural Networks (CNN)

Convolutional Neural Networks (CNNs) are commonly used for object detection tasks. They can localize and classify objects within an image, making them suitable for tasks like object detection and recognition.

38
Q

What is the purpose of dropout regularization in deep learning?

A

To reduce overfitting by randomly dropping neurons during training.

Dropout regularization randomly drops neurons during training, reducing overfitting by preventing co-adaptation of neurons and improving the model’s generalization ability.

39
Q

Which algorithm is commonly used for image segmentation tasks?

a) K-means clustering
b) Decision Trees
c) U-Net
d) Support Vector Machines (SVM)
A

U-Net

U-Net is a commonly used algorithm for image segmentation tasks. It is a convolutional neural network architecture designed for pixel-wise segmentation and has achieved state-of-the-art performance in various medical imaging tasks.

40
Q

What is the purpose of the word embedding technique in natural language processing (NLP)?

A

To encode words as dense vectors in a continuous vector space.

Word embedding techniques like Word2Vec and GloVe are used in NLP to represent words as dense vectors in a continuous vector space, capturing semantic and contextual similarities between words.

41
Q

Which algorithm is commonly used for image style transfer?

a) K-means clustering
b) Decision Trees
c) Generative Adversarial Networks (GANs)
d) Support Vector Machines (SVM)
A

Generative Adversarial Networks (GANs)

Generative Adversarial Networks (GANs) are commonly used for image style transfer tasks, where they can generate new images with the style of one image and the content of another.

42
Q

What is the purpose of the ReLU activation function in deep learning?

A

To introduce non-linearity to the network.

The Rectified Linear Unit (ReLU) activation function introduces non-linearity to the network by outputting the input if it is positive and zero otherwise. ReLU has become popular due to its simplicity and effectiveness in deep learning models.

43
Q

Which algorithm is commonly used for time series forecasting with long-term dependencies?

a) K-means clustering
b) Decision Trees
c) Long Short-Term Memory (LSTM)
d) Support Vector Machines (SVM)
A

Long Short-Term Memory (LSTM)

LSTM is a commonly used algorithm for time series forecasting tasks that involve long-term dependencies. It is designed to address the vanishing gradient problem and can capture long-term dependencies in sequential data.

44
Q

What is the purpose of the dropout layer in deep learning?

A

To reduce overfitting by randomly dropping neurons during training.

The dropout layer in deep learning randomly drops neurons during training, reducing overfitting by preventing co-adaptation and encouraging the network to learn more robust features.

45
Q

Which algorithm is commonly used for recommendation systems?

a) K-means clustering
b) Decision Trees
c) Collaborative Filtering
d) Support Vector Machines (SVM)
A

Collaborative Filtering

Collaborative Filtering is a commonly used algorithm for recommendation systems. It analyzes the preferences of multiple users to recommend items based on similar user profiles or item characteristics.

46
Q

What is the purpose of the batch normalization technique in deep learning

A

To normalize the input features.

Batch normalization normalizes the input features within each mini-batch during training, helping to stabilize the learning process, reduce internal covariate shift, and improve the overall performance of the network.

47
Q

Which algorithm is commonly used for semi-supervised learning?

a) K-means clustering
b) Decision Trees
c) Generative Adversarial Networks (GANs)
d) Support Vector Machines (SVM)
A

Generative Adversarial Networks (GANs)

Generative Adversarial Networks (GANs) can be used for semi-supervised learning by training the generator with both labeled and unlabeled data, where the generator generates samples from the unlabeled data to fool the discriminator.

48
Q

What is the purpose of the attention mechanism in natural language processing (NLP)?

A

To focus on important parts of the input sequence.

The attention mechanism in NLP allows the model to focus on important parts of the input sequence, enabling it to give more weight to relevant information and improve performance in tasks like machine translation and text summarization.

49
Q

Which algorithm is commonly used for generative modeling of images?

a) K-means clustering
b) Decision Trees
c) Variational Autoencoders (VAEs)
d) Support Vector Machines (SVM)

A

Variational Autoencoders (VAEs)

Variational Autoencoders (VAEs) are commonly used for generative modeling of images. They can learn the underlying distribution of the training data and generate new samples from that distribution.