COMPUTER SCIENCE SOLVED MCQS

Almost all MCQs of Computer

Artificial Intelligence solved mcqs

 



Artificial Intelligence solved mcqs




Artificial Intelligence solved mcqs

  1. What does AI stand for?
    a) Automated Intelligence
    b) Artificial Intelligence
    c) Advanced Intelligence
    d) Automated Interaction
    Answer: b) Artificial Intelligence

 

  1. Which of the following is a subset of AI?
    a) Machine Learning
    b) Data Mining
    c) Natural Language Processing
    d) All of the above
    Answer: d) All of the above

 

  1. What is the primary goal of AI?
    a) To create machines that can perform tasks requiring human intelligence
    b) To replace human workers
    c) To develop software for gaming
    d) To automate all manual tasks


Answer: a) To create machines that can perform tasks requiring human intelligence

  1. Which of the following is NOT a type of AI?
    a) Narrow AI
    b) General AI
    c) Super AI
    d) Reactive AI
    Answer: d) Reactive AI

 

  1. What is Machine Learning?
    a) A type of AI that allows machines to learn from data
    b) A type of AI that mimics human behavior
    c) A type of AI that only works with structured data
    d) A type of AI that does not require data
    Answer: a) A type of AI that allows machines to learn from data

 

  1. Which of the following is an example of Narrow AI?
    a) Siri
    b) Self-driving cars
    c) Chatbots
    d) All of the above
    Answer: d) All of the above

 

  1. What is the Turing Test used for?
    a) To test the speed of a computer
    b) To determine if a machine can exhibit intelligent behavior
    c) To test the security of a system
    d) To evaluate the performance of an algorithm
    Answer: b) To determine if a machine can exhibit intelligent behavior

 

  1. Which of the following is a key component of AI?
    a) Algorithms
    b) Data
    c) Computing Power
    d) All of the above
    Answer: d) All of the above

 

  1. What is Natural Language Processing (NLP)?
    a) A field of AI focused on the interaction between computers and humans using natural language
    b) A field of AI focused on image recognition
    c) A field of AI focused on robotics
    d) A field of AI focused on data mining
    Answer: a) A field of AI focused on the interaction between computers and humans using natural language

 

  1. Which of the following is an example of supervised learning?
    a) Clustering
    b) Regression
    c) Dimensionality Reduction
    d) Association
    Answer: b) Regression

 

  1. What is the main difference between supervised and unsupervised learning?
    a) Supervised learning uses labeled data, while unsupervised learning uses unlabeled data
    b) Supervised learning uses unlabeled data, while unsupervised learning uses labeled data
    c) Supervised learning is faster than unsupervised learning
    d) Supervised learning is used for clustering, while unsupervised learning is used for classification
    Answer: a) Supervised learning uses labeled data, while unsupervised learning uses unlabeled data

 

  1. Which of the following is an example of unsupervised learning?
    a) Classification
    b) Clustering
    c) Regression
    d) Decision Trees
    Answer: b) Clustering

 

  1. What is a neural network?
    a) A type of algorithm used in AI that mimics the human brain
    b) A type of database used in AI
    c) A type of hardware used in AI
    d) A type of programming language used in AI
    Answer: a) A type of algorithm used in AI that mimics the human brain

 

  1. What is deep learning?
    a) A subset of machine learning that uses neural networks with many layers
    b) A type of AI that does not require data
    c) A type of AI that only works with structured data
    d) A type of AI that mimics human behavior
    Answer: a) A subset of machine learning that uses neural networks with many layers

 

  1. Which of the following is an example of reinforcement learning?
    a) Training a robot to navigate a maze
    b) Classifying emails as spam or not spam
    c) Clustering customer data
    d) Predicting house prices
    Answer: a) Training a robot to navigate a maze

 

  1. What is overfitting in machine learning?
    a) When a model performs well on training data but poorly on unseen data
    b) When a model performs poorly on training data
    c) When a model is too simple
    d) When a model is too complex
    Answer: a) When a model performs well on training data but poorly on unseen data

 

  1. What is the purpose of a confusion matrix?
    a) To evaluate the performance of a classification model
    b) To evaluate the performance of a regression model
    c) To evaluate the performance of a clustering model
    d) To evaluate the performance of a reinforcement learning model
    Answer: a) To evaluate the performance of a classification model

 

  1. What is the role of a loss function in machine learning?
    a) To measure the difference between predicted and actual values
    b) To measure the accuracy of a model
    c) To measure the complexity of a model
    d) To measure the speed of a model
    Answer: a) To measure the difference between predicted and actual values

 

  1. What is the purpose of cross-validation?
    a) To assess how well a model generalizes to an independent dataset
    b) To increase the complexity of a model
    c) To reduce the training time of a model
    d) To increase the accuracy of a model
    Answer: a) To assess how well a model generalizes to an independent dataset

 

  1. What is the difference between classification and regression?
    a) Classification predicts categories, while regression predicts continuous values
    b) Classification predicts continuous values, while regression predicts categories
    c) Classification is used for unsupervised learning, while regression is used for supervised learning
    d) Classification is used for supervised learning, while regression is used for unsupervised learning
    Answer: a) Classification predicts categories, while regression predicts continuous values

 

  1. What is the purpose of feature selection in machine learning?
    a) To select the most relevant features for training a model
    b) To increase the complexity of a model
    c) To reduce the training time of a model
    d) To increase the accuracy of a model
    Answer: a) To select the most relevant features for training a model

 

  1. What is the role of an activation function in a neural network?
    a) To introduce non-linearity into the model
    b) To reduce the complexity of the model
    c) To increase the speed of the model
    d) To reduce the training time of the model
    Answer: a) To introduce non-linearity into the model

 

  1. What is the purpose of regularization in machine learning?
    a) To prevent overfitting
    b) To increase the complexity of a model
    c) To reduce the training time of a model
    d) To increase the accuracy of a model
    Answer: a) To prevent overfitting

 

  1. What is the difference between precision and recall?
    a) Precision measures the accuracy of positive predictions, while recall measures the proportion of actual positives correctly identified
    b) Precision measures the proportion of actual positives correctly identified, while recall measures the accuracy of positive predictions
    c) Precision measures the accuracy of negative predictions, while recall measures the proportion of actual negatives correctly identified
    d) Precision measures the proportion of actual negatives correctly identified, while recall measures the accuracy of negative predictions
    Answer: a) Precision measures the accuracy of positive predictions, while recall measures the proportion of actual positives correctly identified

 

  1. What is the purpose of a learning rate in machine learning?
    a) To control the step size during optimization
    b) To control the complexity of a model
    c) To control the training time of a model
    d) To control the accuracy of a model
    Answer: a) To control the step size during optimization

 

  1. What is the difference between a generative model and a discriminative model?
    a) A generative model learns the joint probability distribution, while a discriminative model learns the conditional probability distribution
    b) A generative model learns the conditional probability distribution, while a discriminative model learns the joint probability distribution
    c) A generative model is used for classification, while a discriminative model is used for regression
    d) A generative model is used for regression, while a discriminative model is used for classification
    Answer: a) A generative model learns the joint probability distribution, while a discriminative model learns the conditional probability distribution

 

  1. What is the purpose of a convolutional neural network (CNN)?
    a) To process grid-like data such as images
    b) To process sequential data such as text
    c) To process tabular data
    d) To process audio data
    Answer: a) To process grid-like data such as images

 

  1. What is the purpose of a recurrent neural network (RNN)?
    a) To process sequential data such as text
    b) To process grid-like data such as images
    c) To process tabular data
    d) To process audio data
    Answer: a) To process sequential data such as text

 

  1. What is the difference between a batch gradient descent and stochastic gradient descent?
    a) Batch gradient descent updates the model parameters after processing the entire dataset, while stochastic gradient descent updates the model parameters after processing each data point
    b) Batch gradient descent updates the model parameters after processing each data point, while stochastic gradient descent updates the model parameters after processing the entire dataset
    c) Batch gradient descent is faster than stochastic gradient descent
    d) Batch gradient descent is more accurate than stochastic gradient descent
    Answer: a) Batch gradient descent updates the model parameters after processing the entire dataset, while stochastic gradient descent updates the model parameters after processing each data point

 

  1. What is the purpose of a dropout layer in a neural network?
    a) To prevent overfitting
    b) To increase the complexity of the model
    c) To reduce the training time of the model
    d) To increase the accuracy of the model
    Answer: a) To prevent overfitting

 

  1. What is the difference between a decision tree and a random forest?
    a) A decision tree is a single tree, while a random forest is an ensemble of decision trees
    b) A decision tree is an ensemble of trees, while a random forest is a single tree
    c) A decision tree is used for regression, while a random forest is used for classification
    d) A decision tree is used for classification, while a random forest is used for regression
    Answer: a) A decision tree is a single tree, while a random forest is an ensemble of decision trees

 

  1. What is the purpose of a support vector machine (SVM)?
    a) To find the optimal hyperplane that separates data into classes
    b) To find the optimal clustering of data
    c) To find the optimal regression line
    d) To find the optimal decision tree
    Answer: a) To find the optimal hyperplane that separates data into classes

 

  1. What is the difference between a bagging and boosting ensemble method?
    a) Bagging builds models in parallel, while boosting builds models sequentially
    b) Bagging builds models sequentially, while boosting builds models in parallel
    c) Bagging is used for regression, while boosting is used for classification
    d) Bagging is used for classification, while boosting is used for regression
    Answer: a) Bagging builds models in parallel, while boosting builds models sequentially

 

  1. What is the purpose of a k-means clustering algorithm?
    a) To partition data into k clusters
    b) To classify data into k categories
    c) To predict continuous values
    d) To reduce the dimensionality of data
    Answer: a) To partition data into k clusters

 

  1. What is the difference between a generative adversarial network (GAN) and a variational autoencoder (VAE)?
    a) A GAN consists of a generator and a discriminator, while a VAE consists of an encoder and a decoder
    b) A GAN consists of an encoder and a decoder, while a VAE consists of a generator and a discriminator
    c) A GAN is used for classification, while a VAE is used for regression
    d) A GAN is used for regression, while a VAE is used for classification
    Answer: a) A GAN consists of a generator and a discriminator, while a VAE consists of an encoder and a decoder

 

  1. What is the purpose of a transformer model in NLP?
    a) To process sequential data using self-attention mechanisms
    b) To process grid-like data using convolutional layers
    c) To process tabular data using decision trees
    d) To process audio data using recurrent layers
    Answer: a) To process sequential data using self-attention mechanisms

 

  1. What is the difference between a supervised and unsupervised learning problem?
    a) Supervised learning uses labeled data, while unsupervised learning uses unlabeled data
    b) Supervised learning uses unlabeled data, while unsupervised learning uses labeled data
    c) Supervised learning is used for clustering, while unsupervised learning is used for classification
    d) Supervised learning is used for regression, while unsupervised learning is used for classification
    Answer: a) Supervised learning uses labeled data, while unsupervised learning uses unlabeled data

 

  1. What is the purpose of a gradient boosting machine (GBM)?
    a) To build an ensemble of weak models sequentially to create a strong model
    b) To build an ensemble of weak models in parallel to create a strong model
    c) To build a single strong model
    d) To build a single weak model
    Answer: a) To build an ensemble of weak models sequentially to create a strong model

 

  1. What is the difference between a feedforward neural network and a recurrent neural network?
    a) A feedforward neural network has no cycles, while a recurrent neural network has cycles
    b) A feedforward neural network has cycles, while a recurrent neural network has no cycles
    c) A feedforward neural network is used for regression, while a recurrent neural network is used for classification
    d) A feedforward neural network is used for classification, while a recurrent neural network is used for regression
    Answer: a) A feedforward neural network has no cycles, while a recurrent neural network has cycles

 

  1. What is the purpose of a word embedding in NLP?
    a) To represent words in a continuous vector space
    b) To represent words in a discrete vector space
    c) To represent words in a tabular format
    d) To represent words in a tree structure
    Answer: a) To represent words in a continuous vector space

 

  1. What is the difference between a precision-recall curve and an ROC curve?
    a) A precision-recall curve is used for imbalanced datasets, while an ROC curve is used for balanced datasets
    b) A precision-recall curve is used for balanced datasets, while an ROC curve is used for imbalanced datasets
    c) A precision-recall curve is used for regression, while an ROC curve is used for classification
    d) A precision-recall curve is used for classification, while an ROC curve is used for regression
    Answer: a) A precision-recall curve is used for imbalanced datasets, while an ROC curve is used for balanced datasets

 

  1. What is the purpose of a long short-term memory (LSTM) network?
    a) To handle long-term dependencies in sequential data
    b) To handle short-term dependencies in sequential data
    c) To handle grid-like data
    d) To handle tabular data
    Answer: a) To handle long-term dependencies in sequential data

 

  1. What is the difference between a generative model and a discriminative model?
    a) A generative model learns the joint probability distribution, while a discriminative model learns the conditional probability distribution
    b) A generative model learns the conditional probability distribution, while a discriminative model learns the joint probability distribution
    c) A generative model is used for classification, while a discriminative model is used for regression
    d) A generative model is used for regression, while a discriminative model is used for classification
    Answer: a) A generative model learns the joint probability distribution, while a discriminative model learns the conditional probability distribution

 

  1. What is the purpose of a reinforcement learning agent?
    a) To learn by interacting with an environment and receiving rewards
    b) To learn by processing labeled data
    c) To learn by processing unlabeled data
    d) To learn by processing sequential data
    Answer: a) To learn by interacting with an environment and receiving rewards

 

  1. What is the difference between a policy and a value function in reinforcement learning?
    a) A policy defines the agent's behavior, while a value function estimates the expected return
    b) A policy estimates the expected return, while a value function defines the agent's behavior
    c) A policy is used for classification, while a value function is used for regression
    d) A policy is used for regression, while a value function is used for classification
    Answer: a) A policy defines the agent's behavior, while a value function estimates the expected return

 

  1. What is the purpose of a Q-learning algorithm?
    a) To learn the optimal policy by estimating the Q-value function
    b) To learn the optimal policy by estimating the value function
    c) To learn the optimal policy by estimating the policy function
    d) To learn the optimal policy by estimating the reward function
    Answer: a) To learn the optimal policy by estimating the Q-value function

 

  1. What is the difference between on-policy and off-policy learning?
    a) On-policy learning learns the optimal policy by following the current policy, while off-policy learning learns the optimal policy by following a different policy
    b) On-policy learning learns the optimal policy by following a different policy, while off-policy learning learns the optimal policy by following the current policy
    c) On-policy learning is used for classification, while off-policy learning is used for regression
    d) On-policy learning is used for regression, while off-policy learning is used for classification
    Answer: a) On-policy learning learns the optimal policy by following the current policy, while off-policy learning learns the optimal policy by following a different policy

 

  1. What is the purpose of a Markov Decision Process (MDP) in reinforcement learning?
    a) To model decision-making in environments where outcomes are partly random and partly under the control of a decision-maker
    b) To model decision-making in environments where outcomes are fully random
    c) To model decision-making in environments where outcomes are fully deterministic
    d) To model decision-making in environments where outcomes are not influenced by actions
    Answer: a) To model decision-making in environments where outcomes are partly random and partly under the control of a decision-maker

 

  1. What is the difference between exploration and exploitation in reinforcement learning?
    a) Exploration involves trying new actions to discover their effects, while exploitation involves choosing actions known to yield high rewards
    b) Exploration involves choosing actions known to yield high rewards, while exploitation involves trying new actions to discover their effects
    c) Exploration is used for classification, while exploitation is used for regression
    d) Exploration is used for regression, while exploitation is used for classification
    Answer: a) Exploration involves trying new actions to discover their effects, while exploitation involves choosing actions known to yield high rewards

 

  1. What is the purpose of a reward function in reinforcement learning?
    a) To provide feedback to the agent based on its actions
    b) To define the state space of the environment
    c) To define the action space of the environment
    d) To define the policy of the agent
    Answer: a) To provide feedback to the agent based on its actions

 


Post a Comment

[facebook]

MKRdezign

Contact Form

Name

Email *

Message *

Powered by Blogger.
Javascript DisablePlease Enable Javascript To See All Widget