Category "neural-network"

R neuralnet package: Can't train neural network

I'm trying to use the neuralnet package to train a model on this data set. However, I'm getting the following error which I can't understand: Error: the err

What does it mean to unroll a RNN dynamically?

What does it mean to "unroll a RNN dynamically". I've seen this specifically mentioned in the Tensorflow source code, but I'm looking for a conceptual explanati

Multi-output neural network combining regression and classification

If you have both a classification and regression problem that are related and rely on the same input data, is it possible to successfully architect a neural net

Neural Network for Regression with tflearn

My question is about coding a neural network which does regression (and NOT classification) using tflearn. Dataset: fixed acidity volatile acidity citric acid

Balanced Accuracy Score in Tensorflow

I am implementing a CNN for an highly unbalanced classification problem and I would like to implement custum metrics in tensorflow to use the Select Best Model

Solving the parity 3 classification using functional link neural network?

I am trying to solve the 3-bit parity problem using the functional link neural network (Pao,1988). I am performing backpropagation to update the weights and ext

Is employing BPNN for water quality management an overkill? [closed]

I'm developing a device for Freshwater Quality Management which can be used for freshwater bodies such as lakes and rivers. The project is spr

What is the time-complexity of the pseudo-inverse in pytorch (i.e. torch.pinverse)?

Let's say I have a matrix X with n, m == X.shape in PyTorch. What is the time complexity of calculating the pseudo-inverse with torch.pinverse? In other words,

Why do we need to call zero_grad() in PyTorch?

Why does zero_grad() need to be called during training? | zero_grad(self) | Sets gradients of all model parameters to zero.

Why do we need to call zero_grad() in PyTorch?

Why does zero_grad() need to be called during training? | zero_grad(self) | Sets gradients of all model parameters to zero.

Dependent hyperparameters with keras tuner

My goal is to tune over possible network architectures that meet the following criteria: Layer 1 can have any number of hidden units from this list: [32, 64, 12

AssertionError: Wrong values for d['w'] | deeplearning specialization

I was completing the first course of the deeplearning specialization, where the first programming assignment was to build a logistic regression model from scrat

ran into TensorFlow ValueError during my TensorFlow Course with Udemy

I have being trying to fit the error during my Tensorflow course (Section 3: Neural network Regression with Tensorflow) with Udemy. import tensorflow as tf impo

Ordering of batch normalization and dropout?

The original question was in regard to TensorFlow implementations specifically. However, the answers are for implementations in general. This general answer is

training = False in Keras Sequential API

We can pass the training = False argument while calling the pre-trained model when using Keras Functional API as shown in this tutorial. How to implement the sa

Error while defining observation space in gym custom environment

I am working on a reinforcement algorithm, I am very new to this and trying to get a hold of things. Player1Env looks upon a 7x6 Connect4 playing grid. I am ini

What is "linear projection" in convolutional neural network [closed]

I am reading through Residual learning, and I have a question. What is "linear projection" mentioned in 3.2? Looks pretty simple once got this

How are SHAP's feature contributions calculated for models with word embeddings as output?

In a typical Shapley value estimation for a numerical regression task, there is a clear way in which the marginal contribution of an input feature i to the fina

Extract weights and biases from Orange Data Mining

I am using Orange Datamining to train a model on the Iris data set. I used the stochastic gradient descent node to do the training and I am looking to extract t

Are modern CNN (convolutional neural network) as DetectNet rotate invariant?

As known nVidia DetectNet - CNN (convolutional neural network) for object detection is based on approach from Yolo/DenseBox: https://devblogs.nvidia.com/paralle