conv-neural-network Questions

6

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 callback. Specifically I would like t...

2

Last month, a user called @jojek told me in a comment the following advice: I can bet that given enough data, CNN on Mel energies will outperform MFCCs. You should try it. It makes more sense to...

2

Solved

I wanted to know how to implement a simple max/mean pooling with numpy. I was reading Max and mean pooling with numpy, but unfortunately it assumed the stride was the same as the kernel size. Is th...
Whig asked 2/3, 2019 at 19:4

4

This is the code from https://keras.io/examples/vision/image_classification_from_scratch/ import tensorflow as tf from tensorflow import keras from tensorflow.keras import layers # generate a d...
Marciamarciano asked 16/6, 2020 at 13:36

15

Solved

I have searched many places but ALL I get is HOW to install it, not how to verify that it is installed. I can verify my NVIDIA driver is installed, and that CUDA is installed, but I don't know how ...

7

Solved

I'm working on the CNN with one-dimensional signal. It works totally fine with CPU device. However, when I training model in GPU, CUDA error occurred. I set os.environ['CUDA_LAUNCH_BLOCKING'] = &qu...
He asked 12/3, 2021 at 12:58

6

I am running a CNN for left and right shoeprint classfication. I have 190,000 training images and I use 10% of it for validation. My model is setup as shown below. I get the paths of all the images...
Counter asked 28/4, 2017 at 7:25

3

Solved

I'm a newbie in PyTorch and I got the following error from my cnn layer: "RuntimeError: expected scalar type Double but found Float". I converted each element into .astype(np.double) but ...
Hidrosis asked 15/4, 2021 at 7:28

4

Solved

I am trying to learn Neural Network. Following is the code. I am getting the error 'TypeError: Cannot interpret '4' as a data type" Can anyone please help me identifying the mistake? import nu...
Geophyte asked 12/1, 2021 at 8:35

6

Solved

I am trying to build a CNN model to recognise human sketch using the TU-Berlin dataset. I downloaded the png zip file, imported the data to Google Colab and then split the data into train-test fold...
Eureetloir asked 14/5, 2020 at 11:16

3

Solved

I'm trying to make a face detection model with CNN. I used codes that I made for number detection. When I use number images, program work. But, when I use my face images, I get an error that is: Un...
Sothena asked 23/1, 2022 at 0:30

2

This paper https://arxiv.org/pdf/1703.10757.pdf disucces using Regression Activation Mapping (RAM) - instead of Class Activation Mapping (CAM). There are several articles describing how to implemen...
Gelderland asked 16/5, 2018 at 11:10

2

def save_checkpoint(state, is_best, filename='checkpoint.pth.tar'): torch.save(state, filename) if is_best: shutil.copyfile(filename, 'model_best.pth.tar') save_checkpoint({ 'epoch': epoch + ...
Aberdare asked 12/8, 2018 at 17:22

3

I have trained the CNN to classify images on 3 class. while training the model i have used ImageDataGenerator class from keras to apply preprocessing function on image and rescale it. Now my networ...
Execrable asked 2/9, 2020 at 10:7

3

I want to create a conv2d layer by explicitly defining the weight matrix of the layer (Conv2D has use_bias parameter set to False). I have been trying to do this using layer.set_weights([K]) where ...

4

Solved

I have a pyTorch-code to train a model that should be able to detect placeholder-images among product-images. I didn't write the code by myself as I am very unexperienced with CNNs and Machine Lear...
Redstone asked 13/6, 2021 at 14:30

4

Solved

I am implementing an image classifier using the Oxford Pet dataset with the pre-trained Resnet18 CNN. The dataset consists of 37 categories with ~200 images in each of them. Rather than using the f...
Nimesh asked 10/3, 2019 at 1:29

1

I would like to use grad-CAM to add explainability to my model train on multiple multivariate timeseries. The idea would be to have something like this : I found a couple of paper that do it (Expl...

1

Solved

I'm trainning a convolutional nueral network below. def __init__(self, n_channels, n_classes): super().__init__() self.model = models.mobilenet_v3_large(pretrained=True) self.model.classifier[-1...
Ahrens asked 10/5, 2023 at 9:20

1

I am using grad cam to see which regions of the test images are most important for the prediction of resnet50. The output I got has some errors. Code Snippets: from tensorflow.keras.models import M...
Circularize asked 29/1, 2023 at 5:15

1

I noticed that the docs do not have that function. Thus, it's unclear where one should be calling that. Does one have to: call it at the end of each worker code (i.e. inside of mp.spawn) or call i...

3

Solved

I trained a model with 4 hidden layers and 2 dense layers and I have saved that model. Now I want to load that model and want to split into two models, one with one hidden layers and another one w...

3

Solved

*My Training Model* def train(model,criterion,optimizer,iters): epoch = iters train_loss = [] validaion_loss = [] train_acc = [] validation_acc = [] states = ['Train','Valid'] for epoch in r...

2

A network I designed includes transposed convolutional layer. (ConvTranspose2d in pytorch) I want to get receptive field size of my network. Does the concept of receptive field also hold on with ...
Rearmost asked 2/12, 2019 at 3:36

5

I'm building a keras model to classify cats and dogs. I used transfer learning with bottleneck features and fine tuning with vgg model. Now I get very good validation accuracy like 97% but when I g...
Pilloff asked 29/6, 2019 at 6:14

© 2022 - 2024 — McMap. All rights reserved.