-
Hi Frosina,
When using the segmentation_evaluation part of DeePiCt 3dcnn I ran into the issue that you cannot have leading 0's in the tomogram ids.
E.g. I had a tomogram named 00345, which had …
-
Hi,
Impressive work, it looks so simple.
In my view, the core of the work consists of three types of loss: Bandwidth, Sparsity, and Variance, which are referred to as `IPR`, `SNR`, and `EMD` i…
-
Click to expand!
### Issue Type
Others
### Have you reproduced the bug with TF nightly?
No
### Source
source
### Tensorflow Version
2.12.0
### Custom Code
Yes
### OS Platform and Distrib…
-
Hello, I am trying to use this code from NVIDIA on our data to accelerate augmentation in the GPU ([(link)](https://github.com/NVIDIA/DeepLearningExamples/blob/eb3571096d13f04a71c802b005000f488a8f0139…
-
```
import torch
import torch.nn as nn
## cuda 10.2.89
## pytorch 1.8.1
m = nn.Conv3d(16, 33, (3, 5, 2), stride=(2, 1, 1), padding=(4, 2, 0))
input = torch.randn(20, 16, 10, 50, 100)
m = m.to(t…
-
```
python main.py --root_path ./ \
--video_path ./ucf101_dataset/ucf101_jpg \
--annotation_path Efficient-3DCNNs/annotation_UCF101/ucf101_01.json \
--result_path ./results/ucf101/resnet50/ \
…
-
First of all, thanks for the project.
I trained 3DCNN model for RGB frames, using Sign_Isolated_Conv3D_clip.py file.
Now, I will run the Sign_Isolated_Conv3D_clip_finetune.py file.
In 88th row of…
-
非常棒的Repo,但我想使用`convert.py`将PyTorch训练好的3DCNN分类模型转换为`.tflite`模型,发生了错误:
问题1:`x = F.avg_pool3d(x, x.data.size()[-3:])`不支持
```
ERROR (tinynn.converter.base) Unsupported ops: aten::avg_pool3d
```
…
-
Dear Authors,
I use the LBA model and try to use "model = model.to(device)", but it got the error
"device, dtype, non_blocking = torch._C._nn._parse_to(*args, **kwargs)
ValueError: too many va…
-
Hi I tried GradCAM on my own 3DCNN, and it seems to have shape mismatch problems
My CNN model is following
```
class CNN(nn.Module):
def __init__(self):
super(CNN, self).__init__()
…