Ecosyste.ms: Awesome

An open API service indexing awesome lists of open source software.

Awesome Lists | Featured Topics | Projects

https://github.com/debugger404/multi-dimensional-image-modeling

PyTorch Multi-Dimension Model Training - 🖼️ Training models on random multi-dimensional images with labels. Includes datasets of 8D images and supports image classification using pretrained models like ResNet18, VGG16, DenseNet161, and AlexNet. Adjustable for 3D image training.
https://github.com/debugger404/multi-dimensional-image-modeling

image image-processing model multidimensional python pytorch traninig

Last synced: 4 days ago
JSON representation

PyTorch Multi-Dimension Model Training - 🖼️ Training models on random multi-dimensional images with labels. Includes datasets of 8D images and supports image classification using pretrained models like ResNet18, VGG16, DenseNet161, and AlexNet. Adjustable for 3D image training.

Awesome Lists containing this project

README

        

# Multi-Dimension Model Training in PyTorch





## Dataset
In this project, model build for multi dimension images like image dimension >3(rgb). so data created in such a manner where images are random 8 dimension images with their respective random labels.
```
self.image = np.random.rand(5000,224,224,8)
self.labels = np.random.choice([0, 1], size=(5000,), p=[0.6,0.4])
```

## Image classification using pretrained model on random multi dimension image data
Below are the prettrained model used for this problem:
1. resnet18
2. vgg16
3. densenet161
4. alexnet

>If train the model for 3-dimensional image then change input_dim = 3

## prediction
```python
import torch
from utils.utils import *
x,y = dataset
model = torch.load('model_multi_dim.pth')
y_pred = model(x)
accuracy = binary_acc(y_pred,y)
```

# Give a :star: To This Repository!