AI/ML Screening TestBy mfh.officials@gmail.com / January 7, 2025 Artificial Intelligence (AI) and Machine Learning (ML) 1 / 18 Which of the following measures the proportion of false positives in a classification problem? F1 Score Precision False Positive Rate (FPR) Recall 2 / 18 Which of the following techniques is used to improve the performance of an underfitting model? Cross-validation Pruning Increase model complexity Regularization 3 / 18 Which of the following models uses the concept of a "kernel" to map input data into a higher-dimensional space? Naive Bayes Support Vector Machines (SVM) Decision Trees Logistic Regression 4 / 18 Which algorithm is best suited for detecting anomalies in data? Decision Trees Naive Bayes K-Means Clustering One-Class SVM 5 / 18 Which neural network architecture is designed to work with sequential data such as time-series or text? Deep Belief Networks Recurrent Neural Networks (RNN) Fully Connected Networks Convolutional Neural Networks (CNN) 6 / 18 Which of the following is a characteristic of supervised learning? The model uses feedback from the environment. The model learns from labeled data. The model learns to classify data into distinct categories without labels. The model learns patterns without labeled data. 7 / 18 Which of the following is NOT a type of Machine Learning? Supervised Learning Evolutionary Learning Reinforcement Learning Unsupervised Learning 8 / 18 What is the purpose of "feature scaling" in machine learning? To make sure all features are on the same scale to improve model performance To eliminate missing values To reduce the number of features To increase the interpretability of the model 9 / 18 In deep learning, which of the following techniques is used to prevent the model from overfitting? Dropout L2 Regularization All of the above Early Stopping 10 / 18 Which technique is used to evaluate the performance of a regression model? Accuracy Mean Squared Error (MSE) ROC Curve Precision 11 / 18 Which of the following is true for the concept of "Gradient Descent"? It works by choosing random weights for model parameters. It cannot be used for deep learning models. It always converges to the global minimum. It is used to optimize a function by finding the local minimum. 12 / 18 Which type of neural network is specifically designed for spatial data, such as images? Convolutional Neural Networks (CNN) Recurrent Neural Networks (RNN) Generative Adversarial Networks (GAN) Multilayer Perceptrons (MLP) 13 / 18 What is "bias" in machine learning? The error due to random fluctuations in the dataset The error due to incorrect assumptions made by the model The error due to lack of data The error due to model complexity 14 / 18 Which technique can be used to prevent overfitting in deep learning models? Regularization (L1/L2) Early stopping All of the above Cross-validation 15 / 18 What does the "softmax" activation function do? Introduces non-linearity to the network Maps any value between 0 and 1 Prevents overfitting in the model Converts the output of a network to a probability distribution 16 / 18 Which of the following is true about decision trees? They are not interpretable. They can only be used for classification tasks. They are sensitive to overfitting only on very small datasets. They split data based on feature values using a tree-like structure. 17 / 18 Which of the following algorithms is typically used for outlier detection in continuous data? DBSCAN Naive Bayes K-Means Decision Trees 18 / 18 Which type of machine learning algorithm is used to group data points into distinct clusters? Clustering Dimensionality Reduction Classification Regression Your score isThe average score is 48%