Version 1 Flashcards
What is the purpose of regularizarion in machine learning?
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.
Which activation function is commonly used for binary classification problems?
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.
What is the purpose of backpropagation in neural networks?
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.
Which algorithm is commonly used for training deep neural networks?
a) K-means clustering
b) Random Forest
c) Gradient Boosting
d) Stochastic Gradient Descent
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.
What is the purpose of dropout regularization in deep learning?
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.
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
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.
What is the purpose of the activation function in a neural network?
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.
Which algorithm is commonly used for image classification tasks?
a) K-means clustering
b) Random Forest
c) Convolutional Neural Networks (CNN)
d) Linear Regression
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.
What is the purpose of the softmax function in deep learning?
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.
Which evaluation metric is commonly used for imbalanced classification problems?
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.
Which algorithm is commonly used for recommendation systems?
a) K-means clustering
b) Random Forest
c) Collaborative Filtering
d) Decision Trees
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.
What is the purpose of the learning rate in gradient descent optimization?
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.
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)
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.
What is the purpose of data preprocessing in machine learning?
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.
Which algorithm is commonly used for anomaly detection?
a) K-means clustering b) Random Forest c) Isolation Forest d) Linear Regression
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.
Which technique is used to handle missing values in a dataset?
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.
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
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.
Which technique is used to address the problem of overfitting in decision trees?
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.
Which algorithm is commonly used for unsupervised learning?
a) K-means clustering b) Decision Trees c) Gradient Boosting d) Support Vector Machines (SVM)
K-means clustering
K-means clustering is a popular unsupervised learning algorithm used to group similar instances together based on their feature similarity.