Skip to main content
Stack Overflow
  1. About
  2. For Teams
Filter by
Sorted by
Tagged with
0 votes
1 answer
53 views

I was trying to add a hidden layer with dropout to my neural network. I found that the following code: model.add( tf.keras.layers.Dense(256, activation = "relu") )...
1 vote
0 answers
146 views

I'm very new to ML and especially more sophisticated techniques like dropout. I have a simple 1D CNN (regression problem), and I would like to capture uncertainties in the predictions for each output ...
1 vote
1 answer
329 views

I have to perform alpha dropout for a model regularizaton. I am using Jupyter Notebook with noteworthy packets: python 3.12.3 tensorflow 2.16.1 (with keras 3.3.2 and numpy 1.26.4) import tensorflow ...
0 votes
1 answer
197 views

I am trying to reproduce the original transformer for machine translation in PyTorch. class Transformer(nn.Module): def __init__(self, vocab_size_in, vocab_size_out, embedding_dim, n_heads, ...
1 vote
1 answer
462 views

I have a problem using the dropout layer. In my understanding, the input to nn.Dropout can be a tensor and nn.dropout randomly makes some elements zero with a given probability.but, see my code: ...
0 votes
1 answer
86 views

I am trying to implement a custom dropout layer. In this dropout layer I want to generate a random number and turn on/off that output. The idea is simple and I thought the implementation would be too. ...
-1 votes
1 answer
832 views

from my understanding the use of dropout regularization randomly disables some portion of neurons in a hidden layer and it helps with the overfitting problem I am using this implementation of resnet ...
3 votes
2 answers
2k views

I am trying to approximate a Bayesian model by keeping the dropout probability during both training and inference (Monte Carlo dropout), in order to obtain the epistemic uncertainty of the model. Is ...
0 votes
1 answer
203 views

According to Pytorch's documentation on Dropout1d Randomly zero out entire channels (a channel is a 1D feature map, e.g., the j-th channel of the i-th sample in the batched input is a 1D tensor input ...
0 votes
1 answer
147 views

There are not much example of using tf.keras.layers.GaussianDropout in TensorFlow 2, and I am just converting my code from Tensorflow1.15 to Tensorflow 2, and having some difficulty to understand ...
0 votes
1 answer
37 views

I want to implement "Controlled Dropout" similar to this paper. I have a list containing the dropout configurations as bernoulli vectors and I want all of them to be used during training. To ...
1 vote
0 answers
130 views

I am currently attempting to build a named entity recognition system for the Moroccan Dialect using BERT+ BiGRU+Softmax architecture. I am encountering overfitting (F1 score on validation set around ...
0 votes
0 answers
334 views

I'm new to programming and I need to add Dropout to my model however it's giving me the error "AttributeError: 'Functional' object has no attribute 'add'". I saw in other questions that it ...
0 votes
2 answers
1k views

I have a neural network in pytorch and make each layer automatically via the following structure: class FCN(nn.Module): ##Neural Network def __init__(self,layers): super().__init__() #...
0 votes
0 answers
96 views

I would like to deploy a trained Keras model on a microcontroller. However, there is no support for Spatial Dropout layer. I thought about removing the layer from the graph similarly to the Dropout ...

15 30 50 per page
1
2 3 4 5
...
15

AltStyle によって変換されたページ (->オリジナル) /