100% found this document useful (1 vote)
20 views25 pages

Deep Learning for Vision Lab Manual 2024

This document outlines the implementation of basic image processing operations, specifically focusing on edge detection using the Canny edge detector and feature extraction using Harris Corner detection. The algorithm includes loading an image, converting it to grayscale, applying edge detection, extracting corners, and displaying the results. The program demonstrates these processes using Python with OpenCV and Matplotlib libraries.

Uploaded by

bms714491
Copyright
© © All Rights Reserved
Available Formats
Download as PDF, TXT or read online on Scribd
Download as pdf or txt
100% found this document useful (1 vote)
20 views25 pages

Deep Learning for Vision Lab Manual 2024

This document outlines the implementation of basic image processing operations, specifically focusing on edge detection using the Canny edge detector and feature extraction using Harris Corner detection. The algorithm includes loading an image, converting it to grayscale, applying edge detection, extracting corners, and displaying the results. The program demonstrates these processes using Python with OpenCV and Matplotlib libraries.

Uploaded by

bms714491
Copyright
© © All Rights Reserved
Available Formats
Download as PDF, TXT or read online on Scribd
Download as pdf or txt
Download as pdf or txt
You are on page 1/ 25

EX : 1 1.

Implementation of basic image processing operations


including Feature Representation and Feature
Extraction

Aim:
The aim of this program is to perform basic image processing operations, including Feature
Representation and Feature Extraction. Specifically, the program will:

1. Detect edges in an image using the Canny edge detector.


2. Extract corners using Harris Corner detection as features of the image.
3. Display the results, including the original image, edge-detected image, and image with
extracted features.

Algorithm:
1. Load Image: Load the input image from the file system.
2. Convert to Grayscale: Convert the image to grayscale to simplify processing, as color
information isn't necessary for edge detection and corner detection.
3. Edge Detection: Apply the Canny edge detection algorithm to highlight the boundaries
(edges) in the image.
4. Feature Extraction (Corners): Use Harris Corner Detection to identify key points
(corners) in the image. These are points where there is a significant change in intensity.
5. Display Results: Show the original image, edge-detected image, and the image with
corners highlighted.
6. Save Results (Optional): Save the images of the edges and features as output files.

Program:

import cv2
import numpy as np
import matplotlib.pyplot as plt

# Step 1: Load the image


image = cv2.imread('image.jpg') # Replace 'image.jpg' with your image path

# Step 2: Convert the image to grayscale


gray_image = cv2.cvtColor(image, cv2.COLOR_BGR2GRAY)

# Step 3: Apply edge detection (using Canny)


edges = cv2.Canny(gray_image, threshold1=100, threshold2=200)
# Step 4: Feature extraction (Using Harris Corner Detection)
# Convert image to float32 for Harris detection
gray_float = np.float32(gray_image)
dst = cv2.cornerHarris(gray_float, 2, 3, 0.04)

# Dilate to mark the corners


dst = cv2.dilate(dst, None)

# Step 5: Mark the corners in the original image


image_with_corners = image.copy()
image_with_corners[dst > 0.01 * dst.max()] = [0, 0, 255] # Red color for corners

# Step 6: Display the results


# Original image with corners marked
plt.subplot(1, 2, 1)
plt.imshow(cv2.cvtColor(image, cv2.COLOR_BGR2RGB))
plt.title("Original Image")
plt.axis('off')

# Image with edges highlighted


plt.subplot(1, 2, 2)
plt.imshow(edges, cmap='gray')
plt.title("Edge Detection (Canny)")
plt.axis('off')

# Show corners on the image


plt.figure()
plt.imshow(cv2.cvtColor(image_with_corners, cv2.COLOR_BGR2RGB))
plt.title("Feature Extraction (Corners)")
plt.axis('off')

plt.show()

# Step 7: Save the results (optional)


cv2.imwrite('edges_output.jpg', edges)
cv2.imwrite('corners_output.jpg', image_with_corners)
Output:

Result:
It focuses on performing basic image processing tasks such as edge detection (using the Canny
edge detector) and feature extraction (using Harris Corner detection), followed by displaying the
results with highlighted features in the images.
EX : 2 2. Implementation of simple neural network

Aim:

The aim of this task is to implement a simple neural network using Python. The neural network
will be designed to classify data based on a simple dataset (like the Iris dataset or a basic
binary classification problem). This example will use Keras (a high-level neural network API)
and TensorFlow as the backend for creating the neural network.

Algorithm:
1. Import Required Libraries: Import libraries like TensorFlow, Keras, and other
necessary modules for neural network creation.
2. Load and Preprocess Data: Load a dataset for classification, and preprocess it
(normalize, split into training and testing sets).
3. Build Neural Network Model:
○ Define the architecture of the neural network (input layer, hidden layers, output
layer).
○ Use activation functions like ReLU for hidden layers and softmax or sigmoid for
the output layer depending on the problem (multi-class or binary).
4. Compile the Model: Choose a loss function and optimizer (e.g.,
categorical_crossentropy for multi-class classification or binary_crossentropy for binary
classification).
5. Train the Model: Use the training data to train the neural network.
6. Evaluate the Model: Test the trained model on unseen test data to measure its
performance.
7. Output Results: Display accuracy and loss metrics.

Program :
import numpy as np
from sklearn import datasets
from sklearn.model_selection import train_test_split
from sklearn.preprocessing import LabelEncoder
from tensorflow.keras.models import Sequential
from tensorflow.keras.layers import Dense
from tensorflow.keras.utils import to_categorical
import tensorflow as tf
# Step 1: Load the Iris dataset
iris = datasets.load_iris()
X = iris.data # Features
y = iris.target # Labels

# Step 2: Preprocess the data


# Convert labels to one-hot encoding
y_encoded = to_categorical(y, num_classes=3)

# Split data into training and testing sets


X_train, X_test, y_train, y_test = train_test_split(X, y_encoded, test_size=0.2,
random_state=42)

# Step 3: Build the Neural Network Model


model = Sequential()

# Input layer and first hidden layer with 10 neurons and ReLU activation
model.add(Dense(10, input_dim=4, activation='relu'))

# Second hidden layer with 8 neurons and ReLU activation


model.add(Dense(8, activation='relu'))

# Output layer with 3 neurons (one for each class) and softmax activation
model.add(Dense(3, activation='softmax'))

# Step 4: Compile the model


model.compile(loss='categorical_crossentropy', optimizer='adam', metrics=['accuracy'])

# Step 5: Train the model


model.fit(X_train, y_train, epochs=100, batch_size=5, verbose=1)

# Step 6: Evaluate the model


loss, accuracy = model.evaluate(X_test, y_test)

# Output results
print(f"Test Loss: {loss:.4f}")
print(f"Test Accuracy: {accuracy:.4f}")

Output :
Epoch 1/100
24/24 ━━━━━━━━━━━━━━━━━━━━2s 4ms/step - accuracy: 0.3858 - loss: 1.2491
Epoch 2/100
24/24 ━━━━━━━━━━━━━━━━━━━━0s 4ms/step - accuracy: 0.7343 - loss: 0.8896
Epoch 3/100
24/24 ━━━━━━━━━━━━━━━━━━━━0s 5ms/step - accuracy: 0.6574 - loss: 0.8656
Epoch 4/100
.
.
.
.
.
.
.
24/2━━━━━━━━━━━━━0s 3ms/step - accuracy: 0.9697 - loss: 0.0752
Epoch 100/100
24/24 ━━━━━━━━━━━━━━━━━━━━0s 3ms/step - accuracy: 0.9831 - loss: 0.0714
1/1 ━━━━━━━━━━━━━━━━━━━━0s 279ms/step - accuracy: 0.9667 - loss: 0.0997
Test Loss: 0.0997
Test Accuracy: 0.9667

Result:

1. Training Progress: During the training, you will see the loss and accuracy for each
epoch. As training progresses, the model improves, and the loss decreases while
accuracy increases.
2. Test Accuracy: After training, the model's accuracy on the test set is displayed. The
higher the accuracy, the better the model has learned to classify the data. For this
example, we may see an accuracy of around 96.67% on the test set, which indicates
that the model is performing well.
3. Loss: The test loss is also reported, showing how far off the model's predictions were
from the actual labels on the test data. A lower test loss indicates a better-performing
model.
EX : 3 3. Study of Pretrained Deep Neural Network Model for
Images

Aim:

● Objective: The primary aim is to leverage a pretrained deep neural network model to
perform image classification, detection, segmentation, or any other image-related task.
● Goal: Use a pretrained model to achieve high accuracy in image-related tasks without
the need for extensive training from scratch, saving both time and computational
resources.

Algorithm:

The basic algorithm for using a pretrained deep neural network typically follows these steps:

● Step 1: Load Pretrained Model


Load a deep learning model that has already been trained on a large dataset (e.g.,
ImageNet, COCO). Common models include:
○ VGG16, VGG19
○ ResNet (e.g., ResNet50, ResNet101)
○ InceptionV3
○ EfficientNet
○ MobileNet
● Step 2: Preprocess the Input Image
Prepare the image according to the input requirements of the model (e.g., resizing,
normalization).
○ Resize the image to the required dimensions (e.g., 224x224 for VGG, 299x299
for Inception).
○ Normalize pixel values, typically between 0 and 1 or -1 and 1, depending on the
model.
● Step 3: Pass Image through the Model
Feed the preprocessed image into the model and get predictions (e.g., class
probabilities for classification tasks).
● Step 4: Post-process the Output
Post-process the model's output (e.g., decode the class probabilities into human-
readable labels).
● Step 5: Evaluate Performance (if required)
Use metrics like accuracy, precision, recall, and F1 score to evaluate the model’s
performance on a test dataset.
Program :

# Import required libraries


import tensorflow as tf
from tensorflow.keras.preprocessing import image
from tensorflow.keras.applications.vgg16 import VGG16, preprocess_input, decode_predictions
import numpy as np
import matplotlib.pyplot as plt

# Step 1: Load Pretrained Model (VGG16 in this case)


model = VGG16(weights='imagenet')

# Step 2: Load and Preprocess the Image


img_path = 'your_image_path.jpg' # Replace with the path to your image
img = image.load_img(img_path, target_size=(224, 224)) # Resize image to 224x224
img_array = image.img_to_array(img) # Convert image to numpy array
img_array = np.expand_dims(img_array, axis=0) # Add batch dimension
img_array = preprocess_input(img_array) # Preprocess image for VGG16

# Step 3: Predict the Image Class


predictions = model.predict(img_array)

# Step 4: Decode the Predictions


decoded_predictions = decode_predictions(predictions, top=3)[0]
for i, (imagenet_id, label, score) in enumerate(decoded_predictions):
print(f"{i + 1}: {label} ({score * 100:.2f}%)")

# Step 5: Display the Image


plt.imshow(img)
plt.title(f"Prediction: {decoded_predictions[0][1]} - {decoded_predictions[0][2]*100:.2f}%")
plt.axis('off')
plt.show()

Output :

1/1 ━━━━━━━━━━━━━━━━━━━━1s 770ms/step


1: banana (99.85%)
2: pineapple (0.05%)
3: zucchini (0.02%)
Result :
1. The pretrained deep neural network successfully performed the image classification task
with high accuracy.
2. Utilizing a pretrained model significantly reduced the need for extensive training, saving
time and computational resources.
3. The process demonstrated the practical applicability of transfer learning for image-
related tasks, providing reliable and interpretable outcomes.
EX : 4 4. CNN for image Classification

Aim:

The aim of this experiment is to implement a Convolutional Neural Network (CNN) for image
classification. The CNN will learn to recognize patterns in images and classify them into
categories. We will use a dataset like CIFAR-10 to train and test the model.

Algorithm:

1. Input Layer: Take the image as input.


2. Convolutional Layers: Apply filters to extract features from the image (e.g., edges,
textures).
3. Activation (ReLU): Apply the ReLU function to introduce non-linearity.
4. Pooling Layers: Reduce the size of the image while retaining important features.
5. Fully Connected Layers: Flatten the features and connect them to make final
predictions.
6. Output Layer: Use the softmax function to get class probabilities.
7. Loss Function: Use categorical cross-entropy to measure prediction error.
8. Optimizer: Use Adam or SGD to minimize the error.
9. Training: Update the weights using backpropagation.
10. Evaluation: Test the model on unseen images and calculate accuracy.

Program :

# Import libraries
import tensorflow as tf
from tensorflow.keras import layers, models
import matplotlib.pyplot as plt
from tensorflow.keras.datasets import cifar10

# Load and preprocess CIFAR-10 dataset


(x_train, y_train), (x_test, y_test) = cifar10.load_data()

# Normalize the image values


x_train, x_test = x_train / 255.0, x_test / 255.0

# Create the CNN model


model = models.Sequential([
# First Convolutional Layer
layers.Conv2D(32, (3, 3), activation='relu', input_shape=(32, 32, 3)),
layers.MaxPooling2D((2, 2)),

# Second Convolutional Layer


layers.Conv2D(64, (3, 3), activation='relu'),
layers.MaxPooling2D((2, 2)),

# Third Convolutional Layer


layers.Conv2D(64, (3, 3), activation='relu'),

# Flatten the data and add a Dense layer


layers.Flatten(),
layers.Dense(64, activation='relu'),

# Output layer with 10 classes


layers.Dense(10, activation='softmax')
])

# Compile the model


model.compile(optimizer='adam', loss='sparse_categorical_crossentropy', metrics=['accuracy'])

# Train the model


history = model.fit(x_train, y_train, epochs=10, validation_data=(x_test, y_test))

# Evaluate the model


test_loss, test_acc = model.evaluate(x_test, y_test, verbose=2)
print(f"Test accuracy: {test_acc}")

# Plot training accuracy


plt.plot(history.history['accuracy'], label='Training accuracy')
plt.plot(history.history['val_accuracy'], label='Validation accuracy')
plt.xlabel('Epoch')
plt.ylabel('Accuracy')
plt.legend(loc='lower right')
plt.show()

Output :

Epoch 1/10

1563/1563 ━━━━━━━━━━━━━━━━━━━━78s 49ms/step - accuracy: 0.3510 - loss: 1.7526 -


val_accuracy: 0.5510 - val_loss: 1.2774

Epoch 2/10
….

..

Epoch 10/10

1563/1563 ━━━━━━━━━━━━━━━━━━━━73s 47ms/step - accuracy: 0.8050 - loss: 0.5588 -


val_accuracy: 0.7163 - val_loss: 0.8717

313/313 - 5s - 16ms/step - accuracy: 0.7163 - loss: 0.8717

Test accuracy: 0.7163000106811523

Result :
The CNN successfully classifies images from the CIFAR-10 dataset, achieving a test accuracy
of approximately 71.63% after 10 epochs. The training accuracy improved significantly over the
epochs, showing that the model effectively learned to recognize patterns in the images.
EX : 5 5. CNN for image Segmentation

Aim:

The aim of this experiment is to implement a Convolutional Neural Network (CNN) for image
segmentation. Image segmentation involves dividing an image into multiple segments or
regions to simplify its analysis. The goal is to classify each pixel in an image into a predefined
category.

Algorithm:

1. Input Image:
○ Start by loading the image that needs to be segmented.
2. Preprocessing:
○ Resize the image to match the input size expected by the model (e.g., 128x128
pixels).
○ Normalize the pixel values to be between 0 and 1.
3. Build CNN Model for Segmentation:
○ Use convolutional layers to extract features from the image.
○ Use pooling layers to reduce the image dimensions and keep important features.
○ Use an upsampling or deconvolution layer to bring back the image to its original
size.
○ The final output layer should have as many channels as the number of classes
(e.g., background and object).
4. Activation Function:
○ Use a softmax activation for multi-class segmentation (for pixel-wise
classification).
5. Loss Function:
○ Use categorical cross-entropy loss for multi-class segmentation tasks.
6. Optimizer:
○ Use an optimizer like Adam to minimize the loss function.
7. Training:
○ Train the CNN model with ground truth data to learn to segment the image.
8. Output:
○ The model will output segmented images with each pixel labeled according to the
predicted class.
Program:

# Import libraries
import tensorflow as tf
from tensorflow.keras import layers, models
import numpy as np
import matplotlib.pyplot as plt
from tensorflow.keras.preprocessing import image

# Step 1: Load and Preprocess the Image


img_path = 'your_image_path.jpg' # Replace with the path to your image
img = image.load_img(img_path, target_size=(128, 128)) # Resize image to 128x128
img_array = image.img_to_array(img) # Convert image to numpy array
img_array = np.expand_dims(img_array, axis=0) # Add batch dimension
img_array = img_array / 255.0 # Normalize pixel values

# Step 2: Build CNN Model for Image Segmentation


model = models.Sequential([
# Convolutional layers for feature extraction
layers.Conv2D(32, (3, 3), activation='relu', padding='same', input_shape=(128, 128, 3)),
layers.MaxPooling2D((2, 2)),

layers.Conv2D(64, (3, 3), activation='relu', padding='same'),


layers.MaxPooling2D((2, 2)),

layers.Conv2D(128, (3, 3), activation='relu', padding='same'),


layers.MaxPooling2D((2, 2)),

# Upsampling to match the original image size


layers.Conv2DTranspose(64, (3, 3), strides=(2, 2), padding='same'),
layers.Conv2DTranspose(32, (3, 3), strides=(2, 2), padding='same'),

# Output layer for pixel-wise classification


layers.Conv2D(3, (1, 1), activation='softmax', padding='same') # 3 classes (background,
object 1, object 2)
])

# Step 3: Compile the model


model.compile(optimizer='adam', loss='categorical_crossentropy', metrics=['accuracy'])

# Step 4: Make predictions on the input image


segmentation_output = model.predict(img_array)

# Step 5: Display the original image and segmented output


plt.figure(figsize=(12, 6))

# Original image
plt.subplot(1, 2, 1)
plt.imshow(img)
plt.title("Original Image")
plt.axis('off')

# Segmented output (showing class predictions)


plt.subplot(1, 2, 2)
plt.imshow(np.argmax(segmentation_output[0], axis=-1)) # Convert to class labels (argmax for
segmentation)
plt.title("Segmented Image")
plt.axis('off')

plt.show()

Inference:

1. Prepare the Image:


○ Ensure that the image file (e.g., 'your_image_path.jpg') exists at the
specified location on your system.
2. Model Training:
○ The model you’ve built has no pre-trained weights. To get
meaningful results, you'll need to either train the model on labeled
segmentation data or load a pre-trained model for segmentation
tasks.
3. Visualize the Results:
○ Once the model is trained or fine-tuned, running the prediction on
the input image will display the segmented regions.

Output:

● Original Image: Displays the original image (e.g., a photo of an object or


scene).
● Segmented Image: The segmented output, with each pixel labeled
according to the predicted class (background, object 1, or object 2), will be
displayed with the mapped colors.
Result:

After running the program, the output will show:

1. The original image.


2. The segmented image, where each pixel is classified into one of the predefined classes
(e.g., background, object 1, object 2).

Example:

● Original Image: An image of a cat.


● Segmented Image: The cat’s pixels are classified, with background pixels in one color
and the cat’s body in another color.
EX : 6 6. RNN for video processing

Aim:
To develop a Recurrent Neural Network (RNN) model for video processing, extracting
temporal features to classify actions or detect events in a video sequence.

Algorithm:
1. Data Preparation:
● Load video files and split them into individual frames.
● Preprocess frames (resize, normalize, and convert to tensors).
● Organize frames into sequences corresponding to video clips.
2. Model Design:
● Use a Convolutional Neural Network (CNN) to extract spatial features from
individual frames.
● Feed the extracted features into an RNN (e.g., LSTM or GRU) to capture
temporal dependencies between frames.
3. Training:
● Split the dataset into training and validation sets.
● Train the RNN on sequences of features extracted from the video frames.
● Use a suitable loss function (e.g., categorical crossentropy for
classification tasks).
4. Evaluation:
● Test the trained model on unseen video sequences.
● Evaluate performance metrics like accuracy or F1-score.
5. Prediction:
● Use the trained model to predict actions or events on new video
sequences.

Program:
import tensorflow as tf
from tensorflow.keras import layers, models
import numpy as np
import cv2
import os
# Step 1: Load and preprocess video data
def load_video(video_path, frame_size=(64, 64), max_frames=30):
cap = cv2.VideoCapture(video_path)
frames = []
while len(frames) < max_frames:
ret, frame = cap.read()
if not ret:
break
frame = cv2.resize(frame, frame_size) # Resize frame
frame = frame / 255.0 # Normalize
frames.append(frame)
cap.release()
frames = np.array(frames)
if len(frames) < max_frames:
# Padding if less frames
padding = np.zeros((max_frames - len(frames), *frames[0].shape))
frames = np.concatenate((frames, padding))
return frames

# Sample video path (replace with your file)


video_path = "sample_video.mp4"
video_data = load_video(video_path)

# Step 2: Create dataset


video_sequences = np.expand_dims(video_data, axis=0) # Add batch dimension
labels = np.array([0]) # Example label for one video

# Step 3: Build RNN model


cnn_model = models.Sequential([
layers.TimeDistributed(layers.Conv2D(32, (3, 3), activation='relu'), input_shape=(30, 64, 64, 3)),
layers.TimeDistributed(layers.MaxPooling2D((2, 2))),
layers.TimeDistributed(layers.Flatten()),
layers.LSTM(64, return_sequences=False), # Temporal modeling
layers.Dense(32, activation='relu'),
layers.Dense(1, activation='sigmoid') # Example for binary classification
])

cnn_model.compile(optimizer='adam', loss='binary_crossentropy', metrics=['accuracy'])

# Step 4: Training
# cnn_model.fit(video_sequences, labels, epochs=10) # Example training

# Step 5: Prediction
predictions = cnn_model.predict(video_sequences)
print("Predictions:", predictions)

Output:
1. Predictions:
The output is a classification probability for the video sequence, e.g.,
2. Predictions: [[0.85]]
3. Visual Output:
Not directly provided in this code but can be added to visualize feature extraction
or prediction results.

Result:
The RNN model successfully processed video sequences and predicted the
classification result for the input video. The performance of the model depends on the
quality of the training dataset and the temporal resolution of the video clips.
EX : 7 7. Implementation of Deep Generative model for Image
editing

Aim:
To develop a deep generative model that can perform image editing tasks, such as
modifying specific attributes (e.g., changing color, adding objects) or transforming one
image into another (e.g., style transfer or image-to-image translation).

Algorithm:
1. Data Collection:
● Collect a dataset of images that represent the type of editing you want to
perform (e.g., faces for facial attribute editing, landscapes for image-to-
image translation).
2. Model Architecture:
● Use a Generative Adversarial Network (GAN) or Variational Autoencoder
(VAE) to learn the distribution of images.
● The generator network creates modified images, while the discriminator
evaluates how realistic the generated images are.
● For image-to-image translation, models like pix2pix or CycleGAN are
useful.
3. Training:
● Train the model on the collected image dataset, ensuring the generator
learns to produce realistic edits and transformations.
● Use loss functions like adversarial loss (from the discriminator) and L1
loss (for pixel accuracy).
4. Image Editing:
● Provide an image as input and apply the desired transformations or edits
based on learned features.
5. Evaluation:
● Evaluate the model by comparing generated images with ground truth
images (real images or manually edited images).
● Assess quality using metrics like Inception Score (IS) or Fréchet Inception
Distance (FID).
Program
import torch
import torch.nn as nn
import torch.optim as optim
from torch.utils.data import DataLoader
from torchvision import transforms, datasets, utils
from torchvision.models import vgg19
import os

# Define Generator
class Generator(nn.Module):
def __init__(self, in_channels, out_channels):
super(Generator, self).__init__()
self.encoder = nn.Sequential(
self._conv_block(in_channels, 64, 4, 2, 1),
self._conv_block(64, 128, 4, 2, 1),
self._conv_block(128, 256, 4, 2, 1),
self._conv_block(256, 512, 4, 2, 1)
)
self.decoder = nn.Sequential(
self._deconv_block(512, 256, 4, 2, 1),
self._deconv_block(256, 128, 4, 2, 1),
self._deconv_block(128, 64, 4, 2, 1),
nn.ConvTranspose2d(64, out_channels, kernel_size=4, stride=2, padding=1),
nn.Tanh()
)

def _conv_block(self, in_channels, out_channels, kernel_size, stride, padding):


return nn.Sequential(
nn.Conv2d(in_channels, out_channels, kernel_size, stride, padding, bias=False),
nn.BatchNorm2d(out_channels),
nn.LeakyReLU(0.2, inplace=True)
)

def _deconv_block(self, in_channels, out_channels, kernel_size, stride, padding):


return nn.Sequential(
nn.ConvTranspose2d(in_channels, out_channels, kernel_size, stride, padding,
bias=False),
nn.BatchNorm2d(out_channels),
nn.ReLU(inplace=True)
)

def forward(self, x):


x = self.encoder(x)
x = self.decoder(x)
return x

# Define Discriminator
class Discriminator(nn.Module):
def __init__(self, in_channels):
super(Discriminator, self).__init__()
self.model = nn.Sequential(
self._conv_block(in_channels, 64, 4, 2, 1),
self._conv_block(64, 128, 4, 2, 1),
self._conv_block(128, 256, 4, 2, 1),
nn.Conv2d(256, 1, kernel_size=4, stride=1, padding=1)
)

def _conv_block(self, in_channels, out_channels, kernel_size, stride, padding):


return nn.Sequential(
nn.Conv2d(in_channels, out_channels, kernel_size, stride, padding, bias=False),
nn.BatchNorm2d(out_channels),
nn.LeakyReLU(0.2, inplace=True)
)

def forward(self, x):


return self.model(x)

# Hyperparameters
device = torch.device("cuda" if torch.cuda.is_available() else "cpu")
lr = 2e-4
batch_size = 16
epochs = 100
image_size = 128
in_channels = 3
out_channels = 3

# Data Preparation
transform = transforms.Compose([
transforms.Resize((image_size, image_size)),
transforms.ToTensor(),
transforms.Normalize((0.5,), (0.5,))
])

dataset = datasets.ImageFolder(root='path/to/dataset', transform=transform)


dataloader = DataLoader(dataset, batch_size=batch_size, shuffle=True)

# Initialize Models
generator = Generator(in_channels, out_channels).to(device)
discriminator = Discriminator(in_channels + out_channels).to(device)

# Optimizers and Losses


optimizer_G = optim.Adam(generator.parameters(), lr=lr, betas=(0.5, 0.999))
optimizer_D = optim.Adam(discriminator.parameters(), lr=lr, betas=(0.5, 0.999))
adversarial_loss = nn.BCEWithLogitsLoss()
pixel_loss = nn.L1Loss()

# Training Loop
for epoch in range(epochs):
for i, (input_image, target_image) in enumerate(dataloader):
input_image, target_image = input_image.to(device), target_image.to(device)
real_labels = torch.ones((input_image.size(0), 1), requires_grad=False).to(device)
fake_labels = torch.zeros((input_image.size(0), 1), requires_grad=False).to(device)

# Train Generator
optimizer_G.zero_grad()
generated_image = generator(input_image)
disc_fake = discriminator(torch.cat((input_image, generated_image), dim=1))
g_loss = adversarial_loss(disc_fake, real_labels) + pixel_loss(generated_image,
target_image)
g_loss.backward()
optimizer_G.step()

# Train Discriminator
optimizer_D.zero_grad()
disc_real = discriminator(torch.cat((input_image, target_image), dim=1))
real_loss = adversarial_loss(disc_real, real_labels)
disc_fake = discriminator(torch.cat((input_image, generated_image.detach()), dim=1))
fake_loss = adversarial_loss(disc_fake, fake_labels)
d_loss = (real_loss + fake_loss) / 2
d_loss.backward()
optimizer_D.step()

# Logging
if i % 50 == 0:
print(f"Epoch [{epoch}/{epochs}] Batch {i}/{len(dataloader)} - Loss D: {d_loss.item()},
Loss G: {g_loss.item()}")
# Save Models
torch.save(generator.state_dict(), "generator.pth")
torch.save(discriminator.state_dict(), "discriminator.pth")

print("Training Complete!")
Inference :

1. Image Input Transformation:


The input image is resized to 128x128 pixels, normalized to the range [-1, 1], and
converted into a tensor, making it suitable for deep learning models.
2. Generator Functionality:
The generator takes the input image and learns to modify or transform it into the desired
output image using an encoder-decoder architecture.
3. Discriminator Role:
The discriminator evaluates the generator's output by distinguishing between real
images (ground truth) and generated images. It learns to guide the generator to improve
its output.
4. Loss Calculation:
Two types of losses are used:
○ Adversarial Loss: Ensures the generated images are realistic enough to fool the
discriminator.
○ Pixel Loss (L1 Loss): Ensures the generated image matches the target image
at the pixel level.
5. Training Loop:
The training alternates between improving the generator and the discriminator. The
generator aims to produce convincing image edits, while the discriminator learns to
identify imperfections in the generated images.

Simple Autoencoder-Based Generator :


import torch
import torch.nn as nn
import torchvision.transforms as T
from PIL import Image

# Generator (Autoencoder)
class Generator(nn.Module):
def __init__(self):
super().__init__()
self.encoder = nn.Sequential(nn.Conv2d(3, 64, 4, 2, 1), nn.ReLU())
self.decoder = nn.Sequential(nn.ConvTranspose2d(64, 3, 4, 2, 1), nn.Tanh())

def forward(self, x):


return self.decoder(self.encoder(x))

# Load image and preprocess


transform = T.Compose([T.Resize((64, 64)), T.ToTensor(), T.Normalize((0.5,), (0.5,))])
image = transform(Image.open("image.jpg")).unsqueeze(0)
# Initialize model, edit image, and save output
generator = Generator()
edited_image = generator(image)
output = T.ToPILImage()((edited_image.squeeze(0) * 0.5 + 0.5).clamp(0, 1))
output.save("edited_image.jpg")

Result:
After running the training loop, the model will output a trained generator capable of performing
image edits.
The generator can take an input image, process it through the learned network, and produce
the transformed or edited version of the image (e.g., modifying facial features or changing the
style of a landscape).
The saved model files (generator.pth, discriminator.pth) can be used for inference in future image
editing tasks.

You might also like