deep-learning Questions
4
Solved
I'm using Tensorflow/Keras 2.4.1 and I have a (unsupervised) custom metric that takes several of my model inputs as parameters such as:
model = build_model() # returns a tf.keras.Model object
my_me...
Alcantar asked 9/3, 2022 at 16:11
2
Solved
I am a beginner in Deep Learning. I came through the concept of 'Gradient Checking'.
I just want to know, what is it and how it could help to improve the training process?
Bilberry asked 27/11, 2017 at 8:24
4
Solved
The official doc only states
>>> from pytorch_lightning.metrics import ConfusionMatrix
>>> target = torch.tensor([1, 1, 0, 0])
>>> preds = torch.tensor([0, 1, 0, 0])
>...
Enceladus asked 29/12, 2020 at 21:6
6
I'm trying to use my GPU to run the YOLOR model, and I keep getting the error:
Traceback (most recent call last):
File "D:\yolor\detect.py", line 198, in <module>
detect()
File &...
Autumn asked 28/7, 2021 at 14:57
2
Solved
I am trying to run following code that reported running well with other users, but I found this error.
-- coding: utf-8 --
Import the Stuff
import torch
import torch.nn as nn
import torch.optim as ...
Craniate asked 14/10, 2020 at 5:34
5
Solved
what is the difference between R-CNN, fast R-CNN, faster R-CNN and YOLO in terms of the following:
(1) Precision on same image set
(2) Given SAME IMAGE SIZE, the run time
(3) Support for android po...
Junette asked 30/5, 2017 at 6:51
1
I'd like to finetune Starcoder (https://huggingface.co/bigcode/starcoder) on my dataset and on a GCP VM instance.
It's says in the documentation that for training the model, they used 512 Tesla A10...
Tiffanytiffi asked 1/6, 2023 at 17:22
7
I have an assignment for a Deep Learning class, and they provide a Jupyter notebook as a base code, the thing is that after running the data import and reshape, jupyter notebook through a "Memory E...
Pictish asked 9/5, 2017 at 9:43
2
I'm training a pytorch neural network on google colab to classify sign langauge alphabets of 29 classes in total.
We've been fixing the code by changing various params but it won't work anyway.
...
Celluloid asked 9/6, 2019 at 14:27
2
Solved
I am one of those miserable creatures who own a AMD GPU (RX 5700, Navi10). I want to use up-to-date PyTorch libraries to do some Deep Learning on my local machine and stop using cloud instances.
I ...
Review asked 4/8, 2022 at 0:32
3
Solved
If I have something like:
model = Model(inputs = input, outputs = [y1,y2])
l1 = 0.5
l2 = 0.3
model.compile(loss = [loss1,loss2], loss_weights = [l1,l2], ...)
what does Keras do with the losse...
Ricard asked 21/3, 2018 at 10:48
3
I used this official example code to train a NER model from scratch using my own training samples.
When I predict using this model on new text, I want to get the probability of prediction of each...
Olivenite asked 23/1, 2020 at 11:40
4
Solved
In training loop, I load a batch of data into CPU and then transfer it to GPU:
import torch.utils as utils
train_loader = utils.data.DataLoader(train_dataset, batch_size=128, shuffle=True, num_wo...
Arris asked 31/5, 2020 at 4:30
14
Solved
I have a dataset containing grayscale images and I want to train a state-of-the-art CNN on them. I'd very much like to fine-tune a pre-trained model (like the ones here).
The problem is that almos...
Coptic asked 24/8, 2018 at 0:33
9
I tried to develop an FCN-16 model in Keras. I initialized the weights with similar FCN-16 model weights.
def FCN8 (nClasses, input_height=256, input_width=256):
## input_height and width must ...
Naldo asked 15/12, 2019 at 1:9
3
Solved
I am reading the "Deep Learning for Coders with fastai & PyTorch" book. I'm still a bit confused as to what the Embedding module does. It seems like a short and simple network, except...
Marentic asked 25/12, 2020 at 4:2
1
Solved
I made a fully custom made GPT in Jax (with Keras 3), using Tensorflow for the data pipeline.
I've trained the model on the Shakespeare dataset and got good results (so no problem with the model).
...
Osanna asked 22/2 at 8:33
5
Solved
I have a pkl file from MNIST dataset, which consists of handwritten digit images.
I'd like to take a look at each of those digit images, so I need to unpack the pkl file. Is there a way to unpack/u...
Poachy asked 23/7, 2014 at 8:58
13
Solved
Using Anaconda Python 2.7 Windows 10.
I am training a language model using the Keras exmaple:
print('Build model...')
model = Sequential()
model.add(GRU(512, return_sequences=True, input_shape=(m...
Suzerainty asked 30/4, 2016 at 8:45
23
Solved
I think it's a pretty common message for PyTorch users with low GPU memory:
RuntimeError: CUDA out of memory. Tried to allocate X MiB (GPU X; X GiB total capacity; X GiB already allocated; X MiB fr...
Persimmon asked 1/12, 2019 at 20:46
3
I am trying to use a huggingface model (CamelBERT), but I am getting an error when loading the tokenizer:
Code:
from transformers import AutoTokenizer, AutoModelForMaskedLM
tokenizer = AutoTokenize...
Coagulum asked 15/3, 2022 at 11:47
7
Solved
I want to do some timing comparisons between CPU & GPU as well as some profiling and would like to know if there's a way to tell pytorch to not use the GPU and instead use the CPU only? I reali...
Jegar asked 12/11, 2018 at 16:29
4
I'm currently training a Feedforward Neural Network on the MNIST data set using Keras. I'm loading the data set using the format
(X_train, Y_train), (X_test, Y_test) = mnist.load_data()
but then ...
Staciastacie asked 6/7, 2018 at 2:20
7
Solved
I've noticed that a frequent occurrence during training is NANs being introduced.
Often times it seems to be introduced by weights in inner-product/fully-connected or convolution layers blowing up...
Fowling asked 27/11, 2015 at 17:23
3
Solved
When building a simple perceptron neural network we usuall passes a 2D matrix of input of format (batch_size,features) to a 2D weight matrix, similar to this simple neural network in numpy. I alway...
Lulita asked 28/10, 2019 at 7:28
© 2022 - 2024 — McMap. All rights reserved.