Questions tagged [3d-convolution]
19 questions
2
votes
1 answer
Graph Error or Attempt to convert a value (None) with an unsupported type ()
I have been trying to solve this issue for the last few weeks but is unable to figure it out. I am hoping someone out here could help out.
I am following this github repository for generating a model for lip reading however everytime I try to train…

Nique Joe
- 492
- 5
- 18
1
vote
0 answers
How to create a Conv3D with a custom kernel?
I been trying to figure out how to create Conv3D layers with a custom kernel in Keras.
The solution that I found is to pass the kernel as an initializer (reference)
Could any one show an other a solution or help me fix this one below or show an…

Defne
- 11
- 2
1
vote
1 answer
How to feed Nifti Images in 3d CNN for classification?
I have 142 Nifti CT images of the brain, I converted them from Dicom. Every NIfti file has the dimension of 512×512×40. My plan is to work with 3d Conv Neural Network for multi-class classification. How should I feed Nifti images in a 3d CNN?

Ornob Rahman
- 25
- 5
1
vote
2 answers
How does one use 3D convolutions on standard 3 channel images?
I am trying to use 3d conv on cifar10 data set (just for fun). I see the docs that we usually have the input be 5d tensors (N,C,D,H,W). Am I really forced to pass 5 dimensional data necessarily?
The reason I am skeptical is because 3D convolutions…

Charlie Parker
- 5,884
- 57
- 198
- 323
0
votes
0 answers
Improving Accuracy of Downscaled Spatio-temporal 3D CNN with addition of 2D CNN - is it possible? (Instance Segmentation)
I am working on a project to develop an accessible way to monitor dryland ecosystems using relatively high resolution satellite imagery (3 meters) with return periods of a few days. The features we wish to map are often ~1 meter in size, so we have…

koxar
- 9
- 1
0
votes
0 answers
Machine learning model mean IoU constant, but loss decreasing
I am training a 3D UNET neural network, but however long I train, my training metric (mean Intersection over Union) remains constant at .4123, but my loss metric decreases constantly as it trains longer.
IoU remains constant, but loss…

AG076
- 1
- 1
0
votes
0 answers
Arrays of 3D and 2D as input of 3DCONV
Sorry if this is a very basic question, I do not have much experience with neural networks and that is why I am asking this question.
I have a voxel grid of size (10,10,10) that describes with 0,1,2 the space of a bin. Besides I have 4 arrays with…

AIpython
- 3
- 2
0
votes
1 answer
How to apply Fully Convolutional Network (FCN) to binary classification?
I want to do binary classification with FCN. This is the code I implemented.
import monai
import torch
import torch.nn as nn
#FCN + DenseNet
class FCNDenseNet121_1(nn.Module):
def __init__(self, spatial_dims:int, in_channels:int,…

kodhoi
- 23
- 5
0
votes
0 answers
Optical Flow - Error:setting an array element with a sequence while making it ready for 3d CNN
I have the following code:
import os
import numpy as np
from skimage.transform import resize
# Define the path to the folder containing the optical flow data
flow_path = "flow"
# Define the path to the folder to save the training and validation…

Mr.J
- 181
- 1
- 10
0
votes
0 answers
How to use InceptionI3D using Pytorch?
I am trying to use InceptionI3D for feature extraction of videos. But I'm getting several errors to import and use this model. From where I can import this model and how can I use this model ?

Rabeya Akter
- 31
- 1
- 1
- 5
0
votes
0 answers
3D convolution for a RGB image
I'm trying to implement a convolution operation for a RGB image by applying the 2D convolution to each channel independently. Following is my code:
kernel = np.array(
[
[1,0,1],
[0,0,0],
[1,0,0]
])
image=images[1]
Hi,…

ZeL
- 1
0
votes
1 answer
How do I fix the "AssertionError: " error?
i designed below architecture by Keras(actually my architecture is like 3D_ResNet18 model):
def relu_bn(inputs: Tensor) -> Tensor:
bn = BatchNormalization()(inputs)
relu = ReLU()(bn)
return relu
def residual_block(x: Tensor, downsample:…

Morteza
- 1
0
votes
0 answers
tf.nn.conv3d No algorithm worked! when appying dilation in "D" dimension
I am tying to implement a Depthwise 3D convolution. In the process, I am using a tf.nn.conv3d operation, where I utilize as input a 5D tensor, with shapes [batch, depth, height, width, channels] and a filter with exactly the same dimension than…
0
votes
0 answers
CUDNN_STATUS_BAD_PARAM with cudnnGetConvolutionForwardAlgorithm_v7
I tried to write an easy 3d convolution with cudnn but I encountered a vague error msg called after a successful compilation with NVCC: CUDNN_STATUS_BAD_PARAM on the line of cudnnGetConvolutionForwardAlgorithm_v7. I checked the parameters inside…

Mingzhe
- 31
- 5
0
votes
0 answers
How should the data set and labels be in 3D CNN?
I have a cloud dataset with 12 frames per hour (one every 5 minutes). I'm considering approaching this every 12-frame as a video and analyzing cloud motion using 3D CNN.
I want it to output a numeric value, which is an estimate of the future…

Emirhan Bilgiç
- 3
- 2