AnishKumbhar's picture
Update app.py
2a9e83f
raw
history blame
No virus
1.03 kB
import torch
import fastapi
import numpy as np
from PIL import Image
class TorchTensor(torch.Tensor):
pass
class Prediction:
prediction: TorchTensor
app = fastapi.FastAPI(docs_url="/")
model = torch.load("model67.bin", map_location='cpu')
print(model)
# Define a function to preprocess the input image
def preprocess_input(input: fastapi.UploadFile):
image = Image.open(input.file)
image = image.resize((224, 224))
input = np.array(image)
input = torch.from_numpy(input).float()
input = input.unsqueeze(0)
return input
# Define an endpoint to make predictions
@app.post("/predict")
async def predict_endpoint(input:fastapi.UploadFile):
"""Make a prediction on an image uploaded by the user."""
# Preprocess the input image
input = preprocess_input(input)
# Make a prediction
prediction = model(input)
# Get the predicted class
predicted_class = prediction.argmax(1).item()
# Return the predicted class in JSON format
return {"prediction": predicted_class}