The exam will have 20 randomly selected questions from the given ones, which will need to be answered on paper by circling.Circle one correct answer! (circle the number)
Which statement is correct?
Artificial intelligence today is a complex computer program that mainly consists of programming rules
Artificial intelligence today is a mathematical model that mainly consists of mathematical equations
Artificial intelligence today is a complex computer program that mainly consists of programmed expert knowledge
What does artificial intelligence learn from?
Rules created by an expert
Data
Rules created by a programmer
Which of the given examples could be input data in an artificial intelligence model?
Probability that a customer will stop using a service
How many times a customer has logged into the system in the last 10 days
Model weight values
Which of the given examples could be output data in an artificial intelligence model?
Probability that a customer will stop using a service
How many times a customer has logged into the system in the last 10 days
Model weight values
To predict a product price, what type of model is needed?
Regression
Classification
Numeration
To predict whether a customer will stop using a service, what type of model is needed?
Regression
Classification
Numeration
In which environment is Artificial Intelligence usually trained?
Excel
Python
Power BI
What data sets are needed to train a model that could be used in production?
Training set
Test set
Validation set
Training, Test, Validation sets
Which factor most influences model accuracy?
Learning rate
Unbalanced number of samples in each class in the training data set
Diversity of samples in the data set
For what application would artificial intelligence not be effective?
Writing text ads
Checking passwords and usernames when logging into websites
Making coloring books for children
Composing music
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
Not similar, because the artificial neural network model is mathematical and works very differently from the human natural neural network
Which sequence of actions corresponds to the training of deep neural network models?
Data normalization, Data splitting, Model creation, Error function selection, Additional metric selection, Test cycle, Validation cycle, Epochs, Training cycle, Backpropagation
Data normalization, Data splitting, Model creation, Epochs, Training cycle, Backpropagation, Error function selection, Additional metric selection, Test cycle, Validation cycle
Data normalization, Data splitting, Model creation, Error function selection, Additional metric selection, Epochs, Training cycle, Backpropagation, Test cycle, Validation cycle
What does 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
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
Validation samples are considered after training
If the numerical value of the MSE error function is 0.5, then after one training step, the numerical value is most likely: 1. 0.6 2. 0.5 3. 0.4
RNN is usually used to: 1. Recognize multiple objects in an image 2. Predict stock prices from stock market data 3. Predict car prices from an advertisement
ConvNet without data augmentation during training is able to recognize: 1. Objects moved in the image 2. Objects moved and rotated in the image 3. Objects moved, enlarged and rotated in the image
In a pre-trained RNN, the weights W at each time step: 1. are different 2. are the same 3. is not defined
The Transformer model is based on:
Memory variable in the hidden vector h_t
Attention mechanism
Both
Which component is the most important in ChatGPT query engineering to achieve a quality response?
Formulating the query in the shortest and most precise form possible
Formulating the query in the longest and most extensive form possible
Copying facts into the query
What will happen if you continue to ask multiple questions on different topics in the same ChatGPT session?
The language model will start copying content from previous questions in subsequent answers
It does not affect the language model's operation
The language model will get confused and not know what to answer
In a pre-trained GRU, the weights W at each time step:
are different
are the same
is not defined
What are A2C, PPO models used for (Reinforcement Learning)?
To train the sensor fusion of a spacecraft
To train ChatGPT to respond with responses that people usually expect in chat
To train to predict stock prices
How does ViT (Vision Transformer) differ from GPT-type Transformers?
Identical, no differences
The main difference between ViT and GPT is that in the initial layers, the image is divided into regions, then a Linear Layer is passed to the Transformer
The main difference between ViT and GPT is that there is no transposed word embedding matrix at the end
How do UNet and YOLO models differ?
UNet performs semantic segmentation, while YOLO performs object recognition
UNet performs semantic segmentation and is able to recognize each object separately, while YOLO performs object recognition, where all objects from one class are recognized together
UNet performs instance segmentation, while YOLO performs object recognition
How does DenseNet differ from ResNet?
ResNet has one skip connection for each block using addition, but DenseNet has one skip connection using multiplication
ResNet has one skip connection for each block using multiplication, but DenseNet has multiple skip connections connecting multiple layers forward using multiplication
ResNet has one skip connection for each block using addition, but DenseNet has multiple skip connections connecting multiple layers forward using addition
What does DQN, DDQN model?
State value function
Q-Policy function that returns probabilities of actions
Predicted cumulative reward function for state and action trajectory
How to encode Time embeddings in the Transformer model?
Using a cosine-sine hard-coded table with embeddings
Using a trainable embedding table
Both ways
What is the matrix dot product (dot product)?
A mathematical operation that obtains a perpendicular vector or matrix between input vectors
A mathematical operation that performs matrix transformation using multiplication in any dimension
An algorithm that uses addition and multiplication in the last 2 dimensions of any matrix
What is a Linear layer or function in artificial neural networks?
Matrix vectorial product
Matrix dot product and bias with addition
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
Why is an activation function needed in artificial neural networks?
To provide nonlinearity
To provide linearity
To provide balance
How to enter categorical values in an artificial neural network?
As categorical values
As One-Hot-Encoded vectors
As category indexes
As category indexes, but with normalization
Why is it necessary to divide the training data sets for training, testing, and validation?
To prevent overfitting
To prevent dead neurons
To prevent bias towards one class in predictions
How to format categorical output data in an artificial neural network?
As trainable embeddings
As One-Hot-Encoded vectors
As category indexes
What Q-Values can be predicted with Deep Q-Learning Network (DQN)?
Discrete
Continuous (stochastic)
Both
What error function is used to train artificial neural networks for classification?
Mean Squared Error (MSE)
Mean Absolute Error (MAE)
Categorical Cross-Entropy
In which cases should the MAE error function be used?
When the training data is clean and not noisy
When the training data is noisy
When the training data has smaller size dataset
With what models can time series tasks be solved?
LSTM
GRU
Transformer
All of the above
What is needed to train a Reinforcement Learning model?
Training data
Training environment and reward values
Training data and environment
How to achieve a quality response from ChatGPT?
Give the task, format, facts, and examples
Formulate the query in the shortest and most precise form possible
Ask as many questions as possible in the same session
Can multiple questions on different topics be asked in the same ChatGPT session?
Yes
No
Only if the topics are related
How to achieve a quality response from ChatGPT?
Give the task in multiple parts as precisely as possible in one query
Give one task at a time in each query
It doesn't matter how many steps are in one task execution
What can be achieved with a matrix scalar product (dot product)?
Reduce the dimensions of the hidden vector
Increase the dimensions of the hidden vector
Both mentioned
Why can't an artificial neural network be composed only of linear layers?
The result will be too complex
The result will be too simple
The result will be reduced to the last linear function, ignoring the previous ones
It will not be possible to perform the backpropagation algorithm
What does the backpropagation algorithm consist of?
SGD (stochastic gradient descent)
Calculation of the derivative of the error function by weights and SGD (stochastic gradient descent)
Calculation of the derivative of the weights by the error function and SGD (stochastic gradient descent)
What are embeddings?
Hidden values obtained from numerical values
Categorical values converted to numerical values using One-Hot-Encoding
Categorical values converted to numerical values using trainable parameters
What are Adam, RMSProp, SGD algorithms?
Error function stabilization algorithm
Normalization algorithm
Optimization algorithm
How can you train a model on a GPU?
Using the Matplotlib library
Using the CUDA libraries that are built into TensorFlow, PyTorch
Using the NumPy library
What augmentations are needed for image classification tasks?
Image translation
Image rotation
All mentioned
How many dimensions should the output layer have to classify 10 categories?
1
10
2
Not specified
How many dimensions should the output layer have to classify 2 categories?
1
2
Not specified
What function should follow before the Cross-Entropy function to classify 10 categories?
Softmax
Sigmoid
ReLU
What function should follow before the Binary-Cross-Entropy function to classify 2 categories?
Softmax
Sigmoid
ReLU
What limitations are for ChatGPT?
Context length
Limited training data
Both above
What should be done to input data in tabular datasets?
Feature scaling (normalization)
Feature extraction
Both above
What does PCA algorithm do?
Reduces the number of features, dimensionality reduction
Increases the number of features, dimensionality increase
Both above
What does XBoost, ID3 algorithms do?
Neural network algorithms
Decision tree algorithms
Recurrent neural network algorithms
What does K-means, DBSCAN algorithms do?
Clustering algorithms
Classification algorithms
Regression algorithms
What does the Random Forest algorithm do?
Ensemble learning algorithm
Clustering algorithm
Both above
Is it possible to predict for car advertisement price and number of owners using the same model at once?
Yes
No
Only if values are correlated
What is the main hyperparameter in the spectral clustering algorithm?
Number of clusters
Number of samples
Number of feature
When to use Decision Tree algorithm instead of Deep Neural Network?
When the dataset is noisy
When the dataset is clean
When the dataset is small