alqurri77

Results 11 issues of alqurri77

Hi; When I tried to use Dice lose. I got below message: File "/usr/local/lib/python3.7/dist-packages/keras/engine/training.py", line 878, in train_function * return step_function(self, iterator) File "/usr/local/lib/python3.7/dist-packages/segmentation_models/losses.py", line 97, in __call__ * pr,...

I got below error when tried to use "transunet_2d" model = models.transunet_2d((128, 128, 3), filter_num=[64, 128, 256, 512], n_labels=3, stack_num_down=2, stack_num_up=2, embed_dim=768, num_mlp=3072, num_heads=12, num_transformer=12, activation='ReLU', mlp_activation='GELU', output_activation='Softmax', batch_norm=True, pool=True,...

Hi; Any reason you didn;t use "model.fit_generator" in your example? I tried to use "model.fit_generator" with "transunet_2d", I got below error: ``` Epoch 1/10 --------------------------------------------------------------------------- InvalidArgumentError Traceback (most recent call...

Hi; I tried to use "model.fit_generator" for tranning like below: import numpy as np import cv2 LR = 0.0001 optim = keras.optimizers.Adam(LR) ``` train_gen = DataGen(train_ids, train_path, image_size=image_size, batch_size=batch_size) valid_gen...

was trying to use segmentation_models_pytorch with Unet++. I tried to look at the example at [HuBMAP - Pytorch smp Unet++](https://www.kaggle.com/code/nayuts/hubmap-pytorch-smp-unet). My understanding Unet++ returns 4 outputs (as part of deep...

I was able to run the code for my "customized model", but I didn't get the smooth pattern, rather I got messy pattern as you can see below. Any clue...

I was able to run the code on a machine with huge memory. My question is why during training you calculate the accuracy (besides the loss). This is because my...

I was checking to see where the "atten" (not "attn") variable is used in the class "ReAttention". I this a bug or I missed something. ``` class ReAttention(nn.Module): """ It...

Hi; I tried to test the vit_patches_size to 8 instead of 16, but got the below error (notice image size is 224): ``` Input In [25], in Transformer.__init__(self, config, img_size,...

My input is a batch of 200 and values of 100. (torch.Size([200, 100])) So my feature is just a 1-D vector. In the example code, it says you set batch,...