artificial-intelligence banner

Artificial Intelligence Multiple Choice Questions (MCQs) and Answers

Master Artificial Intelligence with Practice MCQs. Explore our curated collection of Multiple Choice Questions. Ideal for placement and interview preparation, our questions range from basic to advanced, ensuring comprehensive coverage of AI concepts. Begin your placement preparation journey now!

Q61

Q61 In Python, which library is most commonly used for building machine learning models?

A

NumPy

B

Pandas

C

Scikit-learn

D

Matplotlib

Q62

Q62 How would you load a dataset using Scikit-learn in Python?

A

pd.read_csv()

B

load_dataset()

C

load_data()

D

datasets.load_iris()

Q63

Q63 How do you split a dataset into training and testing sets using Scikit-learn?

A

train_test_split()

B

split_data()

C

train_split()

D

test_train_split()

Q64

Q64 How would you implement a linear regression model in Scikit-learn?

A

Use KMeans()

B

Use RandomForest()

C

Use LinearRegression()

D

Use GradientBoosting()

Q65

Q65 How would you calculate the accuracy of a model in Scikit-learn?

A

Use mean_squared_error

B

Use confusion_matrix

C

Use accuracy_score

D

Use roc_curve

Q66

Q66 Your machine learning model is overfitting. What is the most likely cause?

A

The model is too simple

B

The model is too complex

C

The dataset is too large

D

The features are too few

Q67

Q67 Your linear regression model is performing poorly. What could be the problem?

A

The model is underfitting

B

The features are irrelevant

C

The dataset is too small

D

The model is too complex

Q68

Q68 Your classification model is performing well on training data but poorly on test data. What could be the issue?

A

Underfitting

B

Overfitting

C

Data leakage

D

Insufficient data

Q69

Q69 Your neural network model is not converging during training. What could be the issue?

A

The learning rate is too high

B

The dataset is too small

C

The model is too simple

D

The features are irrelevant

Q70

Q70 What is the key difference between supervised and unsupervised learning?

A

Supervised learning uses labeled data, unsupervised uses unlabeled data

B

Unsupervised learning uses labeled data

C

Both use labeled data

D

Both use unlabeled data

Q71

Q71 Which of the following is an example of unsupervised learning?

A

Linear regression

B

Decision trees

C

K-means clustering

D

Logistic regression

Q72

Q72 Which of the following is commonly used in supervised learning for classification tasks?

A

K-means clustering

B

Support vector machines

C

PCA

D

K-nearest neighbors

Q73

Q73 What is the primary objective of unsupervised learning?

A

To minimize the loss function

B

To group data into clusters or find patterns

C

To classify data

D

To predict continuous values

Q74

Q74 Which of the following metrics is commonly used to evaluate the performance of a supervised learning classification model?

A

Accuracy

B

Sum of squared errors

C

Silhouette score

D

Mean absolute error

Q75

Q75 In supervised learning, what does the "bias-variance tradeoff" refer to?

A

The tradeoff between the amount of data and model performance

B

The tradeoff between model simplicity and performance

C

The balance between overfitting and underfitting

D

The balance between the size of training and testing datasets

Q76

Q76 What is a potential drawback of unsupervised learning algorithms like K-means clustering?

A

They cannot handle labeled data

B

They are sensitive to the initial centroids

C

They require large amounts of labeled data

D

They are slow to converge

Q77

Q77 Which Python library is commonly used for implementing supervised learning algorithms?

A

Matplotlib

B

Scikit-learn

C

NumPy

D

TensorFlow

Q78

Q78 How would you implement K-means clustering in Python using Scikit-learn?

A

KMeans()

B

LinearRegression()

C

SVC()

D

DBSCAN()

Q79

Q79 How do you train a supervised learning model like a decision tree in Scikit-learn?

A

fit()

B

train()

C

learn()

D

split()

Q80

Q80 Which function would you use in Scikit-learn to evaluate the accuracy of a supervised learning model?

A

accuracy_score()

B

cross_val_score()

C

silhouette_score()

D

mean_squared_error()

Q81

Q81 Your K-means clustering algorithm is not finding meaningful clusters. What is a possible reason?

A

The model is too simple

B

The centroids are not initialized properly

C

The data is labeled

D

The model is underfitting

Q82

Q82 Your supervised learning model is overfitting the training data. What should you do?

A

Increase the number of features

B

Use cross-validation

C

Add more data

D

Use a more complex model

Q83

Q83 Your unsupervised learning algorithm is grouping outliers into their own clusters. What could be the issue?

A

The algorithm is too sensitive to outliers

B

The clusters are too small

C

The data is labeled

D

The algorithm is using too many centroids

Q84

Q84 What is a neural network in the context of deep learning?

A

A type of clustering algorithm

B

A computational model inspired by the human brain

C

A data preprocessing technique

D

A visualization method

Q85

Q85 In a neural network, what is the purpose of the activation function?

A

To initialize weights

B

To introduce non-linearity

C

To compute gradients

D

To optimize the learning rate

Q86

Q86 What is the role of backpropagation in neural networks?

A

To calculate the loss

B

To update weights based on gradients

C

To initialize neurons

D

To add non-linearity

Q87

Q87 Which of the following is a key challenge in training deep neural networks?

A

Overfitting

B

Gradient vanishing

C

Underfitting

D

Class imbalance

Q88

Q88 What is the primary difference between feedforward and recurrent neural networks (RNNs)?

A

RNNs can handle time-series data

B

Feedforward networks have memory

C

RNNs are more efficient

D

Feedforward networks can handle sequential data

Q89

Q89 What does the term "dropout" refer to in the context of neural networks?

A

Removing neurons during training

B

Adding noise to input data

C

Reducing the learning rate

D

Changing the activation function

Q90

Q90 Which optimization algorithm is commonly used to train deep learning models?

A

Stochastic Gradient Descent (SGD)

B

K-means

C

PCA

D

SVM

ad verticalad vertical
ad