Unit 5 - Practice Quiz

INT428

1 What is the primary distinction between Discriminative AI and Generative AI?

A. Discriminative AI creates new data instances, while Generative AI classifies existing data.
B. Discriminative AI focuses on predicting labels or classes () given features (), while Generative AI learns the joint probability to generate new data.
C. Generative AI requires supervised learning, while Discriminative AI only uses unsupervised learning.
D. There is no functional difference; they are synonyms.

2 In the context of Large Language Models (LLMs), what is a token?

A. A specific API key used to access the model.
B. The smallest unit of text (word, part of a word, or character) that the model processes.
C. A physical hardware component used for processing AI.
D. A boolean flag indicating if the output is correct.

3 Which architecture serves as the foundation for modern LLMs like GPT and BERT?

A. Convolutional Neural Networks (CNN)
B. Recurrent Neural Networks (RNN)
C. The Transformer Architecture
D. Support Vector Machines (SVM)

4 In a Generative Adversarial Network (GAN), what is the role of the Discriminator?

A. To generate fake data from random noise.
B. To distinguish between real data from the training set and fake data produced by the Generator.
C. To optimize the learning rate of the Generator.
D. To store the training data for future retrieval.

5 Mathematically, the training of a GAN is often described as a Minimax game. Which expression best represents the objective function ?

A.
B.
C.
D.

6 How do Diffusion Models primarily generate images?

A. By stitching together patches of existing images.
B. By predicting the next pixel in a sequence from left to right.
C. By gradually adding Gaussian noise to an image and then learning to reverse the process to construct an image from pure noise.
D. By competing against a discriminator network.

7 What is Hallucination in the context of Generative AI?

A. The model visualizing images during training.
B. The generation of text or information that appears fluent and confident but is factually incorrect or nonsensical.
C. A security breach where the model reveals private data.
D. The process of reducing noise in diffusion models.

8 Which of the following is a primary industrial application of Generative AI in Software Development?

A. Physical assembly of hardware.
B. Code generation, autocompletion, and converting code between languages.
C. Managing physical server racks.
D. Predicting stock market hardware prices.

9 What is Prompt Engineering?

A. The process of designing hardware chips for AI.
B. The art and science of crafting inputs (prompts) to guide Generative AI models to produce optimal outputs.
C. Rewriting the source code of the Python interpreter.
D. Engineering the electrical prompts in a neural network.

10 In the context of prompt engineering, what does Zero-Shot Prompting mean?

A. Providing the model with zero inputs and expecting an output.
B. Asking the model to perform a task without providing any examples of that task in the prompt.
C. Providing the model with exactly one example.
D. Running the model without a GPU.

11 Which of the following is an ethical concern specifically regarding Deepfakes?

A. They consume too much electricity.
B. They can be used to spread misinformation or non-consensual pornography by creating realistic synthetic media.
C. They make movies too cheap to produce.
D. They require too much storage space.

12 What is the Temperature parameter in LLM generation?

A. The physical heat of the server running the model.
B. A hyperparameter that controls the randomness of predictions; higher values produce more creative/random outputs, lower values produce more deterministic outputs.
C. A parameter that determines the length of the output text.
D. The speed at which the model generates tokens.

13 Which prompting technique involves encouraging the model to "think out loud" or break down the reasoning process step-by-step?

A. Zero-Shot Prompting
B. Chain-of-Thought (CoT) Prompting
C. Random Prompting
D. Adversarial Prompting

14 What is the "Context Window" of an LLM?

A. The user interface where you type the prompt.
B. The maximum amount of text (tokens) the model can consider at one time, including both input and generated output.
C. The timeframe in which the model was trained.
D. A specific window in the operating system.

15 In Few-Shot Prompting, what is the purpose of the 'shots'?

A. To confuse the model.
B. To serve as input-output examples that demonstrate the desired task pattern to the model.
C. To restart the model multiple times.
D. To increase the randomness of the output.

16 What is Prompt Tuning (as opposed to Prompt Engineering)?

A. Manually rewriting text prompts until they work.
B. Freezing the model weights and training a small set of continuous 'soft prompt' vectors to optimize performance for a specific task.
C. Adjusting the fan speed of the GPU.
D. Fine-tuning the entire LLM on a new dataset.

17 Which equation represents the Softmax function, often used in LLMs to convert logits () into probabilities?

A.
B.
C.
D.

18 Why is Bias a significant ethical issue in Generative AI?

A. Because models are trained on internet data which contains historical stereotypes and prejudices, which the model may reproduce or amplify.
B. Because models are biased against using electricity.
C. Because AI developers intentionally program hate speech into models.
D. Because computers prefer binary numbers.

19 What is the "Persona Pattern" in prompt engineering?

A. Asking the model to act as a specific entity (e.g., "Act as a Senior Python Developer") to influence the tone and quality of the output.
B. Creating a fake identity to bypass API limits.
C. Giving the model a name like 'Siri' or 'Alexa'.
D. Using emojis in the prompt.

20 Which of the following is NOT a key element of a well-structured prompt?

A. Context
B. Instruction/Task
C. Output Indicator/Format
D. Binary Code

21 In the context of Responsible AI, what does "Explainability" refer to?

A. The ability of the model to speak clearly.
B. The ability to understand and interpret how and why an AI model arrived at a specific decision or output.
C. The documentation provided by the software vendor.
D. The speed at which the AI explains a concept.

22 What is Mode Collapse in GANs?

A. When the generator produces a limited variety of outputs (e.g., the same face repeatedly) regardless of the input noise.
B. When the model shuts down due to overheating.
C. When the discriminator becomes too weak to classify anything.
D. When the training data is lost.

23 Which of the following represents a negative prompt in image generation (e.g., Stable Diffusion)?

A. A prompt that is rude to the AI.
B. A list of elements specifying what should NOT be included in the generated image (e.g., "blur, low quality, watermarks").
C. A mathematical negation of the pixel values.
D. A prompt with a negative temperature value.

24 In the Tree of Thoughts (ToT) prompting framework, how does the model process a problem?

A. It guesses the answer immediately.
B. It explores multiple reasoning paths simultaneously, evaluating them as a search tree (like BFS or DFS) to find the best solution.
C. It asks the user for the answer.
D. It only looks at the last word of the prompt.

25 What is the primary risk of using Generative AI for automated content creation without human oversight?

A. The content will be too high quality.
B. Search engines might penalize the content.
C. Potential publication of hallucinations, biased content, or copyrighted material without attribution.
D. The AI will demand payment.

26 Which mechanism allows Transformers to process words in a sentence simultaneously (in parallel) rather than sequentially?

A. Backpropagation
B. Self-Attention
C. Recurrent loops
D. Convolutional pooling

27 What is a "Soft Prompt"?

A. A polite request to the AI.
B. A sequence of learnable vectors prepended to the input embeddings that are optimized during training.
C. A prompt written in lowercase letters.
D. A prompt that yields vague answers.

28 What is the "GIGO" principle, and why is it relevant to Prompt Engineering?

A. Get In, Get Out; speed is key.
B. Garbage In, Garbage Out; poor quality prompts result in poor quality model outputs.
C. Good Input, Good Output; AI always fixes errors.
D. Generate Images, Generate Objects; focused on visual AI.

29 Which of the following is an example of Generative AI?

A. A spam filter classifying emails.
B. A linear regression model predicting house prices.
C. ChatGPT writing a poem.
D. A face recognition system unlocking a phone.

30 When applying the "Flip the Script" pattern in prompting, what are you asking the model to do?

A. To read the text backwards.
B. To ask you questions to clarify the requirements instead of just generating the output immediately.
C. To invert the colors of an image.
D. To generate the output in a different language.

31 What is the mathematical concept of Latent Space in Generative AI?

A. The physical hard drive space required.
B. A compressed, lower-dimensional representation of the data where similar data points are closer together.
C. The time it takes for the model to respond (latency).
D. The space between words in a prompt.

32 Which technique helps mitigate catastrophic forgetting when fine-tuning a model?

A. Increasing the learning rate significantly.
B. Prompt Tuning or Parameter-Efficient Fine-Tuning (PEFT).
C. Deleting the training data.
D. Using a smaller context window.

33 In the context of Data Privacy, what is a risk of using public generative AI tools with corporate data?

A. The AI will delete the corporate data.
B. The data may be used to retrain the model, potentially exposing trade secrets to other users.
C. The model will become too specialized.
D. The corporate data will become encrypted.

34 What is the function of Instruction Tuning?

A. Adjusting the CPU clock speed.
B. Fine-tuning a base LLM on a dataset of (instruction, output) pairs to make it follow user commands better.
C. Teaching the user how to type.
D. Tuning the radio frequency of the model.

35 Which prompt element is best described by: "Format the answer as a CSV string with headers Name, Age, Occupation"?

A. Context
B. Persona
C. Output Constraint / Format
D. Input Data

36 What is In-Context Learning?

A. The ability of a model to learn from the prompt's examples at inference time without updating its weights.
B. The process of retraining the model overnight.
C. Learning inside a classroom context.
D. Memorizing the internet.

37 Which of the following is a Constraint in a prompt?

A. "Write a story."
B. "Write a story in under 50 words using no adverbs."
C. "Hello AI."
D. "What is the capital of France?"

38 How does Reinforcement Learning from Human Feedback (RLHF) improve LLMs?

A. It teaches the model to play chess.
B. It aligns the model's outputs with human preferences (helpfulness, safety) using a reward model trained on human rankings.
C. It increases the vocabulary size of the model.
D. It replaces the Transformer architecture.

39 What is the "Refinement Pattern"?

A. Asking the model to refine its own previous output to improve quality (e.g., "Critique this draft and rewrite it").
B. Filtering the training data.
C. Using a smaller model.
D. Deleting old prompts.

40 In the diffusion process, if is the clean image and is pure noise, what does the reverse process estimate?

A.
B.
C.
D.

41 What is a Delimiter in prompt engineering (e.g., , """, ###)?

A. Characters used to crash the model.
B. Characters used to clearly separate different parts of the prompt (like instruction vs. text to process).
C. A way to encrypt the message.
D. Syntax for Python code only.

42 Which industrial application utilizes Generative AI to discover new chemical structures?

A. Automated Trading
B. Drug Discovery / Material Science
C. Social Media Moderation
D. Predictive Maintenance

43 What is the "Ask for Input" pattern?

A. The model refuses to answer.
B. The prompt explicitly states that the user will provide data following a specific marker, instructing the model to wait or process that specific data.
C. The model asks the user for money.
D. The model connects to the webcam.

44 Why is Copyright a major legal issue in Generative AI?

A. Because AI cannot sign legal documents.
B. Because models are trained on scraped copyrighted works (art, books, code) without explicit permission, and can generate outputs that mimic them.
C. Because AI outputs are always public domain.
D. Because prompt engineers own the copyright.

45 What is the primary goal of Adversarial Training in the context of robustness?

A. To train the model to be rude.
B. To train the model on examples designed to trick it, thereby making it more resistant to attacks and jailbreaks.
C. To make the model faster.
D. To increase the size of the model.

46 In a Least-to-Most prompting strategy, how is a complex problem handled?

A. The model guesses the final answer immediately.
B. The problem is decomposed into sub-problems; the model solves the simplest sub-problem first and uses that answer to solve the next.
C. The model asks the user to simplify the problem.
D. The model reduces the word count of the answer.

47 What does the parameter Top-k sampling control?

A. It selects the top most likely next tokens and samples only from that pool.
B. It selects the top users allowed to use the system.
C. It controls the top layers of the neural network.
D. It selects the best prompts.

48 Which of the following is an example of Automated Customer Support using GenAI?

A. A static FAQ page.
B. A chatbot that dynamically generates answers to user queries based on company documentation.
C. A human call center agent.
D. An email auto-responder saying "We are closed".

49 What is Prompt Injection?

A. Injecting code into the server via SQL.
B. A security vulnerability where malicious inputs manipulate the LLM into ignoring its original instructions and performing unintended actions.
C. Adding more data to the training set.
D. Speeding up the prompt processing.

50 Which model type is generally associated with the equation where ?

A. Linear Regression
B. Generative Adversarial Network (Generator)
C. K-Means Clustering
D. Decision Tree