wayandadang's picture
update app.py
ce309f9
raw
history blame
No virus
2.93 kB
import torch
import torch.nn as nn
import torch.nn.functional as F
from torchvision import transforms
from PIL import Image
import streamlit as st
import numpy as np
import requests
from io import BytesIO
from kan_linear import KANLinear
class CNNKAN(nn.Module):
def __init__(self):
super(CNNKAN, self).__init__()
self.conv1 = nn.Conv2d(3, 32, kernel_size=3, padding=1)
self.bn1 = nn.BatchNorm2d(32)
self.pool1 = nn.MaxPool2d(2)
self.conv2 = nn.Conv2d(32, 64, kernel_size=3, padding=1)
self.bn2 = nn.BatchNorm2d(64)
self.pool2 = nn.MaxPool2d(2)
self.conv3 = nn.Conv2d(64, 128, kernel_size=3, padding=1)
self.bn3 = nn.BatchNorm2d(128)
self.pool3 = nn.MaxPool2d(2)
self.dropout = nn.Dropout(0.5)
self.kan1 = KANLinear(128 * 25 * 25, 256)
self.kan2 = KANLinear(256, 1)
def forward(self, x):
x = F.selu(self.bn1(self.conv1(x)))
x = self.pool1(x)
x = F.selu(self.bn2(self.conv2(x)))
x = self.pool2(x)
x = F.selu(self.bn3(self.conv3(x)))
x = self.pool3(x)
x = x.view(x.size(0), -1)
x = self.dropout(x)
x = self.kan1(x)
x = self.dropout(x)
x = self.kan2(x)
return x
def load_model(weights_path, device):
model = CNNKAN().to(device)
model.load_state_dict(torch.load(weights_path, map_location=device))
model.eval()
return model
def load_image_from_url(url):
response = requests.get(url)
img = Image.open(BytesIO(response.content)).convert('RGB')
return img
def preprocess_image(image):
transform = transforms.Compose([
transforms.Resize((200, 200)),
transforms.ToTensor()
])
return transform(image).unsqueeze(0)
# Streamlit app
st.title("Image Classification with CNN-KAN")
st.sidebar.title("Upload Images")
uploaded_file = st.sidebar.file_uploader("Choose an image...", type=["jpg", "jpeg", "png", "webp"])
image_url = st.sidebar.text_input("Or enter image URL...")
device = torch.device("cuda" if torch.cuda.is_available() else "cpu")
model = load_model('weights/best_model_weights_KAN.pth', device)
img = None
if uploaded_file is not None:
img = Image.open(uploaded_file).convert('RGB')
elif image_url:
try:
img = load_image_from_url(image_url)
except Exception as e:
st.sidebar.error(f"Error loading image from URL: {e}")
if img is not None:
st.image(np.array(img), caption='Uploaded Image.', use_column_width=True)
if st.button('Predict'):
img_tensor = preprocess_image(img).to(device)
with torch.no_grad():
output = model(img_tensor)
prob = torch.sigmoid(output).item()
st.write(f"Prediction: {prob:.4f}")
if prob < 0.5:
st.write("This image is classified as a dandelion flower.")
else:
st.write("This image is classified as grass.")