In reinforcement learning, ________ focuses on trying new actions, while ________ focuses on leveraging known rewards.
- Exploration Policy
- Exploitation Policy
- Random Policy
- Deterministic Policy
In reinforcement learning, exploration policy focuses on trying new actions to learn more about the environment. Exploitation policy, on the other hand, leverages known rewards to make optimal decisions based on what's already learned.
One of the hyperparameters in a Random Forest algorithm that determines the maximum depth of the trees is called ______.
- Entropy
- Gini Index
- LeafNodes
- MaxDepth
The hyperparameter controlling the maximum depth of trees in a Random Forest is typically called "MaxDepth." It determines how deep each decision tree can grow in the ensemble.
The process of adding a penalty to the loss function to discourage complex models is called ________.
- Normalization
- Optimization
- Parameterization
- Regularization
Regularization is a technique used in machine learning to add a penalty to the loss function, discouraging overly complex models and preventing overfitting. It helps improve a model's generalization to new data.
What is the central idea behind using autoencoders for anomaly detection in data?
- Autoencoders learn a compressed data representation
- Autoencoders are trained on anomalies
- Autoencoders are rule-based
- Autoencoders use labeled data
Autoencoders for anomaly detection learn a compressed representation of normal data, and anomalies can be detected when the reconstruction error is high.
In convolutional neural networks, using weights from models trained on large datasets like ImageNet as a starting point for training on a new task is an application of ________.
- Transfer Learning
- Regularization
- Batch Normalization
- Data Augmentation
This application of transfer learning involves using pre-trained CNN models, like those on ImageNet, to initialize weights in a new model for a different task. It accelerates training and leverages existing knowledge.
You are developing a recommendation system for a music app. While the system's bias is low, it tends to offer very different song recommendations for slight variations in user input. This is an indication of which issue in the bias-variance trade-off?
- High Bias
- High Variance
- Overfitting
- Underfitting
This scenario indicates overfitting in the bias-variance trade-off. Overfit models tend to provide very different recommendations for slight input changes, suggesting that the model is fitting noise in the data and not generalizing well to new user preferences.
Which process involves transforming and creating new variables to improve a machine learning model's predictive performance?
- Data preprocessing
- Feature engineering
- Hyperparameter tuning
- Model training
Feature engineering is the process of transforming and creating new variables based on the existing data to enhance a model's predictive performance. This can involve scaling, encoding, or creating new features from existing ones.
A researcher is working on a medical imaging problem with a limited amount of labeled data. To improve the performance of the deep learning model, the researcher decides to use a model pre-trained on a large generic image dataset. This approach is an example of what?
- Transfer Learning
- Reinforcement Learning
- Ensemble Learning
- Supervised Learning
Transfer learning is the practice of using a pre-trained model as a starting point to solve a new problem. In this case, it leverages prior knowledge from generic images to enhance medical image analysis.
What is the primary benefit of using transfer learning in deep learning models?
- Improved training time
- Better performance
- Reduced data requirement
- Enhanced model complexity
The primary benefit of transfer learning in deep learning is 'Better performance.' This technique leverages knowledge from pre-trained models, allowing the model to perform well even with limited data and reducing the need for lengthy training.
Which type of neural network is specifically designed to handle image data?
- Convolutional Neural Network
- Recurrent Neural Network
- Feedforward Network
- Decision Tree
Convolutional Neural Networks (CNNs) are tailored for image data processing, thanks to their ability to capture spatial patterns and features.