conv-neural-network Questions

3

Solved

I am working on a CNN Sentiment analysis machine learning model which uses the IMDb dataset provided by the Torchtext library. On one of my lines of code vocab = Vocab(counter, min_freq = 1, specia...
Hemia asked 28/3, 2022 at 19:41

12

I tried to run matterport/MaskRCNN code but faced the following error ----> 6 from mrcnn.model import MaskRCNN /usr/local/lib/python3.7/dist-packages/mrcnn/model.py in <module>() 253 2...

4

Residual networks are always built with convolutional layers. I have never seen residual networks with only fully connected layers. Does it work to build a residual network with only fully connecte...

3

Solved

There are other post with similar questions but none of the answers are helping me. I´m new to this CNN world. I followed this tutorial for training a CNN with Keras using theano as BackEnd with t...
Homy asked 7/8, 2017 at 0:10

3

Solved

ValueError Traceback (most recent call last) <ipython-input-30-33821ccddf5f> in <module> 23 output = model(data) 24 # calculate the batch loss ---> 25 loss = criterion(output, targ...
Footmark asked 5/9, 2019 at 3:24

6

Solved

Background I am totally new to Python and to machine learning. I just tried to set up a UNet from code I found on the internet and wanted to adapt it to the case I'm working on bit for bit. When tr...

1

Solved

Yolov8 and I suspect Yolov5 handle non-square images well. I cannot see any evidence of cropping the input image, i.e. detections seem to go to the enge of the longest side. Does it resize to a squ...
Phyliciaphylis asked 28/1, 2023 at 14:33

9

Even though I defined my Google Drive(and my dataset in it) to google colab but when I run my code I give this error:FileNotFoundError: [Errno 2] No such file or directory: 'content/drive/My Drive/...
Millicent asked 19/1, 2019 at 16:24

2

I'm trying to use Convolutional Neural Network (CNN) for image classification. And I want to use KFold Cross Validation for data train and test. I'm new for this and I don't really understand how t...

6

Unable to solve this error: tensorflow.python.framework.errors_impl.InvalidArgumentError: logits and labels must have the same first dimension, got logits shape [4,1] and labels shape [12] [[node ...
Aspergillosis asked 16/7, 2020 at 20:33

5

Hi I am a beginner in DL and tensorflow, I created a CNN (you can see the model below) model = tf.keras.Sequential() model.add(tf.keras.layers.Conv2D(filters=64, kernel_size=7, activation="re...
Turves asked 20/10, 2021 at 7:9

1

Solved

Since the ImageDataGenerator by keras is not suitable for 3D volumes, I started to write my own generator for keras (semantic segmentation, not classification!). 1) If there is anybody out there t...
Pane asked 31/7, 2019 at 10:31

2

Solved

According to the keras documentation (https://keras.io/layers/convolutional/) the shape of a Conv1D output tensor is (batch_size, new_steps, filters) while the input tensor shape is (batch_size, st...
Flannel asked 13/7, 2017 at 16:56

1

Hello I am using the class_wight.compute_class_weight() function from the sklearn utils module. I have an ImageDataGenerator().flow_from_directory() variable that is train_gen. here is the code: fr...
Lafayette asked 18/11, 2021 at 22:4

4

Solved

I am training a CNN model using tf.Keras, I splatted the training set into training and validation set, I want to visualize the accuracy on the validation set. Here is the code, so please tell me ...
Ebonee asked 3/5, 2020 at 13:7

1

I am currently implementing a CNN in plain numpy and have a brief question regarding a special case of the backpropagation for a max-pool layer: While it is clear that the gradient with respect to...

2

I'm trying to load the model using this tutorial: https://pytorch.org/tutorials/beginner/saving_loading_models.html#saving-loading-model-for-inference . Unfortunately I'm very beginner and I face s...

3

I'm trying to convert CNN Keras model for Emotion Recognition using FER2013 dataset to PyTorch model and I have following error: Traceback (most recent call last): File "VGG.py", line 112, in &lt...
Korikorie asked 8/11, 2017 at 14:9

4

Solved

I Can calculate accuracy after each epoch using this code . But, I want to calculate the accuracy for each class at the end . how can i do that? I have two folders train and val . each folder has 7...

5

As known, modern most popular CNN (convolutional neural network): VGG/ResNet (FasterRCNN), SSD, Yolo, Yolo v2, DenseBox, DetectNet - are not rotate invariant: Are modern CNN (convolutional neural n...

4

So I am trying to use a pre-trained model on my data set to then compare it to my own cnn model. However, I see an error as soon as I try to do model. fit so much that ((None, 4, 4, 1) vs (None,))....
Ledda asked 4/3, 2022 at 20:40

4

Solved

I am facing this issue while using Mask_RCNN to train on my custom dataset with multiple classes. This error occurs when I start training. This is what I get: /home/parth/anaconda3/envs/compVisio...

2

Solved

I am going over this Heroes Recognition ResNet34 notebook published on Kaggle. The author uses fastai's learn.lr_find() method to find the optimal learning rate. Plotting the loss function agains...
Denaturalize asked 12/4, 2020 at 14:1

2

Solved

The size of my input images are 68 x 224 x 3 (HxWxC), and the first Conv2d layer is defined as conv1 = torch.nn.Conv2d(3, 16, stride=4, kernel_size=(9,9)). Why is the size of the output feature vol...
Hydrolyze asked 5/12, 2021 at 4:29

8

Solved

I was taking a look at Convolutional Neural Network from CS231n Convolutional Neural Networks for Visual Recognition. In Convolutional Neural Network, the neurons are arranged in 3 dimensions(heigh...

© 2022 - 2024 — McMap. All rights reserved.