Artificial Intelligence & Applications Flashcards

1
Q

What is Artificial Intelligence (AI)?

A

AI is the ability of machines to think and act intelligently, like a human would.

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
2
Q

How does AI differ from traditional programming?

A

AI learns from data and makes decisions, while traditional programming involves telling a computer exactly what to do.

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
3
Q

What are key areas of AI?

A
  • Computer Vision
  • Machine Learning (ML)
  • Deep Learning (DL)
  • Data Mining
How well did you know this?
1
Not at all
2
3
4
5
Perfectly
4
Q

What is Weak AI?

A

AI built for specific tasks—it doesn’t think like a human.

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
5
Q

Give examples of Weak AI.

A
  • Siri and Alexa
  • Chess-playing AI
  • Chatbots like GPT-4
How well did you know this?
1
Not at all
2
3
4
5
Perfectly
6
Q

What is Strong AI?

A

AI that can think, learn, and adapt like a human.

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
7
Q

Does Strong AI exist?

A

Not yet! Scientists are still trying to create it.

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
8
Q

What is Machine Learning (ML)?

A

A method where AI is trained on data instead of being programmed manually.

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
9
Q

What are the two main types of Machine Learning?

A
  • Supervised Learning
  • Unsupervised Learning
How well did you know this?
1
Not at all
2
3
4
5
Perfectly
10
Q

What is Supervised Learning?

A

The AI is trained on labeled data (data with answers).

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
11
Q

What is an example of Supervised Learning?

A

Teaching AI to recognize cats using labeled cat pictures.

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
12
Q

What is Unsupervised Learning?

A

AI finds patterns in data by itself—no labels.

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
13
Q

What is the difference between Machine Learning and Data Mining?

A

ML = AI learns patterns and makes predictions; Data Mining = Humans find patterns manually in big data.

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
14
Q

What is Deep Learning (DL)?

A

A special kind of Machine Learning that uses neural networks.

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
15
Q

What are key models in Deep Learning?

A
  • CNNs (Convolutional Neural Networks)
  • RNNs (Recurrent Neural Networks)
  • Autoencoders
How well did you know this?
1
Not at all
2
3
4
5
Perfectly
16
Q

What is CNN best for?

A

Images.

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
17
Q

What is RNN best for?

A

Sequences like speech and text.

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
18
Q

Where is AI used?

A
  • Computer Vision
  • Natural Language Processing (NLP)
  • Generative AI
How well did you know this?
1
Not at all
2
3
4
5
Perfectly
19
Q

What is an application of AI in Computer Vision?

A

Medical imaging for detecting diseases from scans.

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
20
Q

What does Natural Language Processing (NLP) enable AI to do?

A

Understand language.

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
21
Q

What is an example of Generative AI?

A

GANs (Generative Adversarial Networks) that create new images, videos, and music.

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
22
Q

Fill in the blank: AI is __________ technology that mimics human intelligence.

A

[smart]

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
23
Q

True or False: Deep Learning makes AI less powerful than traditional Machine Learning.

A

False.

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
24
Q

What are the goals of data exploration?

A

✔️ Visualize patterns and trends
✔️ Summarize key statistics
✔️ Detect anomalies
✔️ Understand relationships between variables

Example: Analyzing diamond prices for trends related to carat size and cut.

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
25
Q

Why is data visualization important?

A

📌 Find patterns and trends
📌 Understand relationships between variables
📌 Detect errors or missing data
📌 Make data easier to interpret

Quote: ‘Make both calculations and graphs.’ – F.J. Anscombe, 1973

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
26
Q

What types of charts are used for different purposes?

A

🔹 Relationship → Scatter plots
🔹 Composition → Pie charts
🔹 Comparison → Bar charts, line graphs
🔹 Location → Maps & heatmaps

Example: Scatter plots for height vs. weight.

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
27
Q

What did researchers Cleveland & McGill find about chart design?

A

✔️ Position & length are the most accurate ways to show numbers
✔️ Pie charts are harder to interpret than bar charts

Best Practice: Use clear, simple charts.

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
28
Q

What is the Grammar of Graphics?

A

✔️ A structured approach to designing visualizations
✔️ Ensures consistency in designing graphs
✔️ Used in tools like ggplot2 in R

Helps in creating clear visualizations.

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
29
Q

What are common data issues in data pre-processing?

A

❌ Missing Values
❌ Duplicates
❌ Inconsistent Data
❌ Noise & Outliers

Solutions include filling missing values and standardizing formats.

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
30
Q

What is feature engineering in data pre-processing?

A

✔️ Feature Selection → Keep important variables
✔️ Feature Transformation → Convert data into better formats

Example: Standardizing price and carat size in a diamonds dataset.

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
31
Q

Fill in the blank: The package used for creating visualizations in R is _______.

A

[ggplot2]

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
32
Q

What is the purpose of a scatter plot in data visualization?

A

Helps us see the relationship between two variables

Example: Carat vs. Price in diamond datasets.

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
33
Q

True or False: Cleaning data is essential for accuracy.

A

True

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
34
Q

What are the key takeaways from the data exploration and visualization process?

A

✔️ Data exploration helps us understand patterns
✔️ Visualization is key for discovering insights
✔️ Choosing the right chart aids interpretation
✔️ The Grammar of Graphics helps create structured visualizations
✔️ Cleaning data is essential for accuracy

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
35
Q

When do we use Machine Learning?

A

When no direct formula exists to solve a problem and when we have data that can help find patterns.

Example: Predicting customer purchase behavior.

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
36
Q

What is Supervised Learning?

A

A type of ML where the model is trained on labeled data, learning from known answers.

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
37
Q

What are key features used in Supervised Learning?

A
  • Buying Price
  • Maintenance Cost
  • Number of Doors
  • Seating Capacity
  • Luggage Boot Size
  • Safety Rating
How well did you know this?
1
Not at all
2
3
4
5
Perfectly
38
Q

What is Predictive Modeling?

A

When ML learns patterns from data to make predictions.

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
39
Q

What is the difference between Regression and Classification?

A
  • Regression → Predicts continuous values (e.g., house prices).
  • Classification → Assigns data into categories (e.g., spam or not spam).
How well did you know this?
1
Not at all
2
3
4
5
Perfectly
40
Q

What is Linear Regression?

A

A method to find the best-fit line Y = mx + c, where c is the intercept and m is the slope.

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
41
Q

What are the limitations of Linear Regression?

A
  • Not good for non-linear relationships
  • Not good when there are too many outliers.
How well did you know this?
1
Not at all
2
3
4
5
Perfectly
42
Q

What is a Decision Tree?

A

A flowchart-like structure where each decision leads to an outcome.

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
43
Q

What is the process of creating a Decision Tree?

A
  • Pick the best feature
  • Split the data into groups
  • Keep splitting until groups are pure.
How well did you know this?
1
Not at all
2
3
4
5
Perfectly
44
Q

What is Random Forest?

A

A collection of multiple decision trees to improve accuracy and reduce overfitting.

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
45
Q

How does Random Forest work?

A
  • Train many Decision Trees on random data subsets
  • Use different features at each split
  • Combine all tree predictions.
How well did you know this?
1
Not at all
2
3
4
5
Perfectly
46
Q

What is k-Nearest Neighbors (k-NN)?

A

A method that classifies new data points based on the ‘k’ closest points in the dataset.

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
47
Q

What is the process for k-NN classification?

A
  • Choose k
  • Compute distances from the new point to all training points
  • Find the k closest neighbors
  • Assign the most common class label or take the average.
How well did you know this?
1
Not at all
2
3
4
5
Perfectly
48
Q

What is a limitation of k-NN?

A

It is slow for large datasets.

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
49
Q

List the main concepts of Supervised Learning.

A
  • Uses labeled data
  • Regression vs. Classification
  • Linear Regression
  • Decision Trees
  • Random Forest
  • k-NN
How well did you know this?
1
Not at all
2
3
4
5
Perfectly
50
Q

What is the goal of Linear Regression?

A

To find the best-fit line that represents the relationship between variables.

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
51
Q

True or False: Decision Trees can overfit.

A

True

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
52
Q

Fill in the blank: Random Forest is an army of _______.

A

[Decision Trees]

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
53
Q

What is Unsupervised Learning?

A

Unsupervised learning is a machine learning approach where the model learns patterns, structures, or groupings in the data without labeled outputs.

Key characteristics include working with unlabelled data, finding hidden structures, and being used for clustering and dimensionality reduction.

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
54
Q

What are the key characteristics of Unsupervised Learning?

A
  • Works with unlabelled data (no predefined categories)
  • Finds hidden structures in data
  • Used for clustering & dimensionality reduction

Example: Grouping similar books in an unorganized library.

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
55
Q

What is Clustering?

A

Clustering is a method in unsupervised learning that groups similar data points together.

Within a cluster, data points are similar; in different clusters, they are dissimilar.

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
56
Q

Why is Clustering used?

A
  • Data Reduction
  • Outlier Detection
  • Data Segmentation

Clustering helps summarize large datasets, identifies unusual patterns, and groups customers by behavior.

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
57
Q

What are some real-world applications of Clustering?

A
  • Social Network Analysis
  • Image Segmentation
  • Data Annotation

Examples include grouping users based on interests and dividing images for medical imaging.

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
58
Q

What are the steps in Clustering?

A
  • Define a distance metric to measure similarity
  • Form clusters by grouping similar data points
  • Maximize within-cluster similarity, minimize between-cluster similarity

Common distance metrics include Euclidean and Manhattan distances.

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
59
Q

What is K-Means Clustering?

A

K-Means is a partition-based clustering algorithm that groups data into k clusters.

It is one of the most popular clustering algorithms.

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
60
Q

How does K-Means Clustering work?

A
  • Choose the number of clusters (k)
  • Select k random points as initial centroids
  • Assign each data point to the nearest centroid
  • Recalculate centroids by finding the mean of each cluster
  • Repeat until centroids stop changing

Example: Grouping customers into low, medium, and high spenders.

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
61
Q

What is the Elbow Method in K-Means?

A

The Elbow Method involves plotting the Within-Cluster Sum of Squares (WCSS) and looking for the ‘elbow’ point where adding more clusters stops improving the fit significantly.

The bend in the curve indicates the optimal number of clusters (k).

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
62
Q

What are the strengths of K-Means Clustering?

A
  • Simple and efficient
  • Works well for large datasets

K-Means is favored for its speed and ease of use.

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
63
Q

What are the weaknesses of K-Means Clustering?

A
  • Requires predefined k
  • Sensitive to initialization
  • Struggles with non-globular clusters

These limitations can affect the clustering results.

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
64
Q

What is Hierarchical Clustering?

A

Hierarchical Clustering builds a tree-like structure (dendrogram) instead of predefined partitions.

It allows for a more flexible grouping of data.

65
Q

How does Hierarchical Clustering work?

A
  • Start with each data point as its own cluster
  • Merge the closest clusters based on a chosen distance metric
  • Repeat until one large cluster remains

Agglomerative Clustering is a bottom-up approach.

66
Q

What are common distance metrics used in Hierarchical Clustering?

A
  • Single Linkage
  • Complete Linkage
  • Centroid Distance

These metrics help determine how clusters are formed.

67
Q

What are the strengths of Hierarchical Clustering?

A
  • No need to specify k beforehand
  • Creates arbitrarily shaped clusters

This flexibility is an advantage over K-Means.

68
Q

What are the weaknesses of Hierarchical Clustering?

A

Hierarchical Clustering is computationally expensive for large datasets.

This can limit its practicality in big data scenarios.

69
Q

What are the key takeaways from the study of Unsupervised Learning and Clustering?

A
  • Unsupervised learning finds patterns in unlabeled data
  • Clustering groups similar data points together
  • K-Means is a fast, efficient partition-based method
  • Hierarchical clustering builds a tree-like structure
  • Choosing the right k is crucial for effective clustering

These points summarize the fundamental concepts of clustering.

70
Q

What is the main difference between Traditional Machine Learning and Deep Learning?

A

Traditional Machine Learning involves manually selecting features, while Deep Learning learns features automatically from raw data.

Example: K-Means Clustering for ML vs. Neural Networks for DL.

71
Q

What is the purpose of Gradient Descent in machine learning?

A

To reduce errors in predictions and improve the model’s accuracy.

This process makes AI smarter by adjusting weights based on predictions.

72
Q

What are the steps involved in the Backpropagation process?

A
  • Forward Pass
  • Compute Loss
  • Backpropagation
  • Gradient Descent

These steps help the model adjust weights to minimize prediction errors.

73
Q

True or False: Neural Networks are inspired by the structure of the human brain.

A

True

Neural networks use artificial ‘neurons’ to process information.

74
Q

What are the three types of layers in a Neural Network?

A
  • Input Layer
  • Hidden Layers
  • Output Layer

Each layer plays a specific role in processing data and making predictions.

75
Q

Fill in the blank: The equation for a prediction in a neural network is Prediction = Input × Weight → _______.

A

Activation Function

This function determines the output based on the weighted input.

76
Q

What are the two types of Loss Functions mentioned?

A
  • Binary Cross-Entropy
  • Categorical Cross-Entropy

These functions help determine how well the model is performing.

77
Q

What is the role of an Optimizer in deep learning?

A

To help the AI learn faster by adjusting learning rates and strategies.

Examples include SGD and Adam Optimizer.

78
Q

What dataset is used in the example of Handwritten Digit Recognition?

A

MNIST Dataset

This dataset contains 60,000 training images and 10,000 test images.

79
Q

What is the first step in building a simple neural network using Keras?

A

Import Libraries

Essential libraries include Sequential, Dense, np_utils, and mnist.

80
Q

What is the purpose of normalizing pixel values in the MNIST dataset?

A

To improve training efficiency by scaling values from 0-255 to 0-1.

This normalization helps the model learn better.

81
Q

What is One-Hot Encoding used for in the context of neural networks?

A

To convert labels into a format the neural network can understand.

This is crucial for multi-class classification.

82
Q

What activation function is used in the first layer of the example neural network?

A

ReLU (Rectified Linear Unit)

This function helps in learning complex patterns.

83
Q

What metric is used to evaluate the performance of the model on test data?

A

Accuracy

This metric indicates how well the model predicts unseen data.

84
Q

True or False: Keras simplifies the process of building neural networks.

A

True

It provides an easy-to-use interface for model creation.

85
Q

What is the goal of training a neural network on the MNIST dataset?

A

To correctly predict handwritten digits (0-9).

This involves optimizing the model through various epochs.

86
Q

What is the goal of Backpropagation and Gradient Descent?

A

Minimize the error between predicted and actual outputs.

87
Q

What are the steps involved in Backpropagation?

A
  • Forward Pass: Compute predictions
  • Compute Loss: Measure the error
  • Backpropagation: Calculate gradients
  • Gradient Descent: Adjust weights to reduce error
88
Q

What do activation functions prevent in neural networks?

A

They prevent neural networks from behaving like linear regression models and allow them to learn complex relationships.

89
Q

What is the equation without activation functions?

A

output = dot(W, input) + b

90
Q

What is the equation with activation functions?

A

output = ReLU(dot(W, input) + b)

91
Q

What is a Linear Activation Function?

A

Output = Input (Straight line)

92
Q

What is the main issue with the Sigmoid activation function?

A

Vanishing Gradient – When values go beyond ±3, the gradient becomes tiny, and learning slows down.

93
Q

What does the Softmax activation function do?

A

Converts values into probabilities that sum to 1.

94
Q

What is an example of Softmax output?

A
  • Cat: 70%
  • Dog: 20%
  • Bird: 10%
95
Q

What are the benefits of the Tanh activation function?

A

Maps inputs between -1 and 1, allowing negative values.

96
Q

What is a key problem with Tanh?

A

Still suffers from vanishing gradient for large values.

97
Q

What distinguishes ReLU from other activation functions?

A

Only activates for positive values; negative inputs become 0.

98
Q

What is a problem associated with ReLU?

A

Dead Neurons – if a neuron only gets negative values, it stops learning.

99
Q

How does Leaky ReLU address the dead neuron problem?

A

Gives negative values a small value instead of zeroing them out.

100
Q

What is the best use case for the Sigmoid activation function?

A

Probability outputs (binary classification).

101
Q

What problems are associated with Softmax?

A

Can be computationally expensive.

102
Q

When is Tanh best utilized?

A

In situations where negative values are needed.

103
Q

What are the common uses for ReLU?

A

Deep learning models (default choice).

104
Q

What is the main advantage of Leaky ReLU?

A

Prevents dead neurons and improves training.

105
Q

Fill in the blank: Activation functions allow _______ models to learn complex data.

A

[deep learning]

106
Q

What is the most commonly used activation function for hidden layers?

A

ReLU

107
Q

What activation function is best for multi-class classification?

A

Softmax

108
Q

What is the purpose of activation functions?

A

They enable deep networks to learn complex data relationships.

Activation functions are crucial for introducing non-linearity into the model.

109
Q

What is a key limitation of linear activation functions?

A

They can’t handle complex patterns.

Linear activation functions are insufficient for deep learning tasks.

110
Q

Name a common activation function used for probabilities.

A

Sigmoid

Sigmoid is often used in binary classification tasks.

111
Q

What is the main drawback of the sigmoid activation function?

A

It suffers from vanishing gradients.

This can slow down the learning process in deep networks.

112
Q

Which activation function is used in multi-class classification?

A

Softmax

Softmax converts logits to probabilities for multiple classes.

113
Q

What range does the Tanh activation function map inputs to?

A

-1 and 1.

Tanh is faster than sigmoid and can help with gradient flow.

114
Q

What is the most commonly used activation function?

A

ReLU

ReLU helps avoid vanishing gradients, making it popular in deep networks.

115
Q

What problem does Leaky ReLU address?

A

The ‘dying neuron’ problem.

Leaky ReLU allows small negative values to keep neurons active.

116
Q

What is the purpose of a loss function?

A

It measures model error.

Loss functions provide feedback on the model’s performance.

117
Q

What type of loss function is Log Loss?

A

Cross-Entropy Loss.

It is commonly used for classification tasks.

118
Q

What loss function is used when there are only two classes?

A

Binary Cross-Entropy.

This is applicable in scenarios like cat vs. dog classification.

119
Q

What is the formula for Cross-Entropy Loss?

A

L = - (y log(y_pred) + (1 - y) log(1 - y_pred))

This formula calculates the loss based on predicted and actual values.

120
Q

What is backpropagation used for?

A

To adjust model weights to reduce error.

It calculates the contribution of each weight to the total error.

121
Q

Define Gradient Descent.

A

Step-by-Step Learning.

It is an optimization algorithm used to minimize the loss function.

122
Q

What is Stochastic Gradient Descent (SGD)?

A

Updates weights after each training sample.

This can lead to faster convergence but may introduce noise.

123
Q

What is Mini-Batch Gradient Descent?

A

Updates weights using small batches.

This method balances speed and stability during training.

124
Q

What is the learning rate’s role in gradient descent?

A

Controls how big the update steps are.

A proper learning rate is crucial for effective training.

125
Q

What does momentum do in gradient descent?

A

Helps avoid local minima by adding past weight updates to the current one.

This technique accelerates convergence.

126
Q

What is dropout in the context of model training?

A

Randomly removes neurons during training.

This prevents over-reliance on certain features.

127
Q

What does regularization do?

A

Penalizes overly complex models to encourage generalization.

This helps to avoid overfitting.

128
Q

What is early stopping?

A

Stops training when validation loss stops improving.

This technique helps prevent overfitting by halting training at the right time.

129
Q

What are epochs in machine learning?

A

Number of times the entire dataset is passed through the model.

More epochs can improve learning but may also lead to overfitting.

130
Q

What is the batch size in gradient descent?

A

Number of samples used per gradient update.

The choice of batch size can affect training speed and model performance.

131
Q

Name a common optimizer used in machine learning.

A

Adam

Adam is known for its adaptive learning rate and is effective for many tasks.

132
Q

What is the main takeaway regarding activation functions?

A

They enable deep learning.

Activation functions are essential for neural networks to learn complex patterns.

133
Q

True or False: Dropout and regularization help prevent overfitting.

A

True

These techniques are widely used in training models to improve generalization.

134
Q

What are the two main types of supervised machine learning?

A

Classification and Regression

Classification involves categorical output, while regression predicts numerical output.

135
Q

What does regression in AI predict?

A

Continuous values based on input data

Example: Predicting house prices based on various factors.

136
Q

How does regression work in AI?

A

AI learns a function y = f(x) to predict Y

X represents input variables like house size, location, etc.

137
Q

What is Mean Squared Error (MSE)?

A

A loss function that measures how far off AI’s predictions are

Formula: MSE = (1/n) ∑(y_actual - y_predicted)².

138
Q

What does a lower MSE indicate?

A

A better AI model

139
Q

What is a Simple Artificial Neural Network (ANN) for regression composed of?

A

Layers of neurons making decisions

140
Q

What is the first step in building a regression model?

A

Load & Prepare Data

141
Q

What is Min-Max Scaling?

A

Rescales data to [0,1]

142
Q

What is Z-Score Normalization?

A

Makes data have mean = 0, std dev = 1

143
Q

What is the activation function used in the hidden layers of the regression model?

A

ReLU

144
Q

What optimizer is used when compiling the regression model?

A

Adam

145
Q

What is Text Classification?

A

AI sorts text into categories

146
Q

What is the example dataset used for text classification?

A

IMDB movie reviews

147
Q

How many reviews are in the IMDB dataset?

A

50,000 highly polarized reviews

148
Q

What is the first step in preprocessing text for AI?

A

Convert words into a dictionary of numbers

149
Q

What does One-Hot Encoding do?

A

Turns words into 0s & 1s

150
Q

What is the input layer dimension for the FCN used in sentiment analysis?

A

10,000-dimensional input

151
Q

What activation function is used in the output layer for binary classification?

A

Sigmoid

152
Q

What is the loss function used for the IMDB dataset?

A

Binary Crossentropy

153
Q

What task is performed with the Reuters dataset?

A

Classify short news articles into 46 different categories

154
Q

How is the Reuters classification different from IMDB classification?

A

46 categories instead of 2

155
Q

What activation function is used in the final layer for multi-class classification?

A

Softmax

156
Q

What loss function is used for the Reuters dataset?

A

Categorical Crossentropy

157
Q

What is the main purpose of regression in the context of the Boston Housing Prices example?

A

Predict continuous values

158
Q

What are the key components of text classification for IMDB and Reuters?

A
  • Predicts categories
  • One-Hot Encoding
  • Activation functions: ReLU (hidden), Sigmoid (IMDB), Softmax (Reuters)
  • Loss functions: Binary Crossentropy (IMDB), Categorical Crossentropy (Reuters)