Skip to main content
Filter by
Sorted by
Tagged with
-2 votes
0 answers
28 views

I would say im intermediatly experienced in Deep Learning and computer vision. However i have a task to mask certain textured objects for instance segmentation. Im not sure how to train a better model....
Talha Aydın's user avatar
-4 votes
0 answers
29 views

I’m currently working on a PINN that predicts the maximum power point (MPP) of solar panels based on irradiance, shading, and temperature. When I train the model, the data loss behaves normally, but ...
Daniel Cho's user avatar
2 votes
0 answers
31 views

I’m encountering an issue when combining tsCV with nnetar (with h = 2 and additional input variables). The forecast errors for both horizons (h = 1 and h = 2) terminate two observations before the end ...
Sedigheh Misha's user avatar
Advice
1 vote
4 replies
86 views

I want to implement in python some algorithms from a paper that allow for a pre-trained neural network to be modified (adding or removing neurons or layers) conserving (theoretically) the outputs of ...
Rubén Sales Castellar's user avatar
Advice
0 votes
0 replies
40 views

I want to find a convolutional network with a large kernel (larger than 5x5 or 7x7). I want to perform kernel analysis, and to do this, I need to convert the model to the onnx format. I found ...
xzxolop's user avatar
  • 65
1 vote
1 answer
132 views

I have input shape to a convolution (50, 1, 7617, 10). Here, 7617 is word vectors as rows, and 10 is the number of words in columns. I want to convolve column-wise and obtain (2631, 1, 7617, 1), 1 ...
cuneyttyler's user avatar
  • 1,395
1 vote
0 answers
330 views

I am trying to install the GroundingDino as instructed in the README file of their official GitHub repo, but I am facing the error below: Obtaining file:///home/kgupta/workspace/Synthetic_Data_gen/...
Mahfuzur Mahim Rahman's user avatar
0 votes
1 answer
127 views

I am training a LSTM model with data from yfinance. The process is really standard. I get the data with yf.download(ticker=ticker) where ticker='AAPL and do df.rolling(30, min_periods=1) to smooth the ...
franjefriten's user avatar
0 votes
1 answer
126 views

I am using the MixStyle methodology for domain adaptation, and it involves using a custom layer that is inserted after every encoder stage. However, it is causing VRAM to grow linearly, which causes ...
Vedant Dalimkar's user avatar
-3 votes
1 answer
103 views

So, I’m trying to understand why sometimes neural networks get stuck during training. I heard people talk about ‘local minima’ and ‘saddle points,’ but I can’t really picture them. I want to actually ...
prithvisyam's user avatar
0 votes
0 answers
82 views

I am trying to perform KFold cross-validation on a Keras model. The first fold runs exactly as expected, but from the second fold onwards the model doesn’t seem to reset. The training behaves ...
pd_prince's user avatar
2 votes
0 answers
171 views

I am training a model using TensorFlow/Keras using TensorFlow 2.19.0/Keras 3.10.0. During training, I monitor nvidia-smi and top, and the system RAM and the GPU RAM increase during the training period....
CopyOfA's user avatar
  • 931
0 votes
1 answer
91 views

I'm doing some experiments with Flax NNX (not Linen!). What I'm trying to do is compute the weights of a network using another network: A hypernetwork receives some input parameters W and outputs a ...
Riccardo Rota's user avatar
3 votes
1 answer
126 views

I'm building a neural network from scratch using only Python and numpy, It's meant for classifying the MNIST data set, I got everything to work but the network isn't really learning, at epoch 0 it's ...
buzzbuzz20xx's user avatar
0 votes
1 answer
35 views

I am trying to implement classification of ECG segments from PTB-XL database (https://physionet.org/content/ptb-xl/1.0.3/). The architecture of the model which I am using is: import torch import torch....
zion's user avatar
  • 9
0 votes
0 answers
66 views

No matter which input I give it after training, it still spits the class distribution.. whereas if I just remove the hidden layer and use a single layer nn, it works much better. I know the proper ...
Turtleishly's user avatar
0 votes
0 answers
80 views

I'm trying to move some computer vision tasks to tensorflow. The most intensive ops are convolutions, like GaussianBlur. The timings I get using timeit suggest that the GPU equivalent is >10 x ...
Frank_Coumans's user avatar
-1 votes
1 answer
77 views

I want to tune a neural network but since i would be doing a lot of test runs i decided to use Randomized search CV I first started by freeing up some space. # Reseting layers and freeing up some ...
Gilbert Quarshie's user avatar
2 votes
1 answer
104 views

I am trying to predict vehicle trajectory, using t-30 data sequence to predict until t+30 trajectory. The data I have created is an neighbour occupancy matrix for each frames for each cars, this data ...
Barbaros Teoman Kosoglu's user avatar
1 vote
1 answer
716 views

I upgraded my Python trl package to version 0.18.1. I use the SFTTrainer of the package to finetune a Qwen2.5 LLM neural net. Previously, I used the TrainingArgument class to set additional params. I ...
soosmann's user avatar
  • 119
0 votes
0 answers
28 views

Having problems with my flexible model - as I'm trying to find the reason why it outputs flat lr. Earlier, when I run "normal" [without the option to apply different numbers of layers etc] ...
tommy's user avatar
  • 11
2 votes
1 answer
101 views

I have been trying to tackle a regression problem by training a neural network to predict a continuous variable using r-torch. My question pertains to the syntax used to achieve this. When ...
Adverse Effect's user avatar
0 votes
0 answers
58 views

I'm implementing Layer-wise Relevance Propagation manually for a BiLSTM model, following Arras et al. implementation. def lrp_bilstm(R_seq_3d, manual_bilstm_results, bilstm_weights, epsilon=1e-6): ...
vadim vamadiv's user avatar
0 votes
1 answer
57 views

I have model Pix-to-Pix. Not segmentation. Transfer from texture to texture. Loss = 'mse'. And it works properly with GPU. But if i try to use TPU i get loss = 'nan' I simplified the model by cutting ...
Pavel No's user avatar
0 votes
0 answers
58 views

I'm having a problem with the forward pass of my neural network. In this step i'm not doing any backpropagation, just forward passes. And it's not a fully connected layer. It's a sparse network. I'm ...
I Me's user avatar
  • 5
2 votes
2 answers
265 views

I am curious, as I have not found a way to save a Pytorch model and load the same model to continue training it on a new dataset without needing the original model definition. So far, I know how to ...
Sir Absolute 0's user avatar
0 votes
0 answers
54 views

I am learning tensorflow and spent a good amount of time trying to find what is causing this error: No gradients provided for any variable. In the end I tracked that it was caused by using argmax at ...
Tomáš Zato's user avatar
0 votes
0 answers
103 views

Context: I am learning to use tensorflow and want to do a simple experiment where I provide a neural network with 4 color choices for each pixel. The network should learn to pick the best colors from ...
Tomáš Zato's user avatar
0 votes
0 answers
53 views

I have a model that I want to infer in the PyTorch v1.4.0 environment, but I get the error "Attempted to read a PyTorch file with version 3, but the maximum supported version for reading is 2. ...
CNLiu's user avatar
  • 26
0 votes
1 answer
87 views

I'm using TensorFlow. I have many simulated datasets for which values are real. Each one consists of 200 rows and two columns (variables). I'm using a convolutional neural net. I want the simulated ...
LifeisGood94's user avatar
-1 votes
1 answer
85 views

I have just seen some code which has sparked my interest. with tf.GradientTape() as g: y = f(x) dy_dx = g.gradient(y, x) (Code loosely taken from this reference.) There are two things which I ...
user2138149's user avatar
  • 18.7k
0 votes
0 answers
120 views

from ray import tune from ray.tune.search.optuna import OptunaSearch from ray.tune.integration.pytorch_lightning import TuneReportCheckpointCallback from pytorch_lightning import Trainer ...
blnk.off's user avatar
0 votes
0 answers
45 views

I asked chatgpt to code a custom loss function for deeplearning4j and it keeps producing errors when i try to use it... Here is what chatgpt coded up for me: public class ...
Alex Mcinteer's user avatar
0 votes
0 answers
34 views

I’m working on a multimodal model that combines audio and visual features with a T5-based encoder for a feedback generation task. However, I’m facing an issue with batch size mismatch between the ...
D S AMAN's user avatar
0 votes
0 answers
63 views

I have built a Tensorflow Dataset from a generator but it seems to be very slow when training. In testing I cut the size of the dataset greatly and the training is much faster when uploaded as a ...
AdamS's user avatar
  • 11
0 votes
0 answers
46 views

I'm faced with a problem where as the title says I'm having trouble with the torch package's built in automatic differentiation algorithms (or my usage?). I think it was meant to be used on mini-...
Nomi Mino's user avatar
0 votes
2 answers
76 views

I am trying to render my code a bit less "unique" in the sense that I want this to be able to run regardless of what kind of dataset I use. I'm essentially running different algorithms of ...
Raffaello's user avatar
1 vote
1 answer
79 views

could someone please help me to fix the following error : [AttributeError: 'super' object has no attribute 'sklearn_tags'] based on my code : from tensorflow import keras from scikeras.wrappers ...
Arnauld's user avatar
  • 11
1 vote
1 answer
102 views

I am working on a regression problem where, given an input X of fixed size, the output Y can be a sequence of values of variable length. Both input and output are normalised float values. Thus, we are ...
AYUSH SHARMA's user avatar
0 votes
1 answer
211 views

I'm trying to build a BNN but am encountering the error in the title. I tried to ensure I'm not passing a tuple to .shape.rank by : using the functional API with explicit Input (should make first ...
Eli Bain's user avatar
1 vote
2 answers
183 views

In my PyTorch implementation of multi-head attention, i have those in __init__() class MultiHeadAttentionLayer(nn.Module): def __init__(self,d_in,d_out,context_length,dropout,num_heads,use_bias=...
Yilmaz's user avatar
  • 51k
0 votes
1 answer
111 views

checkpoint_filepath='E:\model.yolo_v8_s_ft.h5' # backbone = keras_cv.models.YOLOV8Backbone.from_preset("yolo_v8_m_backbone_coco") backbone = keras.models.load_model(checkpoint_filepath) ...
Pulf's user avatar
  • 13
0 votes
0 answers
63 views

I'm trying to apply the Grad Cam technique to a 3D CNN (ResNet101). To do this, I'm trying to use the following code: dlImg = dlarray(single(img), 'SSSCB'); softmaxName = 'sofctmax'; ...
Raquel Tavares's user avatar
2 votes
1 answer
134 views

I am working on a deep learning assignment that requires implementing a feedforward neural network (FNN) from scratch using only NumPy (without TensorFlow, PyTorch, or other auto-differentiation tools)...
范姜伯軒's user avatar
1 vote
0 answers
30 views

I’m trying to implement a threshold-logic (step-activation) network in C++ that computes a 5‑input XOR function. There is no training whatsoever. I already have working code for a 3‑input XOR, but ...
Josh C.'s user avatar
  • 11
-1 votes
1 answer
58 views

What is the appropriate way to implement a differentiable variant of L0 regularizer (count the non-zero values in a Conv layer / matrix) to keras layer? I was thinking of using r(x) = tanh(abs(f*x)) ...
pas-calc's user avatar
  • 170
0 votes
0 answers
63 views

I trained a simple binary classifier on the MNIST dataset, achieving 99%+ accuracy on test data. However, when I integrate it into a React.js app where users draw digits on a canvas, the model ...
Yilmaz's user avatar
  • 51k
0 votes
0 answers
42 views

I have a simple neural network model, of 4 layers, that I trained on a numerical dataset of 25K data points. It takes a good time to load the data, whenever I want to evaluate new features to python ...
Jesh Kundem's user avatar
  • 1,003
0 votes
1 answer
100 views

I tried to build a neural network with two neurons as described in the book Why machines learn on page 330. This is my code and I don't know why it didn't work. I tried something like this before with ...
hayat11's user avatar
0 votes
1 answer
62 views

I have trained a Tensorflow model and saved it on another machine and want to load it locally. When i try to load it i get an error saying Agent.init() got an unexpected keyword argument 'name'. My ...
borjanob's user avatar

1
2 3 4 5
401