Learn practical skills, build real-world projects, and advance your career

Image Classification using Convolutional Neural Networks in PyTorch

Import

# Uncomment and run the commands below if imports fail
# !conda install numpy pandas pytorch torchvision cpuonly -c pytorch -y
# !pip install matplotlib --upgrade --quiet
!pip install jovian --upgrade -q
import os
import torch
import pandas as pd
import numpy as np
from torch.utils.data import Dataset, random_split, DataLoader
from PIL import Image
import torchvision.models as models
import matplotlib.pyplot as plt
from tqdm.notebook import tqdm
import torchvision.transforms as T
from sklearn.metrics import f1_score
import torch.nn.functional as F
import torch.nn as nn
from torchvision.utils import make_grid
%matplotlib inline
import jovian
from torchvision.datasets.utils import download_file_from_google_drive as download
import tarfile
from sklearn.metrics import confusion_matrix
project_name='lid-data-modelling'