CARVIEW |
ANN in Tensorflow and Pytorch
ANN in Tensorflow and Pytorch Quiz
Question 1
Which library is primarily used in TensorFlow for building neural networks?
tf.keras
torch.nn
sklearn
pandas
Question 2
What function is used to compile a model in TensorFlow?
model.fit()
model.compile()
model.evaluate()
model.predict()
Question 3
Which activation function is commonly used in the output layer of binary classification problems in TensorFlow?
ReLU
Softmax
Sigmoid
Tanh
Question 4
In PyTorch which module is used to create neural network layers?
nn.Module
torch.tensor
torch.optim
nn.Linear
Question 5
What function is used to compute the loss in PyTorch?
torch.optim()
nn.CrossEntropyLoss()
model.fit()
nn.ReLU()
Question 6
Which method is used to update model weights in PyTorch?
optimizer.step()
model.compile()
model.predict()
nn.Linear()
Question 7
What method is used to initialize the backward propagation in PyTorch?
backward()
fit()
train()
step()
Question 8
Which TensorFlow method is used to train a model?
model.train()
model.fit()
model.compile()
model.evaluate()
Question 9
In PyTorch how are gradients set to zero before backpropagation?
optimizer.zero_grad()
optimizer.step()
model.zero_grad()
loss.backward()
There are 10 questions to complete.