Questions tagged [image-augmentation]

84 questions
0
votes
1 answer

Is it possible automate to changing all colors in an image to random colors?

I'm trying to come up with a new image augmentation that changes colors like above automatically, but to everything not just the flower. The above is a photoshop example but I'd like to automatically switch all colors in the image to a different…
Gooby
  • 621
  • 2
  • 11
  • 32
0
votes
1 answer

The colour of my images get changed after augmentation

I am using Keras and ImageDataGenerator to augment the images in a directory and save it in another folder. After Augmentation the colour of the images turn bluish negativish and i dont want the colour to change. Before After train_datagen =…
0
votes
0 answers

Image Perspective Augmentation

I would like to perform data augmentation on an image, changing its perspective. I have tried using albumentations.augmentations.geometric.transforms.Perspective but it is really very limited. In fact the points are chosen randomly and no…
0
votes
0 answers

Problem with Transforming and Augmenting images in pytorch

I want to apply augmentation methods to my image. For this, I chose codes from this website https://pytorch.org/vision/stable/transforms.html image = cv2.imread('image.png') augmentation = torch.nn.Sequential( …
0
votes
2 answers

Will using image augmentation techniques in pytorch increase the dataset size on local machine also

I was training a custom model in pytorch and the dataset was very uneven. As in there are 10 classes for which some class have only 800 images while some have 4000 images. I found that image augmentation was a solution for my problem to avoid…
0
votes
1 answer

flow_image_from_directory : uncorrect number of images generated

I'm performing multiclass image classification using "xception" model and fine-tuning it. I don't have a large quantity of data so I am doing data augmentation thanks to flow_image_from_directory. To make sure everything runs properly before…
0
votes
1 answer

How can make blackout on my images like when screen blackout due to cookie warning?

I want to do basic augmentation on my train datasets. I'll write the code but I need to help. How can I make blackout like this, can you send an example code (just for blackout) or anything? As you see on below image, there is blackout on logo that…
Canputer
  • 81
  • 1
  • 1
  • 5
0
votes
1 answer

How to do image augmentation on the actual dataset, so that I don't need to add label for every augmented image

I want to do augmentation on a dataset containing images as an np-array stored in X_train and its label stored in y_train. Shapes are as follows: print(X_train.shape) print(y_train.shape) Output: (1100, 22, 64, 64) (1100,) A single image looks…
0
votes
1 answer

Image classifier only predicting 2 out of 6 classes and val accuracy is high, what is happening?

I'm new to machine learning and I'm working on a dataset with 14k pictures of sea, forest, glaciers, streets, buildings and mountains (6 classes). I have been training my model with it and achieved a val acc of 91% but for some reason it is biased,…
0
votes
1 answer

Changing RGB channel intensities using Keras ImageDataGenerator

I have been trying to augment my around 360 images while training a model. This is how the code looks like img_data_gen_args = dict(rotation_range=90, width_shift_range=0.3, height_shift_range=0.3, …
0
votes
0 answers

How to avoid ImageGenerator fills pixel points to outside area of image boundary?

I am using ImageGenerator function of tf2.4 to augment plant images, however, the generated images were filled by pixel points for the outside image boundary, which regards to its modes {"constant", "nearest", "reflect" or "wrap"} of ImageGenerator,…
Borin --help
  • 146
  • 2
  • 6
0
votes
1 answer

Plot the transformed (augmented) images in pytorch

I want to use one of the image augmentation techniques (for example rotation or horizontal flip) and apply it to some images of the CIFAR-10 dataset and plot them in PyTorch. I know that we can use the following code to augmented images: from…
0
votes
0 answers

Augmenting the Validation and Test set in Tensorflow

I have extremely few image data for my experiment. It's only 40 images for each classes in my dataset. So I want to augment all the train, validation, and test sets by using the ImageDataGenerator below: train_datagen = ImageDataGenerator( …
0
votes
1 answer

How to remove part of a PNG image in Python to make it Opaque

I have a script that is creating occlusions on PNG images. The data augmentation occlusion technique from https://arxiv.org/pdf/2001.04086.pdf. The script runs works well for creating occlusions but they are drawn over the PNG as black…
0
votes
1 answer

How do I use 'MapDataset' as input for ImageDataGenerator?

I wrote a code that gets images as input and estimates values for 29 classes as output. the code works fine without data augmentation. However, I can't get it to augment images for TensorFlow model training. Here is the error: TypeError: float()…
Masoud
  • 21
  • 3