AI (Whole)
AI (Whole)
AI (Whole)
Dashboard / Primer 2.0 - App Dev / Stage 1 / Gen AI / Brief History of Generative AI
Quiz review
Started on Sunday, 21 January 2024, 12:16 AM
State Finished
Completed on Sunday, 21 January 2024, 12:22 AM
Time taken 6 mins 1 sec
Marks 9.00/10.00
Grade 90.00 out of 100.00
Question 1
Correct
Which model demonstrated that using larger architectures can produce better images?
DCGAN
CycleGAN
45804
Transformer
BigGAN
VAE
Question 2
Correct
To generate data
To transform data
To decode data
To distinguish between real and generated data
To encode data
45804
The correct answer is: To distinguish between real and generated data
https://accenturelearning.tekstac.com/mod/quiz/review.php?attempt=989540&cmid=3675 1/4
1/21/24, 12:22 AM Brief History of Generative AI - Post Quiz: Attempt review
Question 3
Incorrect
Question answering
Image generation
Text translation
Image recognition
Text summarization
Question 4
Correct
BigGAN
CycleGAN
VAE
Transformer
DCGAN
Which model is known for its rules for creating stable and effective AI image-makers?
DCGAN
Transformer
45804
VAE
CycleGAN
BigGAN
https://accenturelearning.tekstac.com/mod/quiz/review.php?attempt=989540&cmid=3675 2/4
1/21/24, 12:22 AM Brief History of Generative AI - Post Quiz: Attempt review
Question 6
Correct
What mechanism allows the Transformer model to weigh the importance of different words in a sequence?
Recurrent Mechanism
None of the given options
Encoding Mechanism
Self-Attention Mechanism
Decoding Mechanism
Question 7
Correct
Which AI model series by OpenAI, based on the Transformer architecture, is known for generating highly coherent content?
CycleGAN
TransformerXL
45804
GPT series
BERT
ResNet
https://accenturelearning.tekstac.com/mod/quiz/review.php?attempt=989540&cmid=3675 3/4
1/21/24, 12:22 AM Brief History of Generative AI - Post Quiz: Attempt review
Question 9
Correct
What is the main innovation introduced by the "Attention Is All You Need" paper?
Introduction of RNNs
Introduction of VAEs
Introduction of GANs
Introduction of CNNs
Transformer architecture
Question 10
Correct
DCGAN
CycleGAN
BigGAN
VAE
Transformer
Jump to...
45804
https://accenturelearning.tekstac.com/mod/quiz/review.php?attempt=989540&cmid=3675 4/4
1/21/24, 12:06 AM Brief History of Generative AI - Pre Quiz: Attempt review
Dashboard / Primer 2.0 - App Dev / Stage 1 / Gen AI / Brief History of Generative AI
Quiz review
Started on Saturday, 20 January 2024, 11:56 PM
State Finished
Completed on Sunday, 21 January 2024, 12:06 AM
Time taken 10 mins 24 secs
Marks 10.00/10.00
Grade 100.00 out of 100.00
Question 1
Correct
Question 2
Correct
45804
The correct answer is: "Auto-Encoding Variational Bayes"
https://accenturelearning.tekstac.com/mod/quiz/review.php?attempt=989352&cmid=3670 1/4
1/21/24, 12:06 AM Brief History of Generative AI - Pre Quiz: Attempt review
Question 3
Correct
Which of the following is NOT a direct application of GANs but rather an outcome of its influence?
Image-to-Image translation
Reinforcement learning in game playing
Generating realistic images
Super-resolution
Style transfer
Question 4
Correct
45804
The correct answer is: "Sequence to Sequence Learning with Neural Networks"
Question 5
Correct
Yoshua Bengio
Geoffrey Hinton
45804
Ian Goodfellow
Yann LeCun
Andrew Ng
https://accenturelearning.tekstac.com/mod/quiz/review.php?attempt=989352&cmid=3670 2/4
1/21/24, 12:06 AM Brief History of Generative AI - Pre Quiz: Attempt review
Question 6
Correct
GAN
CNN
Transformer
VAE
RNN
Question 7
Correct
VAE
DCGAN
CycleGAN
Transformer
BigGAN
2014
2012
45804
2016
2010
2018
https://accenturelearning.tekstac.com/mod/quiz/review.php?attempt=989352&cmid=3670 3/4
1/21/24, 12:06 AM Brief History of Generative AI - Pre Quiz: Attempt review
Question 9
Correct
Classifying data
None of the given options
Recognizing patterns
Filtering data
Generating new data
Question 10
Correct
CNN
RNN
BERT
LSTM
GAN
Jump to...
45804
https://accenturelearning.tekstac.com/mod/quiz/review.php?attempt=989352&cmid=3670 4/4
1/21/24, 2:18 AM CASE STUDY - GANS - CIFAR - Quiz: Attempt review
Dashboard / Primer 2.0 - App Dev / Stage 1 / Gen AI / Generative Adversarial Networks
Quiz review
Started on Sunday, 21 January 2024, 2:07 AM
State Finished
Completed on Sunday, 21 January 2024, 2:18 AM
Time taken 10 mins 47 secs
Marks 12.00/15.00
Grade 80.00 out of 100.00
Question 1
Correct
Which challenge refers to the generator producing limited varieties or even the same sample every time?
Convergence Issues
All of the given options
45804
Data Augmentation
Training Instability
Mode Collapse
Question 2
Correct
Reshape
BatchNormalization
UpSampling2D
Conv2D with strides
Dense
https://accenturelearning.tekstac.com/mod/quiz/review.php?attempt=990155&cmid=7551 1/6
1/21/24, 2:18 AM CASE STUDY - GANS - CIFAR - Quiz: Attempt review
Question 3
Correct
DBN
LSTM
WGAN
CNN
RNN
Question 4
Correct
45804
The correct answer is: Generator & Discriminator
Question 5
Correct
How many images are there in each class of the CIFAR-10 dataset?
6000
12000
45804
5000
10000
15000
https://accenturelearning.tekstac.com/mod/quiz/review.php?attempt=990155&cmid=7551 2/6
1/21/24, 2:18 AM CASE STUDY - GANS - CIFAR - Quiz: Attempt review
Question 6
Incorrect
Which of the following is NOT a feedback given to the generator during training?
Question 7
Incorrect
Dropout
Data augmentation
Noise addition
All of the given options
Gradient clipping
In the provided code, why is discriminator.trainable set to False when setting up the combined system?
To prevent overfitting
To speed up training
45804
To increase discriminator's accuracy
To make sure only the generator is trained in this step
None of the given options
The correct answer is: To make sure only the generator is trained in this step
https://accenturelearning.tekstac.com/mod/quiz/review.php?attempt=990155&cmid=7551 3/6
1/21/24, 2:18 AM CASE STUDY - GANS - CIFAR - Quiz: Attempt review
Question 9
Incorrect
Conv2D
All of the given options
LeakyReLU
Adam Optimizer
Batch Normalization
Question 10
Correct
leakyrelu
tanh
sigmoid
relu
softmax
Which of the following best describes the role of the generator in a GAN?
To combine images
To produce images
45804
To evaluate the loss
To critique images
None of the given options
https://accenturelearning.tekstac.com/mod/quiz/review.php?attempt=990155&cmid=7551 4/6
1/21/24, 2:18 AM CASE STUDY - GANS - CIFAR - Quiz: Attempt review
Question 12
Correct
Creates images
Evaluates if an image is real or fake
Combines images
Enhances image resolution
Both create and evaluate images
Question 13
Correct
45804
The correct answer is: To reshape the dense layer into a 3D tensor for images
Question 14
Correct
45804
Feedback from the user
CIFAR-10 dataset
Feedback from the discriminator
https://accenturelearning.tekstac.com/mod/quiz/review.php?attempt=990155&cmid=7551 5/6
1/21/24, 2:18 AM CASE STUDY - GANS - CIFAR - Quiz: Attempt review
Question 15
Correct
The correct answer is: To generate novel and relevant images to augment dataset
45804
45804
https://accenturelearning.tekstac.com/mod/quiz/review.php?attempt=990155&cmid=7551 6/6
1/22/24, 1:29 AM Case Study - Transformers in Machine Translation - Quiz: Attempt review
Dashboard / Primer 2.0 - App Dev / Stage 1 / Gen AI / Transformers and Attention Mechanisms
Quiz review
Started on Monday, 22 January 2024, 1:25 AM
State Finished
Completed on Monday, 22 January 2024, 1:29 AM
Time taken 4 mins 11 secs
Marks 15.00/15.00
Grade 100.00 out of 100.00
Question 1
Correct
What unique aspect is GlobeTech exploring to further enhance translations using Transformers?
45804
Improving voice recognition quality
Reducing translation time further
Enhancing graphics quality
Offering translations considering regional dialects and nuances
Using sentiment analysis on translations
The correct answer is: Offering translations considering regional dialects and nuances
Question 2
Correct
45804
The correct answer is: By providing real-time translations of UI elements
https://accenturelearning.tekstac.com/mod/quiz/review.php?attempt=1005842&cmid=7550 1/6
1/22/24, 1:29 AM Case Study - Transformers in Machine Translation - Quiz: Attempt review
Question 3
Correct
Graphics
Speed
Real-time Voice Translations
Contextual Translation
Interactivity
Question 4
Correct
45804
The correct answer is: Integrating Transformer-based MT into their chatbots
Question 5
Correct
How did the processing capabilities of Transformers affect GlobeTech's translation time?
Reduced it drastically
Increased server costs
45804
Made it much longer
Had no effect
Made it slightly faster
https://accenturelearning.tekstac.com/mod/quiz/review.php?attempt=1005842&cmid=7550 2/6
1/22/24, 1:29 AM Case Study - Transformers in Machine Translation - Quiz: Attempt review
Question 6
Correct
Debugging
Re-analysis
Refactoring
Re-training and fine-tuning
Re-programming
Question 7
Correct
45804
The correct answer is: Different parts of the input sentence
Question 8
Correct
45804
"Improving Language Understanding by Generative Models"
"Mastering the Game of Go"
"Learning Deep Architectures"
https://accenturelearning.tekstac.com/mod/quiz/review.php?attempt=1005842&cmid=7550 3/6
1/22/24, 1:29 AM Case Study - Transformers in Machine Translation - Quiz: Attempt review
Question 9
Correct
How did Transformers improve GlobeTech's scalability issue for new languages?
Introduced RNNs
Introduced LSTM
Used Gradient Boosting
Implemented rule-based systems
Leveraged pre-trained models like BERT and GPT
The correct answer is: Leveraged pre-trained models like BERT and GPT
Question 10
Correct
45804
The correct answer is: Real-time voice translations for customer support
Question 11
Correct
Why can we say that Transformers brought a paradigm shift in machine translation?
45804
They introduced new hardware requirements
They made translations context-aware and faster
They made MT completely manual
The correct answer is: They made translations context-aware and faster
https://accenturelearning.tekstac.com/mod/quiz/review.php?attempt=1005842&cmid=7550 4/6
1/22/24, 1:29 AM Case Study - Transformers in Machine Translation - Quiz: Attempt review
Question 12
Correct
After adopting Transformer-based MT, by how much did GlobeTech reduce translation-related complaints?
0.5
0.4
0.2
0.1
0.3
Question 13
Correct
45804
The correct answer is: Struggled with contextual meaning, especially with long sentences
Question 14
Correct
What technology does GlobeTech plan to integrate with Transformers for customer support in the future?
Image recognition
Voice recognition
45804
Text summarization
Augmented reality
Gesture recognition
https://accenturelearning.tekstac.com/mod/quiz/review.php?attempt=1005842&cmid=7550 5/6
1/22/24, 1:29 AM Case Study - Transformers in Machine Translation - Quiz: Attempt review
Question 15
Correct
Backpropagation
Dropout
Self-attention
LSTM cells
CNN layers
45804
45804
https://accenturelearning.tekstac.com/mod/quiz/review.php?attempt=1005842&cmid=7550 6/6
1/21/24, 1:44 AM CASE STUDY - VAE Application - Quiz: Attempt review
Dashboard / Primer 2.0 - App Dev / Stage 1 / Gen AI / Variational Autoencoders
Quiz review
Started on Sunday, 21 January 2024, 1:34 AM
State Finished
Completed on Sunday, 21 January 2024, 1:44 AM
Time taken 10 mins 23 secs
Marks 14.00/15.00
Grade 93.33 out of 100.00
Question 1
Correct
Text Dataset
Tabular Dataset
45804
Time Series Dataset
Audio Dataset
Image Dataset
Question 2
Correct
https://accenturelearning.tekstac.com/mod/quiz/review.php?attempt=990039&cmid=7549 1/6
1/21/24, 1:44 AM CASE STUDY - VAE Application - Quiz: Attempt review
Question 3
Correct
Anomaly Detection
Speech Recognition
Image Classification
Object Detection
Text Summarization
Question 4
Correct
Pressure
Temperature
Humidity
Timestamp
Vibration
45804
Model Training
Data Quality
Latency
https://accenturelearning.tekstac.com/mod/quiz/review.php?attempt=990039&cmid=7549 2/6
1/21/24, 1:44 AM CASE STUDY - VAE Application - Quiz: Attempt review
Question 6
Correct
Question 7
Correct
Disintegration
Manual recalibration
Shrinking
Continuous adaptation
Reformatting
45804
Data input size
Training time
Validation accuracy
https://accenturelearning.tekstac.com/mod/quiz/review.php?attempt=990039&cmid=7549 3/6
1/21/24, 1:44 AM CASE STUDY - VAE Application - Quiz: Attempt review
Question 9
Correct
Latent Space
Data Value
Anomaly Score
Reconstruction Error
Timestamp
Question 10
Correct
45804
The correct answer is: A compressed representation of the data
Question 11
Incorrect
100
25
45804
40
50
10
https://accenturelearning.tekstac.com/mod/quiz/review.php?attempt=990039&cmid=7549 4/6
1/21/24, 1:44 AM CASE STUDY - VAE Application - Quiz: Attempt review
Question 12
Correct
The correct answer is: If its error is above the 99th percentile
Question 13
Correct
45804
The correct answer is: To ensure it is suitable for training
Question 14
Correct
Parallelism
Determinism
45804
Recursion
Linearity
Randomness
https://accenturelearning.tekstac.com/mod/quiz/review.php?attempt=990039&cmid=7549 5/6
1/21/24, 1:44 AM CASE STUDY - VAE Application - Quiz: Attempt review
Question 15
Correct
60-40
90-10
70-30
80-20
50-50
45804
45804
https://accenturelearning.tekstac.com/mod/quiz/review.php?attempt=990039&cmid=7549 6/6
1/21/24, 12:47 AM Fundamentals of ML - Post Quiz: Attempt review
Dashboard / Primer 2.0 - App Dev / Stage 1 / Gen AI / Fundamentals of Machine Learning and Neural Networks
Quiz review
Started on Sunday, 21 January 2024, 12:42 AM
State Finished
Completed on Sunday, 21 January 2024, 12:47 AM
Time taken 4 mins 39 secs
Marks 10.00/10.00
Grade 100.00 out of 100.00
Question 1
Correct
Linear Function
Bias Function
45804
Weight Function
Activation Function
Loss Function
Question 2
Correct
Clustering
Ranking
Regression
Classification
Anomaly Detection
https://accenturelearning.tekstac.com/mod/quiz/review.php?attempt=989761&cmid=3677 1/4
1/21/24, 12:47 AM Fundamentals of ML - Post Quiz: Attempt review
Question 3
Correct
Polynomial Function
Weighted Sum
Bias Activation
Linear Function
ReLU (Rectified Linear Unit)
Question 4
Correct
Data preprocessing
Forward propagation of data
Activation of neurons
Adjusting weights based on the error
Initialization of weights
45804
The correct answer is: Adjusting weights based on the error
Question 5
Correct
Regression
Unsupervised Learning
45804
Clustering
Supervised Learning
Reinforcement Learning
https://accenturelearning.tekstac.com/mod/quiz/review.php?attempt=989761&cmid=3677 2/4
1/21/24, 12:47 AM Fundamentals of ML - Post Quiz: Attempt review
Question 6
Correct
A fixed value
The error of the network
The learning rate
A weighted sum followed by an activation function
The gradient of the loss
Question 7
Correct
45804
The correct answer is: To quantify the difference between predicted and actual values
Question 8
Correct
Quantum Layer
Output Layer
45804
Hidden Layer
Convolutional Layer
Input Layer
https://accenturelearning.tekstac.com/mod/quiz/review.php?attempt=989761&cmid=3677 3/4
1/21/24, 12:47 AM Fundamentals of ML - Post Quiz: Attempt review
Question 9
Correct
Question 10
Correct
Vanishing/Exploding gradients
Too few neurons
Small datasets
Linear activation functions
All neurons activating at once
45804
The correct answer is: Vanishing/Exploding gradients
Jump to...
45804
https://accenturelearning.tekstac.com/mod/quiz/review.php?attempt=989761&cmid=3677 4/4
1/21/24, 12:26 AM Fundamentals of ML - Pre Quiz: Attempt review
Dashboard / Primer 2.0 - App Dev / Stage 1 / Gen AI / Fundamentals of Machine Learning and Neural Networks
Quiz review
Started on Sunday, 21 January 2024, 12:22 AM
State Finished
Completed on Sunday, 21 January 2024, 12:26 AM
Time taken 4 mins 18 secs
Marks 10.00/10.00
Grade 100.00 out of 100.00
Question 1
Correct
Leaky ReLU
Linear
45804
Sigmoid
Hyperbolic Tangent (tanh)
Rectified Linear Unit (ReLU)
Question 2
Correct
Regression
Clustering
Ranking
Classification
Recommendation
https://accenturelearning.tekstac.com/mod/quiz/review.php?attempt=989595&cmid=3676 1/4
1/21/24, 12:26 AM Fundamentals of ML - Pre Quiz: Attempt review
Question 3
Correct
The correct answer is: Regression predicts a continuous output, Classification predicts a discrete label
Question 4
Correct
To initialize weights
To define the network's architecture
To speed up training
To activate neurons
To quantify the difference between predicted and actual values
45804
The correct answer is: To quantify the difference between predicted and actual values
Question 5
Correct
45804
None of the given options
To program explicit rules for a task
To increase computational speed
https://accenturelearning.tekstac.com/mod/quiz/review.php?attempt=989595&cmid=3676 2/4
1/21/24, 12:26 AM Fundamentals of ML - Pre Quiz: Attempt review
Question 6
Correct
Which component of a neural network is responsible for combining inputs and passing them to the next layer?
Bias
Weight
Activation Function
Neuron (or Node)
Layer
Question 7
Correct
Unsupervised Learning
Recursive Learning
Reinforcement Learning
Semi-supervised Learning
Supervised Learning
In the context of neural networks, what does the term "backpropagation" refer to?
45804
The method of adjusting weights based on the error
The initial random assignment of weights
The process of adding more layers
The correct answer is: The method of adjusting weights based on the error
https://accenturelearning.tekstac.com/mod/quiz/review.php?attempt=989595&cmid=3676 3/4
1/21/24, 12:26 AM Fundamentals of ML - Pre Quiz: Attempt review
Question 9
Correct
Quantum Entanglement
Neural Networks
K-Means Clustering
Support Vector Machines
Decision Trees
Question 10
Correct
Gradient Clipping
Increasing the number of layers
Dropout
Using a larger dataset
Learning Rate Adjustment
Jump to...
45804
https://accenturelearning.tekstac.com/mod/quiz/review.php?attempt=989595&cmid=3676 4/4
1/21/24, 2:07 AM Generative Adversarial Networks - Post Quiz: Attempt review
Dashboard / Primer 2.0 - App Dev / Stage 1 / Gen AI / Generative Adversarial Networks
Quiz review
Started on Sunday, 21 January 2024, 2:00 AM
State Finished
Completed on Sunday, 21 January 2024, 2:07 AM
Time taken 6 mins 46 secs
Marks 10.00/10.00
Grade 100.00 out of 100.00
Question 1
Correct
Minimax GAN
None of the given options
45804
Conditional GAN
Progressive GAN
Mode Collapse GAN
Question 2
Correct
https://accenturelearning.tekstac.com/mod/quiz/review.php?attempt=990130&cmid=3683 1/4
1/21/24, 2:07 AM Generative Adversarial Networks - Post Quiz: Attempt review
Question 3
Correct
Question 4
Correct
45804
The correct answer is: Real-time weather prediction
Question 5
Correct
45804
The model achieves perfect accuracy
The generator may struggle to improve
The generator becomes powerful too
https://accenturelearning.tekstac.com/mod/quiz/review.php?attempt=990130&cmid=3683 2/4
1/21/24, 2:07 AM Generative Adversarial Networks - Post Quiz: Attempt review
Question 6
Correct
The correct answer is: They can generate new, previously unseen data
Question 7
Correct
45804
The correct answer is: Distinguish between real and fake data
Question 8
Correct
45804
None of the given options
They are too fast
Determining the quality of generated data
https://accenturelearning.tekstac.com/mod/quiz/review.php?attempt=990130&cmid=3683 3/4
1/21/24, 2:07 AM Generative Adversarial Networks - Post Quiz: Attempt review
Question 9
Correct
Which GAN variant focuses on gradually increasing the resolution of generated images?
Progressive GAN
Minimax GAN
Mode Collapse GAN
None of the given options
Conditional GAN
Question 10
Correct
Jump to...
45804
https://accenturelearning.tekstac.com/mod/quiz/review.php?attempt=990130&cmid=3683 4/4
1/21/24, 1:50 AM Generative Adversarial Networks - Pre Quiz: Attempt review
Dashboard / Primer 2.0 - App Dev / Stage 1 / Gen AI / Generative Adversarial Networks
Quiz review
Started on Sunday, 21 January 2024, 1:45 AM
State Finished
Completed on Sunday, 21 January 2024, 1:50 AM
Time taken 5 mins 37 secs
Marks 10.00/10.00
Grade 100.00 out of 100.00
Question 1
Correct
Question 2
Correct
Encoder
None of the given options
Discriminator
Generator
Decoder
https://accenturelearning.tekstac.com/mod/quiz/review.php?attempt=990079&cmid=3682 1/4
1/21/24, 1:50 AM Generative Adversarial Networks - Pre Quiz: Attempt review
Question 3
Correct
Optimizer
Decoder
Discriminator
Encoder
Generator
Question 4
Correct
45804
The correct answer is: Oscillations and non-convergence
Question 5
Correct
45804
Mode collapse
Discriminator overpowering the generator
Training stability and generating high-resolution images
The correct answer is: Training stability and generating high-resolution images
https://accenturelearning.tekstac.com/mod/quiz/review.php?attempt=990079&cmid=3682 2/4
1/21/24, 1:50 AM Generative Adversarial Networks - Pre Quiz: Attempt review
Question 6
Correct
Poker
Chess
None of the given options
Minimax
Sudoku
Question 7
Correct
Which of the following is a real-world application where GANs have shown significant promise?
Image-to-image translation
Image classification
45804
Text summarization
Time series forecasting
Speech recognition
https://accenturelearning.tekstac.com/mod/quiz/review.php?attempt=990079&cmid=3682 3/4
1/21/24, 1:50 AM Generative Adversarial Networks - Pre Quiz: Attempt review
Question 9
Correct
The correct answer is: When the generator produces limited varieties of outputs
Question 10
Correct
45804
The correct answer is: Distinguish between real and generated samples
Jump to...
45804
https://accenturelearning.tekstac.com/mod/quiz/review.php?attempt=990079&cmid=3682 4/4
1/22/24, 1:47 AM Generative AI Applications in Key Industries: Attempt review
Dashboard / Primer 2.0 - App Dev / Stage 1 / Gen AI / Generative AI in Industry and Real-World Applications
Quiz review
Started on Monday, 22 January 2024, 1:40 AM
State Finished
Completed on Monday, 22 January 2024, 1:47 AM
Time taken 6 mins 16 secs
Marks 9.00/10.00
Grade 90.00 out of 100.00
Question 1
Correct
In the realm of manufacturing, how does generative AI impact the design process?
Question 2
Incorrect
45804
The correct answer is: Bard extracts real-time information
https://accenturelearning.tekstac.com/mod/quiz/review.php?attempt=1005931&cmid=3796 1/4
1/22/24, 1:47 AM Generative AI Applications in Key Industries: Attempt review
Question 3
Correct
During the harvesting phase, how does AI offer a boon to the agricultural sector?
Question 4
Correct
Cybersecurity
Manufacturing
Healthcare
Education
Advertising
DALL-E's image generation can be optimal for which of the following applications?
Translating ad content
Designing book covers
45804
Simulating cyber risk scenarios
Binary choice models
Enhancing banking interactions
https://accenturelearning.tekstac.com/mod/quiz/review.php?attempt=1005931&cmid=3796 2/4
1/22/24, 1:47 AM Generative AI Applications in Key Industries: Attempt review
Question 6
Correct
Binary AI
Discriminative AI
Generative AI
Transformer AI
Visual AI
Question 7
Correct
DALL-E
LaMDA
Bing AI
ChatGPT
Google Bard
For which sector does generative AI replicate potential threat environments to bolster proactive defense?
Advertising
Finance
45804
Agriculture
Cybersecurity
Education
https://accenturelearning.tekstac.com/mod/quiz/review.php?attempt=1005931&cmid=3796 3/4
1/22/24, 1:47 AM Generative AI Applications in Key Industries: Attempt review
Question 9
Correct
Which AI model, developed by Google, is designed to engage in open-ended conversations, often generating creative responses to user prompts?
Bing AI
DALL-E
Google Bard
ChatGPT
LaMDA
Question 10
Correct
LaMDA
DALL-E
Bing AI
ChatGPT
Google Bard
Jump to...
45804
https://accenturelearning.tekstac.com/mod/quiz/review.php?attempt=1005931&cmid=3796 4/4
1/22/24, 1:52 AM Generative AI Tools: Attempt review
Dashboard / Primer 2.0 - App Dev / Stage 1 / Gen AI / Generative AI in Industry and Real-World Applications
Quiz review
Started on Monday, 22 January 2024, 1:49 AM
State Finished
Completed on Monday, 22 January 2024, 1:52 AM
Time taken 3 mins 11 secs
Marks 10.00/10.00
Grade 100.00 out of 100.00
Question 1
Correct
Approximately what percentage of false positive rate does AlphaCode by DeepMind have?
0.01
0.02
45804
0.04
0.05
0.03
Question 2
Correct
https://accenturelearning.tekstac.com/mod/quiz/review.php?attempt=1005978&cmid=3797 1/4
1/22/24, 1:52 AM Generative AI Tools: Attempt review
Question 3
Correct
Ethically developed
Programming and software development capabilities
Constantly updated with web information
Limited to English language
Transformer model
Question 4
Correct
45804
The correct answer is: OpenAI Codex and GitHub
Question 5
Correct
45804
Large multimodal model
Image and text input
Enhanced creativity and accuracy
https://accenturelearning.tekstac.com/mod/quiz/review.php?attempt=1005978&cmid=3797 2/4
1/22/24, 1:52 AM Generative AI Tools: Attempt review
Question 6
Correct
Ethical development
Higher resolution
Requires less purchase credits
Less safety protocols
Same image resolution
Question 7
Correct
45804
The correct answer is: Potential open-source legal issues
Question 8
Correct
45804
Marketing and sales content
Language inputs for image outputs
Video creation from scripted prompts
https://accenturelearning.tekstac.com/mod/quiz/review.php?attempt=1005978&cmid=3797 3/4
1/22/24, 1:52 AM Generative AI Tools: Attempt review
Question 9
Correct
Ethically developed
By accessing the web
Using "red team" prompts for safety
Slack integration
Emphasizing creativity
The correct answer is: Using "red team" prompts for safety
Question 10
Correct
Audio quality
Scripted prompts
Efficient basic content generation
Video resolution
Language integrations
Jump to...
45804
https://accenturelearning.tekstac.com/mod/quiz/review.php?attempt=1005978&cmid=3797 4/4
1/20/24, 11:55 PM Introduction to Generative AI - Post quiz: Attempt review
Dashboard / Primer 2.0 - App Dev / Stage 1 / Gen AI / Introduction to Generative AI
Quiz review
Started on Saturday, 20 January 2024, 11:50 PM
State Finished
Completed on Saturday, 20 January 2024, 11:55 PM
Time taken 4 mins 57 secs
Marks 10.00/10.00
Grade 100.00 out of 100.00
Question 1
Correct
In the context of AI, which model type is more concerned with the underlying distribution of data?
Hybrid AI
Reinforcement AI
45804
Classification AI
Generative AI
Regression AI
Question 2
Correct
Semi-supervised AI
Generative AI
Reinforcement AI
Regression AI
Classification AI
https://accenturelearning.tekstac.com/mod/quiz/review.php?attempt=989290&cmid=3667 1/4
1/20/24, 11:55 PM Introduction to Generative AI - Post quiz: Attempt review
Question 3
Correct
If an AI system is designed to label images of cats and dogs, it is primarily a _______ model.
Hybrid
Generative
Reinforcement
Unsupervised
Discriminative
Question 4
Correct
45804
The correct answer is: Predicting stock market prices
Question 5
Correct
Regression
Optimization
45804
Generating new data
Data labeling
Classification
https://accenturelearning.tekstac.com/mod/quiz/review.php?attempt=989290&cmid=3667 2/4
1/20/24, 11:55 PM Introduction to Generative AI - Post quiz: Attempt review
Question 6
Correct
The correct answer is: It generates new data rather than categorizing existing data
Question 7
Correct
45804
The correct answer is: New artworks and music pieces
Question 8
Correct
45804
It is primarily used for data sorting
It is best suited for regression tasks
It is the oldest form of AI
The correct answer is: It focuses on generating data based on learned patterns
https://accenturelearning.tekstac.com/mod/quiz/review.php?attempt=989290&cmid=3667 3/4
1/20/24, 11:55 PM Introduction to Generative AI - Post quiz: Attempt review
Question 9
Correct
Question 10
Correct
45804
The correct answer is: It can produce new, previously unseen data samples
◄ Introduction to Generative AI
Jump to...
45804
https://accenturelearning.tekstac.com/mod/quiz/review.php?attempt=989290&cmid=3667 4/4
1/20/24, 11:33 PM Introduction to Generative AI - Pre quiz: Attempt review
Dashboard / Primer 2.0 - App Dev / Stage 1 / Gen AI / Introduction to Generative AI
Quiz review
Started on Saturday, 20 January 2024, 11:28 PM
State Finished
Completed on Saturday, 20 January 2024, 11:33 PM
Time taken 5 mins 34 secs
Marks 10.00/10.00
Grade 100.00 out of 100.00
Question 1
Correct
Application Interface
Automated Information
45804
Automated Interaction
Artificial Intelligence
Advanced Integration
Question 2
Correct
Unsupervised AI
Supervised AI
Generative AI
Reinforcement AI
Generative Art
https://accenturelearning.tekstac.com/mod/quiz/review.php?attempt=989037&cmid=3666 1/4
1/20/24, 11:33 PM Introduction to Generative AI - Pre quiz: Attempt review
Question 3
Correct
Which type of AI is primarily concerned with how data is generated rather than how it's separated?
Reinforcement Learning
Discriminative AI
Supervised Learning
Generative AI
Unsupervised Learning
Question 4
Correct
Creating art
Designing virtual environments
Automating customer service chats
Generating music
Producing realistic video game characters
45804
The correct answer is: Automating customer service chats
Question 5
Correct
Semi-supervised AI
Generative AI
45804
Reinforcement AI
Supervised AI
Regression AI
https://accenturelearning.tekstac.com/mod/quiz/review.php?attempt=989037&cmid=3666 2/4
1/20/24, 11:33 PM Introduction to Generative AI - Pre quiz: Attempt review
Question 6
Correct
The correct answer is: AI that can generate new data samples
Question 7
Correct
45804
The correct answer is: Generating realistic human faces in movies
Question 8
Correct
Which of the following fields can utilize Generative AI to create new, original content or simulations?
Data Analysis
Art and Music
45804
Transportation
Banking
E-commerce
https://accenturelearning.tekstac.com/mod/quiz/review.php?attempt=989037&cmid=3666 3/4
1/20/24, 11:33 PM Introduction to Generative AI - Pre quiz: Attempt review
Question 9
Correct
Generative models
Clustering models
Regression models
Decision trees
Classification models
Question 10
Correct
45804
The correct answer is: Generative models data distribution, while Discriminative models the boundary between classes
Jump to...
Introduction to Generative AI ►
45804
https://accenturelearning.tekstac.com/mod/quiz/review.php?attempt=989037&cmid=3666 4/4
1/21/24, 1:08 AM Introduction to Generative Models - Post Quiz: Attempt review
Dashboard / Primer 2.0 - App Dev / Stage 1 / Gen AI / Introduction to Generative Models
Quiz review
Started on Sunday, 21 January 2024, 1:03 AM
State Finished
Completed on Sunday, 21 January 2024, 1:08 AM
Time taken 5 mins 37 secs
Marks 9.00/10.00
Grade 90.00 out of 100.00
Question 1
Correct
45804
A method for generating new data
A training method for models
A mathematical description of outcomes for a random variable
A decision boundary for classification
A measure of model error
The correct answer is: A mathematical description of outcomes for a random variable
Question 2
Correct
45804
The correct answer is: To distinguish between real and generated data
https://accenturelearning.tekstac.com/mod/quiz/review.php?attempt=989909&cmid=3679 1/4
1/21/24, 1:08 AM Introduction to Generative Models - Post Quiz: Attempt review
Question 3
Correct
The correct answer is: Data generation, denoising, inpainting, and more
Question 4
Correct
P(data | model)
P(model)
P(data & model)
P(model | data)
P(data)
45804
They always require labeled data for training
They can be used in unsupervised learning scenarios
They capture the data distribution
The correct answer is: They always require labeled data for training
https://accenturelearning.tekstac.com/mod/quiz/review.php?attempt=989909&cmid=3679 2/4
1/21/24, 1:08 AM Introduction to Generative Models - Post Quiz: Attempt review
Question 6
Correct
Which of the following best describes the difference between generative and discriminative models?
The correct answer is: Generative models learn the data distribution, while discriminative models learn the decision boundary
Question 7
Incorrect
45804
The correct answer is: It is not normalized like a probability
Question 8
Correct
Within the architecture of Generative Adversarial Networks (GANs), which duo of fundamental elements are paramount?
45804
Activator and Deactivator
Forward and Backward Propagators
Generator and Discriminator
https://accenturelearning.tekstac.com/mod/quiz/review.php?attempt=989909&cmid=3679 3/4
1/21/24, 1:08 AM Introduction to Generative Models - Post Quiz: Attempt review
Question 9
Correct
Question 10
Correct
Discriminative Model
regression model
Probability Distribution
Both Generative Model and Discriminative Model
Generative Model
Jump to...
45804
https://accenturelearning.tekstac.com/mod/quiz/review.php?attempt=989909&cmid=3679 4/4
1/21/24, 12:51 AM Introduction to Generative Models - Pre Quiz: Attempt review
Dashboard / Primer 2.0 - App Dev / Stage 1 / Gen AI / Introduction to Generative Models
Quiz review
Started on Sunday, 21 January 2024, 12:47 AM
State Finished
Completed on Sunday, 21 January 2024, 12:51 AM
Time taken 4 mins 26 secs
Marks 10.00/10.00
Grade 100.00 out of 100.00
Question 1
Correct
If a model is better at distinguishing between classes rather than generating data, it is likely a _______.
Generative model
Joint probability model
45804
Discriminative model
Bayesian model
Likelihood model
Question 2
Correct
45804
The correct answer is: The probability distribution of the data x
https://accenturelearning.tekstac.com/mod/quiz/review.php?attempt=989799&cmid=3678 1/4
1/21/24, 12:51 AM Introduction to Generative Models - Pre Quiz: Attempt review
Question 3
Correct
Question 4
Correct
Classification
Regression
Reinforcement learning
Generating new data samples similar to the input data
Clustering
45804
The correct answer is: Generating new data samples similar to the input data
Question 5
Correct
45804
To generate new data samples
To analyze data distributions
To classify data
https://accenturelearning.tekstac.com/mod/quiz/review.php?attempt=989799&cmid=3678 2/4
1/21/24, 12:51 AM Introduction to Generative Models - Pre Quiz: Attempt review
Question 6
Correct
The distribution of y
The likelihood of y
The generative capacity of x
The probability of x given y
The probability of y given x
Question 7
Correct
45804
The correct answer is: Generative models learn the joint probability distribution, while discriminative models learn the conditional probability
Question 8
Correct
Bayesian model
Probability Distribution
45804
Generative Model
Discriminative Model
Both Generative and Discriminative
https://accenturelearning.tekstac.com/mod/quiz/review.php?attempt=989799&cmid=3678 3/4
1/21/24, 12:51 AM Introduction to Generative Models - Pre Quiz: Attempt review
Question 9
Correct
Which of the following is crucial for understanding the behavior of generative models?
Convolutional layers
Probability distributions and likelihood
Gradient descent
Activation functions
Backpropagation
Question 10
Correct
45804
The correct answer is: How well the model explains the observed data
Jump to...
45804
https://accenturelearning.tekstac.com/mod/quiz/review.php?attempt=989799&cmid=3678 4/4
1/22/24, 12:44 AM Sentiment Analysis with RNNs - Case study: Attempt review
Dashboard / Primer 2.0 - App Dev / Stage 1 / Gen AI / Sequence Generation with RNNs
Quiz review
Started on Monday, 22 January 2024, 12:38 AM
State Finished
Completed on Monday, 22 January 2024, 12:44 AM
Time taken 6 mins 2 secs
Marks 14.00/15.00
Grade 93.33 out of 100.00
Question 1
Correct
45804
Placeholder for out-of-vocabulary words
Placeholder for numbers
Regular expression matcher
Ignore out-of-vocabulary words
Delete out-of-vocabulary words
Question 2
Correct
Embedding Layer
Dropout Layer
Dense Layer
SimpleRNN Layer
LSTM Layer
https://accenturelearning.tekstac.com/mod/quiz/review.php?attempt=1005439&cmid=7547 1/6
1/22/24, 12:44 AM Sentiment Analysis with RNNs - Case study: Attempt review
Question 3
Correct
For beautification
To reduce memory usage
To increase vocabulary size
To improve accuracy
To handle variable review length
Question 4
Correct
45804
The correct answer is: Tackles the vanishing gradient problem
Question 5
Correct
What is the purpose of the Dropout layer in the LSTM with Dropout model?
Embedding
Activation function
45804
Regularization to prevent overfitting
Tokenization
Recurrence
https://accenturelearning.tekstac.com/mod/quiz/review.php?attempt=1005439&cmid=7547 2/6
1/22/24, 12:44 AM Sentiment Analysis with RNNs - Case study: Attempt review
Question 6
Correct
What might be a concern if the training accuracy is high but validation accuracy is significantly low?
Question 7
Correct
45804
The correct answer is: Fast training with limited resources
Question 8
Correct
Which parameter in `model.fit()` signifies the number of times the model is exposed to the dataset?
epochs
loss
45804
optimizer
validation_data
batch_size
https://accenturelearning.tekstac.com/mod/quiz/review.php?attempt=1005439&cmid=7547 3/6
1/22/24, 12:44 AM Sentiment Analysis with RNNs - Case study: Attempt review
Question 9
Correct
Question 10
Correct
45804
Makes model evaluation faster
Impedes learning of long-range dependencies
Increases accuracy
https://accenturelearning.tekstac.com/mod/quiz/review.php?attempt=1005439&cmid=7547 4/6
1/22/24, 12:44 AM Sentiment Analysis with RNNs - Case study: Attempt review
Question 12
Correct
In the given LSTM model, which layer(s) help in retaining memory and context?
Dropout layer
Dense layer
SimpleRNN layer
Embedding layer
LSTM layer
Question 13
Correct
45804
The correct answer is: Limited understanding due to missed words
Question 14
Correct
Tokenization
Representing words in dense vector format
45804
Regularization
Handling out-of-vocabulary words
Reducing sequence length
https://accenturelearning.tekstac.com/mod/quiz/review.php?attempt=1005439&cmid=7547 5/6
1/22/24, 12:44 AM Sentiment Analysis with RNNs - Case study: Attempt review
Question 15
Incorrect
After training, what can be inferred if the validation loss keeps decreasing but training loss remains high?
45804
45804
https://accenturelearning.tekstac.com/mod/quiz/review.php?attempt=1005439&cmid=7547 6/6
1/22/24, 12:38 AM Sequence Generation with RNNs - Post Quiz: Attempt review
Dashboard / Primer 2.0 - App Dev / Stage 1 / Gen AI / Sequence Generation with RNNs
Quiz review
Started on Monday, 22 January 2024, 12:30 AM
State Finished
Completed on Monday, 22 January 2024, 12:37 AM
Time taken 7 mins 45 secs
Marks 9.00/10.00
Grade 90.00 out of 100.00
Question 1
Correct
Question 2
Correct
Underfitting
High bias
All of the given options
Overfitting
Vanishing or exploding gradients
45804
The correct answer is: Vanishing or exploding gradients
https://accenturelearning.tekstac.com/mod/quiz/review.php?attempt=1005351&cmid=3690 1/4
1/22/24, 12:38 AM Sequence Generation with RNNs - Post Quiz: Attempt review
Question 3
Incorrect
In sequence generation tasks, what is the primary input to an RNN at each time step?
Question 4
Correct
45804
The correct answer is: GRU is simpler and sometimes faster
Question 5
Correct
45804
LSTM has 3 gates, GRU has 2
LSTM has input, forget, and output gates; GRU has reset and update gates
LSTM is older, GRU is newer
The correct answer is: LSTM has input, forget, and output gates; GRU has reset and update gates
https://accenturelearning.tekstac.com/mod/quiz/review.php?attempt=1005351&cmid=3690 2/4
1/22/24, 12:38 AM Sequence Generation with RNNs - Post Quiz: Attempt review
Question 6
Correct
Question 7
Correct
By skipping them
Through padding and truncation
None of the given options
By changing the network size
They don't
45804
The correct answer is: Through padding and truncation
Question 8
Correct
GRU
LSTM
45804
None of the given options
Simple RNN
Bidirectional RNN
https://accenturelearning.tekstac.com/mod/quiz/review.php?attempt=1005351&cmid=3690 3/4
1/22/24, 12:38 AM Sequence Generation with RNNs - Post Quiz: Attempt review
Question 9
Correct
Question 10
Correct
Image generation
Face recognition
Object detection
Image classification
Text generation
Jump to...
45804
https://accenturelearning.tekstac.com/mod/quiz/review.php?attempt=1005351&cmid=3690 4/4
1/21/24, 2:26 AM Sequence Generation with RNNs - Pre Quiz: Attempt review
Dashboard / Primer 2.0 - App Dev / Stage 1 / Gen AI / Sequence Generation with RNNs
Quiz review
Started on Sunday, 21 January 2024, 2:19 AM
State Finished
Completed on Sunday, 21 January 2024, 2:26 AM
Time taken 7 mins 41 secs
Marks 10.00/10.00
Grade 100.00 out of 100.00
Question 1
Correct
What is the key advantage of using LSTMs over basic RNNs in sequence generation tasks?
Question 2
Correct
https://accenturelearning.tekstac.com/mod/quiz/review.php?attempt=990188&cmid=3689 1/4
1/21/24, 2:26 AM Sequence Generation with RNNs - Pre Quiz: Attempt review
Question 3
Correct
During the training of RNNs for sequence generation, what is the common technique used to mitigate the vanishing gradient problem?
Dropout
Batch normalization
Gradient clipping
L1 regularization
Data augmentation
Question 4
Correct
GRU
LSTM
Echo State Network
Hopfield Network
Bidirectional RNN
In the context of natural language processing, how are RNNs typically utilized for machine translation?
45804
As discriminators in GANs
For image classification
Encoding the input sequence and decoding the output sequence
The correct answer is: Encoding the input sequence and decoding the output sequence
https://accenturelearning.tekstac.com/mod/quiz/review.php?attempt=990188&cmid=3689 2/4
1/21/24, 2:26 AM Sequence Generation with RNNs - Pre Quiz: Attempt review
Question 6
Correct
When using RNNs for music generation, what does each neuron in the output layer typically represent?
A specific instrument
A time step in the generated sequence
A frequency band
A possible note or rest in the musical vocabulary
A note in the C major scale
The correct answer is: A possible note or rest in the musical vocabulary
Question 7
Correct
GRU
Simple RNN
LSTM
CNN
Bidirectional RNN
Bias
Overfitting
45804
Vanishing gradient
High variance
All of the options given
https://accenturelearning.tekstac.com/mod/quiz/review.php?attempt=990188&cmid=3689 3/4
1/21/24, 2:26 AM Sequence Generation with RNNs - Pre Quiz: Attempt review
Question 9
Correct
Sequential
Audio
Tabular
Image
None of the options given
Question 10
Correct
45804
The correct answer is: Recurrent Neural Network
Jump to...
45804
https://accenturelearning.tekstac.com/mod/quiz/review.php?attempt=990188&cmid=3689 4/4
1/22/24, 1:12 AM Transformers and Attention Mechanisms - Post Quiz: Attempt review
Dashboard / Primer 2.0 - App Dev / Stage 1 / Gen AI / Transformers and Attention Mechanisms
Quiz review
Started on Monday, 22 January 2024, 1:07 AM
State Finished
Completed on Monday, 22 January 2024, 1:12 AM
Time taken 4 mins 59 secs
Marks 9.00/10.00
Grade 90.00 out of 100.00
Question 1
Correct
45804
Pre-training uses smaller models
None of the options given
Fine-tuning is done without labeled data
Both are done simultaneously
Pre-training is on a large corpus and fine-tuning is task-specific
The correct answer is: Pre-training is on a large corpus and fine-tuning is task-specific
Question 2
Correct
Text generation
Language translation
Image generation
None of the options given
Bidirectional understanding of text
45804
The correct answer is: Bidirectional understanding of text
https://accenturelearning.tekstac.com/mod/quiz/review.php?attempt=1005705&cmid=3692 1/4
1/22/24, 1:12 AM Transformers and Attention Mechanisms - Post Quiz: Attempt review
Question 3
Correct
BERT
GPT
DALL·E
T5
Image GPT
Question 4
Incorrect
BERT
None of the options given
DALL·E
T5
GPT
45804
The correct answer is: None of the options given
Question 5
Correct
DALL·E
GPT
45804
None of the options given
T5
BERT
https://accenturelearning.tekstac.com/mod/quiz/review.php?attempt=1005705&cmid=3692 2/4
1/22/24, 1:12 AM Transformers and Attention Mechanisms - Post Quiz: Attempt review
Question 6
Correct
Sequence to Sequence
None of the options given
Sequence training
Sequential training
Sequential to Sequential
Question 7
Correct
45804
The correct answer is: It helps the model focus on relevant parts of the input
Question 8
Correct
For which task might you use a Transformer to generate a concise summary of a long article?
Question Answering
Summarization
45804
Translation
None of the options given
Image Classification
https://accenturelearning.tekstac.com/mod/quiz/review.php?attempt=1005705&cmid=3692 3/4
1/22/24, 1:12 AM Transformers and Attention Mechanisms - Post Quiz: Attempt review
Question 9
Correct
Which mechanism allows Transformers to weigh the importance of different words in a sequence?
Question 10
Correct
It is faster
It is only used in GPT
None of the options given
It allows the model to focus on multiple parts of the input simultaneously
It uses fewer parameters
45804
The correct answer is: It allows the model to focus on multiple parts of the input simultaneously
Jump to...
45804
https://accenturelearning.tekstac.com/mod/quiz/review.php?attempt=1005705&cmid=3692 4/4
1/22/24, 12:50 AM Transformers and Attention Mechanisms - Pre Quiz: Attempt review
Dashboard / Primer 2.0 - App Dev / Stage 1 / Gen AI / Transformers and Attention Mechanisms
Quiz review
Started on Monday, 22 January 2024, 12:44 AM
State Finished
Completed on Monday, 22 January 2024, 12:50 AM
Time taken 5 mins 16 secs
Marks 10.00/10.00
Grade 100.00 out of 100.00
Question 1
Correct
What is the first step in training a Transformer model for a specific task?
Question 2
Correct
https://accenturelearning.tekstac.com/mod/quiz/review.php?attempt=1005502&cmid=3691 1/4
1/22/24, 12:50 AM Transformers and Attention Mechanisms - Pre Quiz: Attempt review
Question 3
Correct
What is the primary component of the Transformer architecture that helps it handle sequences?
CNN
Attention Mechanism
RNN
None of the options given
LSTM
Question 4
Correct
45804
The correct answer is: It allows the model to focus on relevant parts of the input when producing an output
Question 5
Correct
45804
Capturing different types of information from the input
Reducing model size
Improving regularization
The correct answer is: Capturing different types of information from the input
https://accenturelearning.tekstac.com/mod/quiz/review.php?attempt=1005502&cmid=3691 2/4
1/22/24, 12:50 AM Transformers and Attention Mechanisms - Pre Quiz: Attempt review
Question 6
Correct
The Transformer architecture introduced the concept of self-attention to handle which primary challenge in sequence modeling?
The correct answer is: Capturing dependencies regardless of their distance in the input
Question 7
Correct
45804
The correct answer is: Processing and representing the source language
Question 8
Correct
What is the primary advantage of pretraining a Transformer on a large corpus before fine-tuning on a specific task?
45804
It reduces the risk of overfitting
It speeds up the fine-tuning process
It makes the model smaller
The correct answer is: It allows the model to leverage general language understanding
https://accenturelearning.tekstac.com/mod/quiz/review.php?attempt=1005502&cmid=3691 3/4
1/22/24, 12:50 AM Transformers and Attention Mechanisms - Pre Quiz: Attempt review
Question 9
Correct
Image GPT
T5
GPT
BERT
DALL·E
Question 10
Correct
Summarization
Image Classification
Translation
Question Answering
None of the options given
Jump to...
45804
https://accenturelearning.tekstac.com/mod/quiz/review.php?attempt=1005502&cmid=3691 4/4
1/21/24, 1:34 AM Variational Autoencoders - Post Quiz: Attempt review
Dashboard / Primer 2.0 - App Dev / Stage 1 / Gen AI / Variational Autoencoders
Quiz review
Started on Sunday, 21 January 2024, 1:28 AM
State Finished
Completed on Sunday, 21 January 2024, 1:33 AM
Time taken 5 mins 3 secs
Marks 10.00/10.00
Grade 100.00 out of 100.00
Question 1
Correct
Question 2
Correct
https://accenturelearning.tekstac.com/mod/quiz/review.php?attempt=990015&cmid=3681 1/4
1/21/24, 1:34 AM Variational Autoencoders - Post Quiz: Attempt review
Question 3
Correct
The correct answer is: VAEs introduce randomness via a probabilistic layer
Question 4
Correct
45804
The correct answer is: It allows backpropagation through random nodes
Question 5
Correct
45804
To reduce model size
To approximate intractable posterior distributions
None of the given options
https://accenturelearning.tekstac.com/mod/quiz/review.php?attempt=990015&cmid=3681 2/4
1/21/24, 1:34 AM Variational Autoencoders - Post Quiz: Attempt review
Question 6
Correct
Variational inference
Backpropagation
Gradient descent
None of the given options
Transfer learning
Question 7
Correct
Classification
Generation
Reconstruction
Filtering
Clustering
Fashion design
Anomaly detection in industrial equipment
45804
Music composition
Text generation
Face generation for video games
https://accenturelearning.tekstac.com/mod/quiz/review.php?attempt=990015&cmid=3681 3/4
1/21/24, 1:34 AM Variational Autoencoders - Post Quiz: Attempt review
Question 9
Correct
Question 10
Correct
KL divergence
Accuracy
Cross-entropy only
Precision
Mean squared error only
Jump to...
45804
https://accenturelearning.tekstac.com/mod/quiz/review.php?attempt=990015&cmid=3681 4/4
1/21/24, 1:16 AM Variational Autoencoders - Pre Quiz: Attempt review
Dashboard / Primer 2.0 - App Dev / Stage 1 / Gen AI / Variational Autoencoders
Quiz review
Started on Sunday, 21 January 2024, 1:09 AM
State Finished
Completed on Sunday, 21 January 2024, 1:16 AM
Time taken 7 mins 26 secs
Marks 10.00/10.00
Grade 100.00 out of 100.00
Question 1
Correct
45804
It allows backpropagation through stochastic nodes
It reduces the need for labeled data
It reduces the model's complexity
It increases the model's accuracy
It speeds up the training process
Question 2
Correct
45804
The correct answer is: Deal with the non-differentiability of sampling in VAEs
https://accenturelearning.tekstac.com/mod/quiz/review.php?attempt=989934&cmid=3680 1/4
1/21/24, 1:16 AM Variational Autoencoders - Pre Quiz: Attempt review
Question 3
Correct
Question 4
Correct
Text translation
Designing virtual fashion items
Time series forecasting
Speech recognition
Image classification
45804
The correct answer is: Designing virtual fashion items
Question 5
Correct
Variational autoencoder
Supervised autoencoder
45804
Denoising autoencoder
Sparse autoencoder
Contractive autoencoder
https://accenturelearning.tekstac.com/mod/quiz/review.php?attempt=989934&cmid=3680 2/4
1/21/24, 1:16 AM Variational Autoencoders - Pre Quiz: Attempt review
Question 6
Correct
Vectorized Autoencoder
Virtual Autoencoder
Variable Autoencoder
None of the given options
Variational Autoencoder
Question 7
Correct
Data classification
Clustering
45804
Image recognition
Regression
Data compression and reconstruction
https://accenturelearning.tekstac.com/mod/quiz/review.php?attempt=989934&cmid=3680 3/4
1/21/24, 1:16 AM Variational Autoencoders - Pre Quiz: Attempt review
Question 9
Correct
The correct answer is: They can reconstruct and generate data similar to the input
Question 10
Correct
45804
The correct answer is: Approximation of complex posterior distributions
Jump to...
Variational Autoencoders ►
45804
https://accenturelearning.tekstac.com/mod/quiz/review.php?attempt=989934&cmid=3680 4/4