Update README.md
Browse files
README.md
CHANGED
@@ -28,23 +28,6 @@ repo_id = "cis519projectA/ImageToGPSproject_convnext_mobilenet"
|
|
28 |
filename = "convnext_mobilenet_ensemble_model.pth"
|
29 |
model_path = hf_hub_download(repo_id=repo_id, filename=filename)
|
30 |
|
31 |
-
# define models
|
32 |
-
# import packages
|
33 |
-
from geopy.distance import geodesic
|
34 |
-
import numpy as np
|
35 |
-
from huggingface_hub import hf_hub_download
|
36 |
-
import torch
|
37 |
-
from torch.utils.data import DataLoader, Dataset
|
38 |
-
from datasets import load_dataset, Image
|
39 |
-
from torchvision import transforms
|
40 |
-
import torch.nn as nn
|
41 |
-
from torchvision.models import mobilenet_v2, MobileNet_V2_Weights, convnext_tiny, ConvNeXt_Tiny_Weights
|
42 |
-
|
43 |
-
# load the model
|
44 |
-
repo_id = "cis519projectA/ImageToGPSproject_convnext_mobilenet"
|
45 |
-
filename = "convnext_mobilenet_ensemble_model.pth"
|
46 |
-
model_path = hf_hub_download(repo_id=repo_id, filename=filename)
|
47 |
-
|
48 |
# define models
|
49 |
class CustomConvNeXtModel(nn.Module):
|
50 |
def __init__(self, weights=ConvNeXt_Tiny_Weights.DEFAULT, num_classes=2):
|
|
|
28 |
filename = "convnext_mobilenet_ensemble_model.pth"
|
29 |
model_path = hf_hub_download(repo_id=repo_id, filename=filename)
|
30 |
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
31 |
# define models
|
32 |
class CustomConvNeXtModel(nn.Module):
|
33 |
def __init__(self, weights=ConvNeXt_Tiny_Weights.DEFAULT, num_classes=2):
|