conv-neural-network Questions
1
Solved
We were given an assignment in which we were supposed to implement our own neural network, and two other already developed Neural Networks. I have done that and however, this isn't the requirement ...
Consequential asked 2/1, 2022 at 7:53
8
Solved
I am training a facial expression (angry vs happy) model. Last dense output layer was previously 1 but when i predict an image it's output was always 1 with 64 % accuracy. So i changed it to 2 for ...
Fibril asked 12/5, 2020 at 2:7
3
Solved
I loaded a custom PyTorch model and I want to find out its input shape. Something like this:
model.input_shape
Is it possible to get this information?
Update: print() and summary() don't show thi...
Norty asked 5/3, 2021 at 7:59
2
Solved
I have created a working CNN model in Keras/Tensorflow, and have successfully used the CIFAR-10 & MNIST datasets to test this model. The functioning code as seen below:
import keras
from keras....
Scientific asked 4/12, 2021 at 14:44
3
Solved
I'm trying to implement a custom loss function for my CNN model. I found an IPython notebook that has implemented a custom loss function named Dice, just as follows:
from keras import backend as K...
Quackenbush asked 10/1, 2019 at 10:18
2
I am creating a deep convolutional neural network for pixel-wise classification. I am using adam optimizer, softmax with cross entropy.
Github Repository
I asked a similar question found here bu...
Svensen asked 27/2, 2018 at 19:43
3
I'm trying to convert a convolution layer to a fully-connected layer.
For example, there is an example of 3×3 input and 2x2 kernel:
which is equivalent to a vector-matrix multiplication,
Is ...
Juratory asked 21/6, 2019 at 11:48
2
The code below (taken from here) seems to implement only a simple Dropout, neither the DropPath nor DropConnect. Is that true?
def drop_path(x, drop_prob: float = 0., training: bool = False):
&quo...
Jalisajalisco asked 14/9, 2021 at 9:53
3
Solved
I am trying to use a pre-trained model. Here's where the problem occurs
Isn't the model supposed to take in a simple colored image? Why is it expecting a 4-dimensional input?
RuntimeError Traceba...
Jeanniejeannine asked 28/7, 2019 at 1:52
1
Solved
I want to train a custom dataset on using faster_rcnn or mask_rcnn with the Pytorch and Detectron2 .Everything works well but I wanted to know I want to know what are the results I have.
[11/29 20:...
Ammonic asked 30/11, 2021 at 12:15
2
Solved
I am trying to train a U-Net which looks like this
`class UNet(nn.Module):
def __init__(self, imsize):
super(UNet, self).__init__()
self.imsize = imsize
self.activation = F.relu
self.pool1 =...
Moxa asked 23/1, 2018 at 12:40
3
My team is training a CNN in Tensorflow for binary classification of damaged/acceptable parts. We created our code by modifying the cifar10 example code. In my prior experience with Neural Networks...
Cadmium asked 19/4, 2017 at 14:52
2
I am new to VGG19 and image processing in python. I am trying to test my trained VGG19 model for predicting an image. I am getting this error:-
ValueError: Input 0 is incompatible with layer functi...
Lucillalucille asked 21/12, 2020 at 6:23
4
Solved
I am new to TensorFlow. I am looking for the help on the image recognition where I can train my own image dataset.
Is there any example for training the new dataset?
Lift asked 20/5, 2016 at 7:7
1
Unet is a pretty popular network architecture, used in various computer vision tasks. Commonly, Unet encoder has downsampling layers that downsample by 2, which means the stride of the conv layer u...
Girand asked 8/9, 2021 at 19:37
5
I was reading this from a paper: "Rather than using relatively large receptive fields in the first conv. layers we use very small 3 × 3 receptive fields throughout the whole net, which are convolve...
Doubletongued asked 10/5, 2016 at 11:9
2
Solved
Code
import numpy as np
from keras.preprocessing.image import ImageDataGenerator
from keras.models import Sequential,Model
from keras.layers import Dropout, Flatten, Dense,Input
from keras import ...
Sparkie asked 29/7, 2018 at 14:48
2
I am working on a super-resolution project. And for now, I am using Transposed Convolution for upsampling the image. But I have heard a lot that sub-pixel convolutions do it better. So what is subp...
Tap asked 22/1, 2020 at 6:17
1
I am trying to save my CNN to a file every at every checkpoint. However which extension should I use as my file directory? Also would I need to call model.save(filepath) at the end of the code or w...
Pirnot asked 26/10, 2020 at 9:29
2
I'm trying to create GAN model.
This is my discriminator.py
import torch.nn as nn
class D(nn.Module):
feature_maps = 64
kernel_size = 4
stride = 2
padding = 1
bias = False
inplace = True
de...
Orenorenburg asked 24/8, 2021 at 8:49
1
Solved
I'm currently building a GAN with Tensorflow 2 and Keras and noticed a lot of the existing Neural Networks for the generator and discriminator use Conv2D and Conv2DTranspose in Keras.
I'm strugglin...
Gatewood asked 29/8, 2021 at 20:42
2
Solved
i am trying to train a very basic CNN on CIFAR10 data set and getting the following error :
AttributeError: 'CrossEntropyLoss' object has no attribute 'backward'
criterion =nn.CrossEntropyLoss
opt...
Highoctane asked 25/11, 2017 at 17:15
2
Solved
I'm training a neural network for my project using Keras. Keras has provided a function for early stopping. May I know what parameters should be observed to avoid my neural network from overfitting...
Atrocious asked 11/5, 2017 at 3:30
2
Solved
I have a binary mask for each image, with each mask pixel having value of either 0 or 255. Now because my image segmentation needs images of fixed size, I will have to resize the images and the mas...
Petrel asked 4/6, 2020 at 13:48
2
I have found the VGG16 network pre-trained on the (color) imagenet database (as .npy). Is there a VGG16 network pre-trained on a gray-scale version of the imagenet database available?
(The usual ...
Salol asked 5/2, 2018 at 19:44
© 2022 - 2024 — McMap. All rights reserved.