0% found this document useful (0 votes)
15 views20 pages

AI Course Interview V1docx

The document provides a comprehensive overview of key concepts in Artificial Intelligence (AI), Machine Learning (ML), and related fields, including definitions, techniques, and applications. It covers various learning methods, neural networks, optimization techniques, and ethical considerations in AI. Additionally, it discusses industry-specific applications of AI across healthcare, finance, customer service, and more.

Uploaded by

mahbub18
Copyright
© © All Rights Reserved
We take content rights seriously. If you suspect this is your content, claim it here.
Available Formats
Download as PDF, TXT or read online on Scribd
0% found this document useful (0 votes)
15 views20 pages

AI Course Interview V1docx

The document provides a comprehensive overview of key concepts in Artificial Intelligence (AI), Machine Learning (ML), and related fields, including definitions, techniques, and applications. It covers various learning methods, neural networks, optimization techniques, and ethical considerations in AI. Additionally, it discusses industry-specific applications of AI across healthcare, finance, customer service, and more.

Uploaded by

mahbub18
Copyright
© © All Rights Reserved
We take content rights seriously. If you suspect this is your content, claim it here.
Available Formats
Download as PDF, TXT or read online on Scribd
You are on page 1/ 20

1. What is Artificial Intelligence (AI)?

Answer: AI is the simulation of human intelligence in machines programmed to think and learn. It
enables machines to perform tasks typically requiring human intelligence, like visual perception,
speech recognition, and decision-making.
| |
2. What is Machine Learning (ML)?
Answer: ML is a subset of AI that enables systems to learn and improve from experience
automatically, without being explicitly programmed. It uses algorithms to identify patterns in data.

3. What is the difference between AI, ML, and Deep Learning?


Answer: AI is the broader concept of machines making decisions or taking actions. ML is a subset
focused on algorithms that allow learning from data. Deep Learning, a subset of ML, uses neural
networks with multiple layers to analyze data.
4. 4. What are neural networks? | |

Answer: Neural networks are computational models inspired by the human brain. They consist of
interconnected nodes (neurons) that process data in layers, enabling deep learning and other
complex AI functions.

5. 5. Explain supervised vs. unsupervised learning.

Answer: In supervised learning, the model is trained on labeled data, where each input has a known
output. In unsupervised learning, the model is trained on data without labeled responses, aiming to
find patterns or groupings.

6. 6. What is a neural network’s activation function?

Answer: Activation functions determine whether a neuron should be activated. They introduce non-
linear properties to the network, enabling it to learn complex data patterns.

7. 7. What is reinforcement learning?

Answer: It’s a type of ML where an agent learns by interacting with its environment, making
decisions, and receiving feedback (rewards or penalties) to maximize a goal.

8. 8. What is transfer learning?

Answer: Transfer learning involves reusing a pre-trained model on a new, similar problem, saving
time and resources, especially when data for the new problem is limited.

9. 9. Explain overfitting and underfitting in ML models.

Answer: Overfitting occurs when a model learns the training data too well, including noise, and
performs poorly on new data. Underfitting happens when a model is too simple, failing to capture
the data’s patterns, resulting in poor performance.

10. 10. What is regularization in ML?

Answer: Regularization involves adding a penalty term to the loss function to prevent overfitting.
Common techniques include L1 (Lasso) and L2 (Ridge) regularization.
11. 11. Describe a decision tree.

Answer: A decision tree is a model that splits data into branches based on feature values, leading to
decision nodes, and ultimately a prediction outcome. It’s easy to interpret but can be prone to
overfitting.

12. 12. What are hyperparameters?

Answer: Hyperparameters are configuration settings external to the model that need to be set
before training (like learning rate and number of epochs). They differ from parameters learned by
the model.

13. 13. What is gradient descent?

Answer: Gradient descent is an optimization algorithm that minimizes the cost function by
iteratively adjusting parameters in the direction that reduces error.

14. 14. Explain backpropagation in neural networks.

Answer: Backpropagation is an algorithm used to train neural networks. It calculates the gradient of
the error with respect to weights, adjusting them to minimize the error.

15. 15. What is a convolutional neural network (CNN)?

Answer: CNNs are specialized neural networks for image data, using convolutional layers to
automatically detect patterns in images.

16. What are the types of AI?


Answer: The types are Narrow AI (AI focused on a single task), General AI (AI that can perform any
cognitive task a human can), and Superintelligent AI (AI surpassing human intelligence).

17. What is the Turing Test?

Answer: Proposed by Alan Turing, the Turing Test evaluates if a machine's behavior is
indistinguishable from a human’s.

18. What is the significance of the term 'AI Winter'?

Answer: AI Winter refers to periods when AI research and funding stagnated due to unmet
expectations.

19. What is an expert system in AI?

Answer: It’s a computer system that mimics human expertise in specific fields, using a knowledge
base and inference rules.

20. What are the key milestones in AI development?

Answer: Milestones include the creation of neural networks, the Turing Test, IBM’s Deep Blue beating a
chess grandmaster, and recent advances in deep learning.
21. What is logistic regression?

Answer: Logistic regression is a classification algorithm used to model binary outcomes, predicting
probabilities between 0 and 1.

22. Explain k-Nearest Neighbors (k-NN).

Answer: k-NN is a non-parametric algorithm that classifies data points based on the closest training
examples in the feature space.

23. What is Support Vector Machine (SVM)?

Answer: SVM is a classification algorithm that finds the hyperplane that best separates classes in
high-dimensional space.

24. Explain Naïve Bayes Classifier.

Answer: Naïve Bayes is a probabilistic classifier based on Bayes’ theorem, assuming independence
between features.

25. What is K-Means Clustering?

Answer: K-Means is an unsupervised algorithm that partitions data into k clusters, with each point
assigned to the nearest cluster center.

26. Explain Random Forest.

Answer: Random Forest is an ensemble learning method that builds multiple decision trees and
averages their predictions for improved accuracy.

27. What is Principal Component Analysis (PCA)?

Answer: PCA is a dimensionality reduction technique that transforms data into principal
components, reducing feature space.

28. What is the purpose of an Ensemble Method?

Answer: Ensemble methods, like boosting and bagging, combine multiple algorithms to improve
predictive performance and robustness.

29. Explain Gradient Boosting Machines (GBM).

Answer: GBM is an ensemble method that builds models sequentially, focusing on correcting errors
of previous models to improve accuracy.

30. What is XGBoost?

Answer: XGBoost is an optimized gradient boosting algorithm for efficiency, accuracy, and speed,
popular in machine learning competitions.

31. Deep Learning and Neural Networks


32. What is a Recurrent Neural Network (RNN)?
Answer: RNNs are neural networks suited for sequential data, where outputs from previous
steps are inputs to the current step.
33. What are Long Short-Term Memory (LSTM) networks?
Answer: LSTMs are a type of RNN with memory cells designed to handle long-term
dependencies in sequence data.
34. What is batch normalization?
Answer: Batch normalization normalizes the inputs of each layer to stabilize and accelerate
neural network training.
35. Explain dropout in neural networks.
Answer: Dropout is a regularization technique where random neurons are ignored during
training, reducing overfitting.
36. What is an autoencoder?
Answer: An autoencoder is a neural network designed to learn efficient representations of data,
often used for dimensionality reduction or denoising.
37. What is GAN (Generative Adversarial Network)?
Answer: GANs consist of a generator and discriminator working in opposition to produce
realistic synthetic data, often used in image generation.
38. What is a Transformer model?

Answer: Transformers are neural network architectures based on self-attention mechanisms, widely
used in natural language processing tasks.

39. What is BERT?


Answer: BERT (Bidirectional Encoder Representations from Transformers) is a language model
designed for understanding language context in both directions.
40. Explain the significance of self-attention in deep learning.
Answer: Self-attention allows models to weigh the importance of different words in a sequence,
improving performance on language and sequence tasks.
41. What is the difference between feedforward and recurrent neural networks?
Answer: Feedforward networks process data in one direction without loops, while recurrent
networks have feedback loops suitable for sequence data.
42. What is the confusion matrix?
Answer: The confusion matrix is a table used to evaluate classification models, showing true
positives, false positives, true negatives, and false negatives.
43. Explain Precision, Recall, and F1 Score.
Answer: Precision is the ratio of true positives to predicted positives, recall is the ratio of true
positives to actual positives, and F1 Score is the harmonic mean of precision and recall.
44. What is cross-validation?
Answer: Cross-validation splits data into training and test sets multiple times to validate model
performance and avoid overfitting.
45. What is AUC-ROC?
Answer: The AUC-ROC curve plots the true positive rate against the false positive rate, with the area
under the curve (AUC) indicating model performance.

46. What is Mean Absolute Error (MAE) and Mean Squared Error (MSE)?

Answer: MAE measures average absolute errors, while MSE measures the average squared
differences, with MSE penalizing larger errors more heavily. gpt

47. What is the purpose of a learning rate in neural networks?

Answer: The learning rate determines the step size in gradient descent, affecting model
convergence speed and accuracy.

48. How does one handle imbalanced data?


Answer: Techniques like resampling, synthetic data generation (e.g., SMOTE), or adjusting
performance metrics can handle imbalanced data.
49. What is an ROC curve?
Answer: An ROC curve is a graphical representation of a classifier’s performance across different
thresholds, useful for evaluating binary classifiers.
50. What is bias-variance tradeoff?

Answer: The bias-variance tradeoff is the balance between a model’s accuracy on training data (low
bias) and its ability to generalize to new data (low variance).

51. What is stratified sampling?


Answer: Stratified sampling ensures that each class is proportionally represented in training and
test sets, useful for imbalanced datasets.
52. Ethics and Bias in AI
How can bias affect machine learning models?
Answer: Bias in data or algorithms can lead to unfair outcomes, favoring certain groups over
others, resulting in ethical and legal challenges.
53. What are some methods to mitigate bias in AI?
Answer: Techniques include diverse data collection, fairness constraints, transparency in
algorithms, and continual testing for bias.
54. What is the significance of explainable AI?
Answer: Explainable AI makes the decision-making process of AI systems understandable to
humans, improving trust, transparency, and accountability.
55. What are ethical considerations in AI development?
Answer: Ethical considerations include fairness, accountability, transparency, privacy, and
avoiding harm.
56. What is model interpretability, and why is it important?
Answer: Model interpretability enables understanding of a model's predictions, which is crucial
for trust, especially in high-stakes decisions like healthcare and finance.

57. Optimization Techniques in Machine Learning


58. What is hyperparameter tuning?
Answer: Hyperparameter tuning is the process of adjusting algorithm settings to optimize model
performance. Techniques include grid search, random search, and Bayesian optimization.
59. What is early stopping in neural networks?
Answer: Early stopping halts training when the model’s performance on the validation set starts
to degrade, preventing overfitting.
60. Explain the concept of gradient clipping.
Answer: Gradient clipping limits the magnitude of gradients to prevent exploding gradients in
neural networks, especially in RNNs.
61. What is learning rate decay?
Answer: Learning rate decay gradually reduces the learning rate during training to help models
converge smoothly.
62. What is Bayesian Optimization, and how is it used in ML?
Answer: Bayesian Optimization is a probabilistic approach to finding the optimal set of
hyperparameters by building a surrogate model and choosing points based on the model’s
uncertainty.
63. Explain the Markov Decision Process (MDP).
Answer: MDP is a mathematical framework in reinforcement learning where decisions are made
in states with probabilities and rewards, aiming to maximize cumulative rewards.
64. What is Q-learning? reinforcement learning
Answer: Q-learning is an RL algorithm that learns the quality (Q-value) of actions, helping an
agent decide the best action to take from any state.
65. What is an agent in reinforcement learning?
Answer: An agent is the decision-maker in RL that interacts with the environment to learn
policies by maximizing cumulative rewards.
66. What is a reward function in RL?
Answer: A reward function provides feedback to the agent by assigning a value to actions taken,
guiding the agent to learn optimal behavior.
67. Explain policy and value functions in RL.
68. Answer: A policy determines the actions an agent takes, while a value function estimates the
expected reward for a state or state-action pair.
69. What is the Bellman Equation?
Answer: The Bellman Equation is a recursive formula for calculating the value of a policy,
fundamental in solving MDPs and many RL algorithms.
70. What is Natural Language Processing (NLP)?
Answer: NLP is a field of AI focused on enabling computers to understand, interpret, and
generate human language.
71. Explain tokenization in NLP.
Answer: Tokenization is the process of breaking down text into smaller units (tokens), like words
or subwords, for easier processing in NLP models.
72. What is named entity recognition (NER)?
Answer: NER is an NLP task that identifies and classifies entities (e.g., names, dates) within text,
helping structure unstructured data.
73. What is word embedding?
Answer: Word embeddings are vector representations of words that capture semantic
relationships, commonly used for tasks like sentiment analysis and translation.
74. Explain the concept of Bag of Words (BoW).
Answer: BoW is an NLP technique that represents text by counting the frequency of words,
ignoring word order and context.
75. What is word2vec?
Answer: word2vec is a model that creates dense vector representations of words by training on
large corpora, capturing semantic relationships.

76. Industry-Specific Applications


How is AI used in healthcare?
77. Answer: AI aids in diagnostics, personalized medicine, drug discovery, and patient management,
improving care quality and efficiency.
78. What is the role of AI in finance?
Answer: AI is used in finance for fraud detection, risk assessment, algorithmic trading, and
personalized financial services.
79. How does AI enhance customer service?
Answer: AI-powered chatbots, voice assistants, and recommendation systems improve
customer service by providing instant and personalized responses.
80. What are smart cities, and how does AI contribute to them?
Answer: Smart cities use AI to manage resources, optimize traffic, monitor security, and
enhance services, aiming for sustainability and efficiency.
81. What is predictive maintenance in manufacturing?
Answer: Predictive maintenance uses AI to predict equipment failures, allowing timely
maintenance, reducing downtime, and saving costs.
82. How does AI help in cybersecurity?
Answer: AI in cybersecurity detects anomalies, identifies threats, and responds to attacks,
improving the security of systems and data.
83. What is the role of AI in autonomous vehicles?
Answer: AI enables perception, decision-making, and control systems in autonomous vehicles,
allowing safe navigation in real environments.
84. How is AI applied in agriculture?

Answer: AI improves crop monitoring, pest detection, yield prediction, and resource management,
increasing agricultural productivity.

85. What is the significance of AI in retail?


86. Answer: AI optimizes inventory, personalizes customer experiences, and enhances pricing and
demand forecasting in retail.
87. How does AI contribute to environmental sustainability?
Answer: AI helps in tracking environmental changes, managing energy, optimizing resources,
and promoting sustainable practices.
88. If your model performs well on training but poorly on validation, what might be wrong?
Answer: The model may be overfitting. Solutions could include regularization, more data, or
using simpler models.
89. How would you handle a dataset with missing values?
Answer: Options include removing rows with missing values, imputing missing values, or using
algorithms that handle missing data.
90. How would you approach a project where data is extremely unbalanced?
Answer: Consider resampling, using different metrics (like AUC), or applying ensemble methods
like boosting to address imbalance.
91. Explain how you would build a recommendation system.
Answer: Start with collaborative filtering or content-based filtering, potentially incorporating
hybrid methods for improved accuracy.
92. If tasked with building a chatbot, which NLP techniques would you use?
Answer: Use intent classification, entity recognition, and sequence-to-sequence models,
possibly with a pre-trained language model for responses.
93. What is computer vision?
Answer: Computer vision is a field of AI that enables computers to interpret and understand
visual information from the world, enabling tasks like image recognition and object detection.
94. What is image classification?

Answer: Image classification involves categorizing images into predefined classes, typically by
training models to recognize patterns in labeled data.

95. Explain object detection in computer vision.


Answer: Object detection identifies and localizes objects within an image, providing bounding
boxes around each detected object.
96. What is image segmentation?

Answer: Image segmentation is the process of dividing an image into segments, or regions, to
simplify analysis. Types include semantic, instance, and panoptic segmentation.

97. What is a convolution in the context of CNNs?


98. Answer: A convolution is a mathematical operation used in CNNs to detect patterns by applying
filters across an image, capturing spatial and contextual information.
99. Explain the concept of pooling in CNNs.
100. Answer: Pooling layers reduce spatial dimensions by summarizing feature information,
typically using max or average pooling, improving computational efficiency and reducing
overfitting.

101. What are some common datasets for computer vision tasks?
Answer: Popular datasets include ImageNet for classification, COCO for object detection and
segmentation, and CIFAR-10/CIFAR-100 for small image classification tasks.
102. What is YOLO (You Only Look Once)?
Answer: YOLO is a real-time object detection model that divides an image into regions,
classifying and localizing objects in a single pass, making it highly efficient.
103. Explain the concept of transfer learning in computer vision.

Answer: Transfer learning in computer vision uses pre-trained models (e.g., VGG, ResNet) on large
datasets to adapt to new, similar tasks with fewer data.

104. What is optical character recognition (OCR)?

Answer: OCR is a computer vision technique that converts images of text into machine-readable
text, commonly used in document scanning and text recognition.

105. What is face recognition and how is it used?

Answer: Face recognition identifies individuals in images or video by analyzing facial features,
commonly used in security and user authentication.

106. Explain feature extraction in computer vision.

Answer: Feature extraction identifies relevant attributes or patterns in images, often using
convolutional layers in CNNs to create meaningful representations.

107. What is augmented reality (AR) and how does AI play a role?

Answer: AR overlays digital information on the real world. AI enables accurate tracking, object
recognition, and interactions, enhancing AR experiences.

108. How does anomaly detection work in visual inspection systems?

Answer: Anomaly detection in computer vision identifies deviations from expected patterns, often
used in quality control and defect detection in manufacturing.

109. What is edge computing?

Answer: Edge computing processes data closer to its source (the "edge") instead of sending it to
centralized cloud servers, reducing latency and bandwidth needs.

110. Why is edge computing important for AI?

Answer: Edge computing allows AI applications to run closer to users or sensors, enabling real-time
analysis, enhancing privacy, and reducing dependency on internet connectivity.

111. What are common applications of AI on the edge?

Answer: Applications include smart surveillance, industrial IoT, autonomous vehicles, remote health
monitoring, and augmented reality.

112. Explain federated learning and its relevance to edge computing.


Answer: Federated learning trains AI models across decentralized devices without sharing raw data,
preserving privacy and enabling collaborative learning at the edge.

113. What are the challenges of deploying AI models on edge devices?

Answer: Challenges include limited computational power, storage constraints, model optimization
for low power consumption, and security considerations.

114. What is model quantization?

Answer: Model quantization reduces model size and computational load by converting floating-
point numbers to lower precision, making AI models more efficient on edge devices.

115. How does pruning work in model optimization for edge computing?

Answer: Pruning removes less significant parameters or neurons from a model, reducing size and
computation, which is essential for resource-limited edge devices.

116. What is AI ethics?

Answer: AI ethics encompasses the moral implications of AI, focusing on responsible, fair,
transparent, and accountable AI use in society.

117. Why is transparency important in AI?

Answer: Transparency helps users understand AI systems’ decisions, fostering trust and
accountability, especially in sensitive applications.

118. What is algorithmic bias?


Answer: Algorithmic bias occurs when an AI system produces prejudiced outcomes due to
biased data, model choices, or other design factors.
119. What is data privacy in AI?
Answer: Data privacy ensures that personal data used in AI is protected from unauthorized
access, respecting user confidentiality and rights.
120. Explain the principle of fairness in AI.
Answer: Fairness ensures that AI does not discriminate against individuals or groups, promoting
equitable outcomes and avoiding harmful biases.
121. What is the “black box” problem in AI?

Answer: The black box problem refers to the lack of transparency in complex AI models, making it
hard to interpret how decisions are made.

122. What is the role of ethical AI in healthcare?

Answer: Ethical AI in healthcare ensures patient safety, fairness in treatment, transparency in


diagnostic tools, and respects patient privacy and consent.

123. What is a responsible AI framework?


Answer: A responsible AI framework includes guidelines and practices to ensure AI systems are safe, fair,
transparent, and accountable.

124. What are some ways to mitigate bias in AI datasets?

Answer: Techniques include collecting diverse data, ensuring balanced representation, using fairness
constraints, and monitoring for biases throughout the AI lifecycle.

125. Explain the importance of human oversight in AI systems.

Answer: Human oversight ensures that AI systems are aligned with human values, can handle edge
cases, and prevent harmful decisions in critical scenarios.

126. What is the role of AI ethics in autonomous vehicles?


Answer: AI ethics in autonomous vehicles addresses decision-making in life-and-death
situations, ensuring fairness, accountability, and transparency in the technology’s deployment.
127. What are ethical considerations in AI data collection?

Answer: Considerations include consent, transparency in data usage, anonymization, and fairness to
avoid exploitation or harm to data subjects.

128. How would you approach building an AI system for predictive maintenance in a factory?

Answer: Collect sensor data, apply feature engineering, use time-series models or deep learning for
predictions, and integrate with a real-time monitoring system.

129. If you had to build an AI-powered medical diagnostic tool, what ethical concerns would
you address?

Answer: Address data privacy, model transparency, ensuring fairness across demographics, and the
reliability of predictions to avoid harmful misdiagnoses.

130. How would you design an AI system that ensures fairness across demographic groups?

Answer: Use diverse datasets, monitor fairness metrics, adjust for demographic imbalances, and
continually validate results for fairness post-deployment.

131. If tasked with optimizing a model for low-power devices, what strategies would you
use?
Answer: Consider model quantization, pruning, knowledge distillation, using lightweight
architectures, and tuning for efficient computation.
132. What steps would you take to troubleshoot a computer vision model with low accuracy?

Answer: Analyze data quality, check for data augmentation, evaluate model architecture, tune
hyperparameters, and validate using cross-validation.

133. If tasked with building a recommendation system for a new e-commerce platform, what
approach would you take?
Answer: Start with collaborative filtering and content-based filtering, use user interactions and
feedback, and consider a hybrid approach for more personalized recommendations.
134. How would you assess if an AI model’s predictions are biased?
Answer: Use fairness metrics like demographic parity and equal opportunity, analyze predictions
across groups, and assess feature impact on outcomes.
135. What would you do if a deployed AI model performed poorly in production?
Answer: Diagnose data drift, evaluate if the training and production data match, monitor model
performance, and consider retraining or fine-tuning with recent data.
136. How is AI applied in medical imaging?

Answer: AI assists in detecting anomalies, segmenting tissues, and diagnosing conditions from
medical images like X-rays, MRIs, and CT scans, enhancing accuracy and speed.

137. What is predictive policing, and what ethical issues does it raise?
Answer: Predictive policing uses AI to forecast crime hotspots, raising ethical concerns around
fairness, bias, and potential civil rights violations.
138. How does AI support climate change research?
Answer: AI models analyze environmental data, simulate climate impacts, optimize renewable
energy sources, and monitor ecosystems for conservation.
139. What are the uses of AI in agriculture?
Answer: AI aids in crop monitoring, pest control, soil analysis, yield prediction, and resource
management, improving productivity and sustainability.
140. How is AI used in supply chain optimization?

Answer: AI predicts demand, optimizes inventory, and improves logistics, helping reduce waste, cut
costs, and ensure timely deliveries.

141. Explain how AI can be used for financial fraud detection.


Answer: AI analyzes transaction patterns to detect anomalies, using techniques like clustering,
anomaly detection, and supervised classification.
142. What role does AI play in the pharmaceutical industry?
Answer: AI accelerates drug discovery, predicts drug interactions, and personalizes treatment
plans, reducing time and costs in pharmaceutical research.
143. How does AI contribute to sports analytics?
Answer: AI models analyze player performance, optimize training, predict game outcomes, and
enhance fan engagement through personalized experiences.
144. What is AI's role in personalized education?
Answer: AI tailors learning experiences based on students’ needs, enabling adaptive
assessments, content recommendation, and progress tracking.
145. Explain how AI impacts urban planning and smart cities.
Answer: AI optimizes traffic flow, manages energy, monitors air quality, and enhances public
safety, contributing to sustainable urban development.
146. What are some of the privacy concerns associated with AI surveillance?
Answer: Concerns include unauthorized tracking, lack of consent, misuse of data, and potential
erosion of privacy rights.
147. What is the principle of “do no harm” in AI ethics?

Answer: It mandates that AI systems should not harm individuals or society, emphasizing safety,
fairness, and respect for human rights.

148. What are the implications of AI on employment?


Answer: AI automation can improve efficiency but may displace jobs, requiring adaptation
through reskilling and careful implementation strategies.
149. How does bias in training data lead to biased AI outcomes?
Answer: Biased data can cause models to make unfair predictions, disproportionately affecting
certain groups, perpetuating inequality.
150. Explain the concept of “fairness through awareness” in AI.
Answer: This approach adjusts model training to recognize and correct for biases, promoting
equitable treatment across demographics.
151. What is algorithmic accountability?
Answer: Algorithmic accountability requires developers to ensure AI systems are reliable,
unbiased, and fair, with mechanisms to detect and correct issues.
152. Why is AI governance important?
Answer: Governance ensures that AI systems are aligned with ethical standards, regulatory
compliance, and societal values, protecting public interest.
153. What are the risks of autonomous weapons?

Answer: Autonomous weapons raise ethical and safety concerns, including lack of accountability,
potential for misuse, and accidental harm.

154. How do ethical considerations differ between private sector and public sector AI
applications?

155. Answer: Public sector applications may prioritize fairness and transparency, while
private sector AI often balances profit motives with ethical responsibilities.

156. How does AI impact democracy?

157. Answer: AI influences political processes through data-driven campaigning and


misinformation, potentially impacting public opinion and electoral outcomes.

158. Explain “value alignment” in AI.


159. Answer: Value alignment ensures AI systems operate in line with human values and
goals, reducing risks of unintended harmful behaviors.
160. What is reinforcement learning, and how does it differ from supervised learning?
Answer: Reinforcement learning is a type of machine learning where an agent learns by
interacting with an environment, receiving feedback in the form of rewards or penalties, while
supervised learning uses labeled data for training.
161. What are the challenges in training deep neural networks?

Answer: Challenges include overfitting, vanishing gradients, requiring large amounts of data, and
computational costs, as well as the need for careful hyperparameter tuning.

162. Explain the concept of attention mechanisms in deep learning.


Answer: Attention mechanisms allow models to focus on specific parts of the input sequence
when making predictions, improving performance in tasks like translation and summarization.
163. What is transfer learning, and when is it useful?
Answer: Transfer learning involves taking a pre-trained model on one task and adapting it to a
different but related task, which is useful when labeled data is scarce.
164. How do you envision the future of AI in education?
Answer: AI will provide personalized learning experiences, automate administrative tasks, assist
in grading, and offer intelligent tutoring systems to support students.
165. What ethical considerations arise from AI-generated content?
Answer: Ethical concerns include copyright issues, misinformation, authenticity, and the
potential to generate harmful or biased content.
166. How can AI contribute to advancements in renewable energy?
Answer: AI optimizes energy production, predicts consumption patterns, enhances grid
management, and automates maintenance for renewable energy systems.
167. What is the importance of human-AI collaboration?
Answer: Collaboration leverages AI’s strengths in data processing with human intuition and
creativity, leading to better decision-making and innovation.
168. Explain the role of transfer learning in computer vision.
Answer: Transfer learning allows models pre-trained on large datasets (like ImageNet) to be
fine-tuned on specific tasks with less data, enhancing performance and reducing training time.

1) What is Artificial Intelligence?

Artificial Intelligence is an area of computer science that emphasizes the creation of intelligent
machine that work and reacts like humans.

2) What is an artificial intelligence Neural Networks?


Artificial intelligence Neural Networks can model mathematically the way biological brain
works, allowing the machine to think and learn the same way the human do- making them
capable of recognizing things like speech, objects and animals like we do.

3) What are the various areas where AI (Artificial Intelligence) can be used?
Artificial Intelligence can be used in many areas like Computing, Speech recognition, Bio-
informatics, Humanoid robot, Computer software, Space and Aeronautics’ etc.

4) Which is not commonly used programming language for AI?


Perl language is not commonly used programming language for AI

5) What is Prolog in AI?


In AI, Prolog is a programming language based on logic.

6) Give an explanation on the difference between strong AI and weak AI?

Strong AI makes strong claims that computers can be made to think on a level equal to humans
while weak AI simply predicts that some features that are resembling to human intelligence can
be incorporated to computer to make it more useful tools.

7) Mention the difference between statistical AI and Classical AI ?

Statistical AI is more concerned with “inductive” thought like given a set of pattern, induce the
trend etc. While, classical AI, on the other hand, is more concerned with “deductive” thought
given as a set of constraints, deduce a conclusion etc.

8) What is alternate, artificial, compound and natural key?


Alternate Key: Excluding primary keys all candidate keys are known as Alternate Keys.

Artificial Key: If no obvious key either stands alone or compound is available, then the last
resort is to, simply create a key, by assigning a number to each record or occurrence. This is
known as artificial key.

Compound Key: When there is no single data element that uniquely defines the occurrence
within a construct, then integrating multiple elements to create a unique identifier for the
construct is known as Compound Key.
Natural Key: Natural key is one of the data elements that is stored within a construct, and which
is utilized as the primary key.

9) What does a production rule consist of?


The production rule comprises of a set of rule and a sequence of steps.

10) Which search method takes less memory?


The “depth first search” method takes less memory.

11) Which is the best way to go for Game playing problem?


Heuristic approach is the best way to go for game playing problem, as it will use the technique
based on intelligent guesswork. For example, Chess between humans and computers as it will
use brute force computation, looking at hundreds of thousands of positions.
12) A* algorithm is based on which search method?
A* algorithm is based on best first search method, as it gives an idea of optimization and quick
choose of path, and all characteristics lie in A* algorithm.

13) What does a hybrid Bayesian network contain?


A hybrid Bayesian network contains both a discrete and continuous variables.

14) What is agent in artificial intelligence?

Anything perceives its environment by sensors and acts upon an environment by effectors are
known as Agent. Agent includes Robots, Programs, and Humans etc.

15) What does Partial order or planning involve?


In partial order planning, rather than searching over possible situation it involves searching over
the space of possible plans. The idea is to construct a plan piece by piece.

16) What are the two different kinds of steps that we can take in constructing a plan?
a) Add an operator (action)

b) Add an ordering constraint between operators

17) Which property is considered as not a desirable property of a logical rule-based


system?
“Attachment” is considered as not a desirable property of a logical rule based system.

18) What is Neural Network in Artificial Intelligence?


In artificial intelligence, neural network is an emulation of a biological neural system, which
receives the data, process the data and gives the output based on the algorithm and empirical
data.

19) When an algorithm is considered completed?


An algorithm is said completed when it terminates with a solution when one exists.

20) What is a heuristic function?


A heuristic function ranks alternatives, in search algorithms, at each branching step based on the
available information to decide which branch to follow.

21) What is the function of the third component of the planning system?

In a planning system, the function of the third component is to detect when a solution to problem
has been found.

22) What is “Generality” in AI ?


Generality is the measure of ease with which the method can be adapted to different domains of
application.

23) What is a top-down parser?

A top-down parser begins by hypothesizing a sentence and successively predicting lower level
constituents until individual pre-terminal symbols are written.

24) Mention the difference between breadth first search and best first search in artificial
intelligence?

These are the two strategies which are quite similar. In best first search, we expand the nodes in
accordance with the evaluation function. While, in breadth first search a node is expanded in
accordance to the cost function of the parent node.

25) What are frames and scripts in “Artificial Intelligence”?

Frames are a variant of semantic networks which is one of the popular ways of presenting non-
procedural knowledge in an expert system. A frame which is an artificial data structure is used to
divide knowledge into substructure by representing “stereotyped situations’. Scripts are similar
to frames, except the values that fill the slots must be ordered. Scripts are used in natural
language understanding systems to organize a knowledge base in terms of the situation that the
system should understand.

26) What is FOPL stands for and explain its role in Artificial Intelligence?
FOPL stands for First Order Predicate Logic, Predicate Logic provides

a) A language to express assertions about certain “World”

b) An inference system to deductive apparatus whereby we may draw conclusions from such
assertion

c) A semantic based on set theory

27) What does the language of FOPL consists of


a) A set of constant symbols

b) A set of variables

c) A set of predicate symbols

d) A set of function symbols

e) The logical connective

f) The Universal Quantifier and Existential Qualifier

g) A special binary relation of equality


28) For online search in ‘Artificial Intelligence’ which search agent operates by
interleaving computation and action?
In online search, it will first take action and then observes the environment.

29) Which search algorithm will use a limited amount of memory in online search?

RBFE and SMA* will solve any kind of problem that A* can’t by using a limited amount of
memory.

30) In ‘Artificial Intelligence’ where you can use the Bayes rule?
In Artificial Intelligence to answer the probabilistic queries conditioned on one piece of
evidence, Bayes rule can be used.

31) For building a Bayes model how many terms are required?

For building a Bayes model in AI, three terms are required; they are one conditional probability
and two unconditional probability.

32) While creating Bayesian Network what is the consequence between a node and its
predecessors?

While creating Bayesian Network, the consequence between a node and its predecessors is that a
node can be conditionally independent of its predecessors.

33) To answer any query how the Bayesian network can be used?
If a Bayesian Network is a representative of the joint distribution, then by summing all the
relevant joint entries, it can solve any query.

34) What combines inductive methods with the power of first order representations?

Inductive logic programming combines inductive methods with the power of first order
representations.

35) In Inductive Logic Programming what needed to be satisfied?


The objective of an Inductive Logic Programming is to come up with a set of sentences for the
hypothesis such that the entailment constraint is satisfied.

36) In top-down inductive learning methods how many literals are available? What are
they?
There are three literals available in top-down inductive learning methods they are

a) Predicates

b) Equality and Inequality

c) Arithmetic Literals
37) Which algorithm inverts a complete resolution strategy?
‘Inverse Resolution’ inverts a complete resolution, as it is a complete algorithm for learning first
order theories.

38) In speech recognition what kind of signal is used?


In speech recognition, Acoustic signal is used to identify a sequence of words.

39) In speech recognition which model gives the probability of each word following each
word?
Biagram model gives the probability of each word following each other word in speech
recognition.

40) Which algorithm is used for solving temporal probabilistic reasoning?

To solve temporal probabilistic reasoning, HMM (Hidden Markov Model) is used, independent
of transition and sensor model.

41) What is Hidden Markov Model (HMMs) is used?


Hidden Markov Models are a ubiquitous tool for modeling time series data or to model sequence
behavior. They are used in almost all current speech recognition systems.

42) In Hidden Markov Model, how does the state of the process is described?
The state of the process in HMM’s model is described by a ‘Single Discrete Random Variable’.

43) In HMM’s, what are the possible values of the variable?


‘Possible States of the World’ is the possible values of the variable in HMM’s.

44) In HMM, where does the additional variable is added?


While staying within the HMM network, the additional state variables can be added to a
temporal model.

45) In Artificial Intelligence, what do semantic analyses used for?


In Artificial Intelligence, to extract the meaning from the group of sentences semantic analysis is
used.

46) What is meant by compositional semantics?

The process of determining the meaning of P*Q from P,Q and* is known as Compositional
Semantics.

47) How logical inference can be solved in Propositional Logic?


In Propositional Logic, Logical Inference algorithm can be solved by using
a) Logical Equivalence

b) Validity

c) Satisfying ability

48) Which process makes different logical expression looks identical?


‘Unification’ process makes different logical expressions identical. Lifted inferences require
finding substitute which can make a different expression looks identical. This process is called
unification.

49) Which algorithm in ‘Unification and Lifting’ takes two sentences and returns a
unifier?
In ‘Unification and Lifting’ the algorithm that takes two sentences and returns a unifier is
‘Unify’ algorithm.
50) Which is the most straight forward approach for planning algorithm?
State space search is the most straight forward approach for planning algorithm because it takes
account of everything for finding a solution.

51) What are the advantages and disadvantages of neural networks?

Advantages: Neural networks (specifically deep NNs) have led to performance breakthroughs for
unstructured datasets such as images, audio, and video. Their incredible flexibility allows them
to learn patterns that no other ML algorithm can learn.
Disadvantages: However, they require a large amount of training data to converge. It's also
difficult to pick the right architecture, and the internal "hidden" layers are incomprehensible.

You might also like