Choose one correct answer.
Which statement is correct?
Artificial intelligence nowadays is mostly a complex computer program that mainly consists of programming rules
Artificial intelligence nowadays is mostly a mathematical model that mainly consists of mathematical equations
Artificial intelligence nowadays is mostly a complex computer program that mainly consists of expert knowledge
What does artificial intelligence learn from?
Rules created by experts
Data
Rules created by a programmer
Which of the following examples could be input data in an artificial intelligence model?
The probability that a client will stop using the service
How many times a client has logged into the system in the last 10 days
The model’s weight values
Which of the following examples could be output data in an artificial intelligence model?
The probability that a client will stop using the service
How many times a client has logged into the system in the last 10 days
The model’s weight values
To predict a product's price, what type of model is needed?
Regression
Classification
Enumeration
To predict whether a client will churn from subscribtion the service, what type of model is needed?
Regression
Classification
Enumeration
In which environment is artificial intelligence usually trained?
Matlab
Python
Power BI
What data are needed to train a model that could be used in production?
Training set
Test set
Validation set
Training, Test, Validation sets (Train, Test, Validation)
Which factor most affects the model's accuracy?
Learning rate
Unbalanced sample count in each class in the training dataset
Sample variety in the dataset
For which application would artificial intelligence not be effective?
Writing text advertisements
Password and username verification when logging into websites
Creating coloring books for children
Music composition
How similar is the artificial deep neural network model to the human natural neural network model?
Almost identical, as evidenced by large language models, image models, and other models
Very similar, because it models biochemical processes as activations are executed
Not similar, because the artificial neural network model is mathematical and executes differently from the human natural neural network
Which sequence of actions corresponds to training deep neural network models?
Data normalization, splitting data into sets, model creation, loss function selection, additional metric selection, test cycle, validation cycle, epochs, training cycle, backpropagation
Data normalization, splitting data into sets, model creation, epochs, training cycle, backpropagation, loss function selection, additional metric selection, test cycle, validation cycle
Data normalization, splitting data into sets, model creation, loss function selection, additional metric selection, epochs, training cycle, backpropagation, test cycle, validation cycle
What does an epoch mean in the training process of artificial neural networks?
All samples in the training set are considered and there can be many epochs in one training process
A data normalization method that removes extreme values
All samples in the training set are considered and there can be only one epoch in the training process
The validation samples are considered after training
If the numerical value of the MSE loss function is 0.5, then after one training epoch the numerical value will most likely be:
0.6
0.5
0.4
RNN is usually used to:
Recognize several objects in an image
Predict stock prices from market data
Predict car prices from an advertisement
A ConvNet without data augmentation during training is capable of recognizing:
Objects moved within the image
Objects moved and rotated in the image
Objects moved, enlarged, and rotated in the image
The weights W of a pre-trained GRU at each time step:
are different
are the same
are not specified
What is the dot product of matrices?
A mathematical operation that yields a perpendicular vector or matrix between input vectors
A mathematical operation that performs matrix transformation using multiplication in any dimensions
An algorithm that uses addition and multiplication in the last 2 dimensions in any matrices
What is a Linear layer or function in artificial neural networks?
The vector product of a matrix
The scalar multiplication of a matrix and a bias by addition
The linear regression algorithm
Why is batch normalization needed before the activation function?
To prevent overfitting
To prevent dead neurons
To prevent bias towards one class in predictions
Which statement best captures the core goal of an auto-encoder in unsupervised learning?
Map input data directly to class labels using labeled examples.
Learn a compressed internal representation that can faithfully reconstruct the original input.
Separate data into linearly separable clusters by maximizing class margins.
Generate adversarial perturbations that fool a downstream classifier.
Why is batch normalization needed before the activation function?
To prevent overfitting
To prevent dead neurons
To prevent bias towards one class in predictions
Which statement best describes how the latent z-dimension in an auto-encoder compares with the components obtained from Principal Component Analysis (PCA) when used for dimensionality reduction?
The z-dimension must always equal the original input size, whereas PCA can use any smaller number of components.
PCA components are strictly linear projections, while the z-dimension of an auto-encoder can capture nonlinear relationships determined by the network architecture.
PCA requires iterative back-propagation to learn its components, but an auto-encoder derives its z-dimension analytically in closed form.
Increasing the number of PCA components inevitably increases reconstruction error, whereas enlarging the z-dimension in an auto-encoder always increases it.
Which task is best handled by a Convolutional Neural Network?
Predicting the next word in a sentence
Classifying handwritten digits in grayscale images
Forecasting daily stock prices from a time series
Recommending movies based on user-item ratings
For which application is a Recurrent Neural Network the most appropriate choice?
Sorting a batch of images by dominant color
Detecting sentiment in a stream of tweets
Mapping fixed-length feature vectors to output classes with no temporal order
Segmenting objects in high-resolution satellite photos
A plain feed-forward neural network (no weight sharing or recurrence) is generally the most suitable for:
Predicting pixel values in a 2-D image grid
Translating an English sentence into French word-by-word
Mapping a set of tabular patient features to a disease probability
Generating the next frame of a video sequence
Why can accuracy be misleading on a highly imbalanced classification dataset?
It penalizes false positives more than false negatives
A model that predicts only the majority class can still achieve high accuracy
Accuracy ignores true negatives entirely
Accuracy is not affected by class distribution at all
In a binary confusion matrix, which cell counts samples that were actually positive and predicted positive?
True Positive
False Positive
True Negative
False Negative
Precision is computed with which formula?
TP / (TP + FN)
TP / (TP + FP)
TN / (TN + FP)
(TP + TN) / (TP + TN + FP + FN)
A learning rate that is too large in SGD most often causes:
Slow convergence but stable training
Over-regularization of the model
Oscillation or divergence of the loss
Vanishing gradients in early layers
Which mathematical expression best describes the ReLU activation?
Why must any useful hidden-layer activation be non-linear?
Non-linearity allows weight decay to work.
Without it, stacked layers collapse to a single linear transform.
It guarantees convex loss surfaces.
GPUs require non-linear math for speed.
A dataset contains a binary “Customer_Type” column with values {“Retail”, “Wholesale”}. The simplest correct preprocessing step is:
Scale to [-1, 1].
One-hot encode into two columns.
Embed into a 128-dimensional vector.
Drop the column because only two categories exist.
Which statement about category embeddings is false?
They are learned jointly with the rest of the network during back-propagation.
They can capture similarity (e.g., “France” closer to “Germany” than to “Australia”).
Their dimensionality must equal the number of unique categories.
They allow the network to generalise to unseen combinations of categorical values with numeric features.
Why is a softmax layer typically added to the end of a multi-class classifier?
To ensure each logit stays within the range [0, 1] before training starts
To map raw logits into a normalized probability distribution that sums to 1
To prevent exploding gradients during back-propagation
To speed up matrix multiplications in the final layer
In categorical cross-entropy, the target labels provided to the loss function should be
Raw integer class indices (e.g., 0, 1, 2)
One-hot encoded vectors or probability distributions
Random noise to encourage regularization
Log-scaled class frequencies
Your regression targets are contaminated with rare but very large sensor glitches. You need a loss that minimally amplifies those extreme errors.
L2 (mean-squared error)
L1 (mean-absolute error)
Huber loss with a small δ
Binary cross-entropy
Which situation most clearly calls for supervised learning?
You have 60 000 chest-X-ray images each labeled “normal” or “pneumonia,” and you want to build a model that diagnoses new scans.
You have 10 000 unlabeled chest-X-ray images and want to discover visual groupings automatically.
You wish to compress a 512-dimensional sensor signal into 32 features.
You want to remove noise from speech recordings without any paired clean examples.
A bank wants to spot previously unseen types of fraudulent transactions in a huge unlabeled dataset. Which is the most appropriate first step?
Train a labeled classifier on past fraud cases
Apply clustering or anomaly-detection (unsupervised) methods
Use a value-function estimator (reinforcement learning)
Fit a regression model to transaction amounts
Which statement about supervised vs. unsupervised learning is true?
Supervised models never require validation data.
Unsupervised learning cannot be evaluated quantitatively.
Supervised learning needs labeled targets; unsupervised does not.
Unsupervised learning always outperforms supervised learning on classification tasks.
List and describe all necessary steps if you were to train a cat and dog photo classifier using PyTorch. You have been given 800 photos of cats and 200 photos of dogs. You cannot use a pre-trained model. You need to create, train, and deploy the model in production, where it will be used to distinguish between photos of cats and dogs. If you mention keywords like “model” “loss function” etc., you should use the exact name and description for each “model” “loss function” etc., that you will use for this task.
Looking for exact methods for:
Dataset pre-processing before training
Dataset pre-processing during training
Measuring performance of model
Model architecture and why?
Loss function and why?
Optimizer and why?
Training protocol, what to measure, when to stop
How to use model in infrence