Skip to content

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.

Notifications You must be signed in to change notification settings

deBUGger404/multi-dimensional-image-modeling

Folders and files

NameName
Last commit message
Last commit date

Latest commit

 

History

33 Commits
 
 
 
 
 
 
 
 
 
 
 
 

Repository files navigation

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

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 ⭐ To This Repository!

About

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.

Topics

Resources

Stars

Watchers

Forks

Releases

No releases published

Packages

No packages published