diff --git a/app.py b/app.py index 525424d02cc3281a973c14423db36e911a273bf8..ef8e67c14df17b7c08e39584e9b71b20251d4e1c 100644 --- a/app.py +++ b/app.py @@ -3,9 +3,9 @@ import torch from PIL import Image import cv2 import numpy as np -from geobench.modeling.archs.dam.dam import DepthAnything -from geobench.utils.image_util import colorize_depth_maps -from geobench.midas.transforms import Resize, NormalizeImage, PrepareForNet +from distillanydepth.modeling.archs.dam.dam import DepthAnything +from distillanydepth.utils.image_util import colorize_depth_maps +from distillanydepth.midas.transforms import Resize, NormalizeImage, PrepareForNet from torchvision.transforms import Compose import os @@ -21,7 +21,7 @@ def load_model_by_name(arch_name, checkpoint_path, device): return model # Image processing function (same as your original code, modified for Gradio) -def process_image(image, model, device, mode='rel_depth'): +def process_image(image, model, device): # Preprocess the image image_np = np.array(image)[..., ::-1] / 255 transform = Compose([ @@ -39,7 +39,7 @@ def process_image(image, model, device, mode='rel_depth'): pred_disp = (pred_disp_np - pred_disp_np.min()) / (pred_disp_np.max() - pred_disp_np.min()) # Colorize depth map - cmap = "Spectral_r" if mode != 'metric' else 'Spectral_r' + cmap = "Spectral_r" # Default colormap for relative depth depth_colored = colorize_depth_maps(pred_disp[None, ...], 0, 1, cmap=cmap).squeeze() depth_colored = (depth_colored * 255).astype(np.uint8) @@ -47,22 +47,22 @@ def process_image(image, model, device, mode='rel_depth'): return depth_image # Gradio interface function -def gradio_interface(image, mode='rel_depth'): +def gradio_interface(image): # Set device to CPU explicitly device = torch.device("cpu") # Force using CPU model = load_model_by_name("depthanything", "your_checkpoint_path_here", device) # Process image and return output - return process_image(image, model, device, mode) + return process_image(image, model, device) # Create Gradio interface iface = gr.Interface( fn=gradio_interface, - inputs=[gr.Image(type="pil"), gr.Dropdown(choices=['rel_depth', 'metric_depth', 'disparity'], label="Mode")], + inputs=gr.Image(type="pil"), # Only image input, no mode selection outputs=gr.Image(type="pil"), title="Depth Estimation Demo", description="Upload an image to see the depth estimation results." ) # Launch the Gradio interface -iface.launch() +iface.launch() \ No newline at end of file diff --git a/geobench/depth_anything_v2/__pycache__/dinov2.cpython-310.pyc b/distillanydepth/depth_anything_v2/__pycache__/dinov2.cpython-310.pyc similarity index 100% rename from geobench/depth_anything_v2/__pycache__/dinov2.cpython-310.pyc rename to distillanydepth/depth_anything_v2/__pycache__/dinov2.cpython-310.pyc diff --git a/geobench/depth_anything_v2/__pycache__/dpt.cpython-310.pyc b/distillanydepth/depth_anything_v2/__pycache__/dpt.cpython-310.pyc similarity index 100% rename from geobench/depth_anything_v2/__pycache__/dpt.cpython-310.pyc rename to distillanydepth/depth_anything_v2/__pycache__/dpt.cpython-310.pyc diff --git a/geobench/depth_anything_v2/dinov2.py b/distillanydepth/depth_anything_v2/dinov2.py similarity index 100% rename from geobench/depth_anything_v2/dinov2.py rename to distillanydepth/depth_anything_v2/dinov2.py diff --git a/geobench/depth_anything_v2/dinov2_layers/__init__.py b/distillanydepth/depth_anything_v2/dinov2_layers/__init__.py similarity index 100% rename from geobench/depth_anything_v2/dinov2_layers/__init__.py rename to distillanydepth/depth_anything_v2/dinov2_layers/__init__.py diff --git a/geobench/depth_anything_v2/dinov2_layers/__pycache__/__init__.cpython-310.pyc b/distillanydepth/depth_anything_v2/dinov2_layers/__pycache__/__init__.cpython-310.pyc similarity index 100% rename from geobench/depth_anything_v2/dinov2_layers/__pycache__/__init__.cpython-310.pyc rename to distillanydepth/depth_anything_v2/dinov2_layers/__pycache__/__init__.cpython-310.pyc diff --git a/geobench/depth_anything_v2/dinov2_layers/__pycache__/attention.cpython-310.pyc b/distillanydepth/depth_anything_v2/dinov2_layers/__pycache__/attention.cpython-310.pyc similarity index 100% rename from geobench/depth_anything_v2/dinov2_layers/__pycache__/attention.cpython-310.pyc rename to distillanydepth/depth_anything_v2/dinov2_layers/__pycache__/attention.cpython-310.pyc diff --git a/geobench/depth_anything_v2/dinov2_layers/__pycache__/block.cpython-310.pyc b/distillanydepth/depth_anything_v2/dinov2_layers/__pycache__/block.cpython-310.pyc similarity index 100% rename from geobench/depth_anything_v2/dinov2_layers/__pycache__/block.cpython-310.pyc rename to distillanydepth/depth_anything_v2/dinov2_layers/__pycache__/block.cpython-310.pyc diff --git a/geobench/depth_anything_v2/dinov2_layers/__pycache__/drop_path.cpython-310.pyc b/distillanydepth/depth_anything_v2/dinov2_layers/__pycache__/drop_path.cpython-310.pyc similarity index 100% rename from geobench/depth_anything_v2/dinov2_layers/__pycache__/drop_path.cpython-310.pyc rename to distillanydepth/depth_anything_v2/dinov2_layers/__pycache__/drop_path.cpython-310.pyc diff --git a/geobench/depth_anything_v2/dinov2_layers/__pycache__/layer_scale.cpython-310.pyc b/distillanydepth/depth_anything_v2/dinov2_layers/__pycache__/layer_scale.cpython-310.pyc similarity index 100% rename from geobench/depth_anything_v2/dinov2_layers/__pycache__/layer_scale.cpython-310.pyc rename to distillanydepth/depth_anything_v2/dinov2_layers/__pycache__/layer_scale.cpython-310.pyc diff --git a/geobench/depth_anything_v2/dinov2_layers/__pycache__/mlp.cpython-310.pyc b/distillanydepth/depth_anything_v2/dinov2_layers/__pycache__/mlp.cpython-310.pyc similarity index 100% rename from geobench/depth_anything_v2/dinov2_layers/__pycache__/mlp.cpython-310.pyc rename to distillanydepth/depth_anything_v2/dinov2_layers/__pycache__/mlp.cpython-310.pyc diff --git a/geobench/depth_anything_v2/dinov2_layers/__pycache__/patch_embed.cpython-310.pyc b/distillanydepth/depth_anything_v2/dinov2_layers/__pycache__/patch_embed.cpython-310.pyc similarity index 100% rename from geobench/depth_anything_v2/dinov2_layers/__pycache__/patch_embed.cpython-310.pyc rename to distillanydepth/depth_anything_v2/dinov2_layers/__pycache__/patch_embed.cpython-310.pyc diff --git a/geobench/depth_anything_v2/dinov2_layers/__pycache__/swiglu_ffn.cpython-310.pyc b/distillanydepth/depth_anything_v2/dinov2_layers/__pycache__/swiglu_ffn.cpython-310.pyc similarity index 100% rename from geobench/depth_anything_v2/dinov2_layers/__pycache__/swiglu_ffn.cpython-310.pyc rename to distillanydepth/depth_anything_v2/dinov2_layers/__pycache__/swiglu_ffn.cpython-310.pyc diff --git a/geobench/depth_anything_v2/dinov2_layers/attention.py b/distillanydepth/depth_anything_v2/dinov2_layers/attention.py similarity index 100% rename from geobench/depth_anything_v2/dinov2_layers/attention.py rename to distillanydepth/depth_anything_v2/dinov2_layers/attention.py diff --git a/geobench/depth_anything_v2/dinov2_layers/block.py b/distillanydepth/depth_anything_v2/dinov2_layers/block.py similarity index 100% rename from geobench/depth_anything_v2/dinov2_layers/block.py rename to distillanydepth/depth_anything_v2/dinov2_layers/block.py diff --git a/geobench/depth_anything_v2/dinov2_layers/drop_path.py b/distillanydepth/depth_anything_v2/dinov2_layers/drop_path.py similarity index 100% rename from geobench/depth_anything_v2/dinov2_layers/drop_path.py rename to distillanydepth/depth_anything_v2/dinov2_layers/drop_path.py diff --git a/geobench/depth_anything_v2/dinov2_layers/layer_scale.py b/distillanydepth/depth_anything_v2/dinov2_layers/layer_scale.py similarity index 100% rename from geobench/depth_anything_v2/dinov2_layers/layer_scale.py rename to distillanydepth/depth_anything_v2/dinov2_layers/layer_scale.py diff --git a/geobench/depth_anything_v2/dinov2_layers/mlp.py b/distillanydepth/depth_anything_v2/dinov2_layers/mlp.py similarity index 100% rename from geobench/depth_anything_v2/dinov2_layers/mlp.py rename to distillanydepth/depth_anything_v2/dinov2_layers/mlp.py diff --git a/geobench/depth_anything_v2/dinov2_layers/patch_embed.py b/distillanydepth/depth_anything_v2/dinov2_layers/patch_embed.py similarity index 100% rename from geobench/depth_anything_v2/dinov2_layers/patch_embed.py rename to distillanydepth/depth_anything_v2/dinov2_layers/patch_embed.py diff --git a/geobench/depth_anything_v2/dinov2_layers/swiglu_ffn.py b/distillanydepth/depth_anything_v2/dinov2_layers/swiglu_ffn.py similarity index 100% rename from geobench/depth_anything_v2/dinov2_layers/swiglu_ffn.py rename to distillanydepth/depth_anything_v2/dinov2_layers/swiglu_ffn.py diff --git a/geobench/depth_anything_v2/dpt.py b/distillanydepth/depth_anything_v2/dpt.py similarity index 100% rename from geobench/depth_anything_v2/dpt.py rename to distillanydepth/depth_anything_v2/dpt.py diff --git a/geobench/depth_anything_v2/util/__pycache__/blocks.cpython-310.pyc b/distillanydepth/depth_anything_v2/util/__pycache__/blocks.cpython-310.pyc similarity index 100% rename from geobench/depth_anything_v2/util/__pycache__/blocks.cpython-310.pyc rename to distillanydepth/depth_anything_v2/util/__pycache__/blocks.cpython-310.pyc diff --git a/geobench/depth_anything_v2/util/__pycache__/transform.cpython-310.pyc b/distillanydepth/depth_anything_v2/util/__pycache__/transform.cpython-310.pyc similarity index 100% rename from geobench/depth_anything_v2/util/__pycache__/transform.cpython-310.pyc rename to distillanydepth/depth_anything_v2/util/__pycache__/transform.cpython-310.pyc diff --git a/geobench/depth_anything_v2/util/blocks.py b/distillanydepth/depth_anything_v2/util/blocks.py similarity index 100% rename from geobench/depth_anything_v2/util/blocks.py rename to distillanydepth/depth_anything_v2/util/blocks.py diff --git a/geobench/depth_anything_v2/util/transform.py b/distillanydepth/depth_anything_v2/util/transform.py similarity index 100% rename from geobench/depth_anything_v2/util/transform.py rename to distillanydepth/depth_anything_v2/util/transform.py diff --git a/geobench/midas/__pycache__/base_model.cpython-310.pyc b/distillanydepth/midas/__pycache__/base_model.cpython-310.pyc similarity index 100% rename from geobench/midas/__pycache__/base_model.cpython-310.pyc rename to distillanydepth/midas/__pycache__/base_model.cpython-310.pyc diff --git a/geobench/midas/__pycache__/blocks.cpython-310.pyc b/distillanydepth/midas/__pycache__/blocks.cpython-310.pyc similarity index 100% rename from geobench/midas/__pycache__/blocks.cpython-310.pyc rename to distillanydepth/midas/__pycache__/blocks.cpython-310.pyc diff --git a/geobench/midas/__pycache__/dpt_depth.cpython-310.pyc b/distillanydepth/midas/__pycache__/dpt_depth.cpython-310.pyc similarity index 100% rename from geobench/midas/__pycache__/dpt_depth.cpython-310.pyc rename to distillanydepth/midas/__pycache__/dpt_depth.cpython-310.pyc diff --git a/geobench/midas/__pycache__/midas_net.cpython-310.pyc b/distillanydepth/midas/__pycache__/midas_net.cpython-310.pyc similarity index 100% rename from geobench/midas/__pycache__/midas_net.cpython-310.pyc rename to distillanydepth/midas/__pycache__/midas_net.cpython-310.pyc diff --git a/geobench/midas/__pycache__/midas_net_custom.cpython-310.pyc b/distillanydepth/midas/__pycache__/midas_net_custom.cpython-310.pyc similarity index 100% rename from geobench/midas/__pycache__/midas_net_custom.cpython-310.pyc rename to distillanydepth/midas/__pycache__/midas_net_custom.cpython-310.pyc diff --git a/geobench/midas/__pycache__/model_loader.cpython-310.pyc b/distillanydepth/midas/__pycache__/model_loader.cpython-310.pyc similarity index 100% rename from geobench/midas/__pycache__/model_loader.cpython-310.pyc rename to distillanydepth/midas/__pycache__/model_loader.cpython-310.pyc diff --git a/geobench/midas/__pycache__/transforms.cpython-310.pyc b/distillanydepth/midas/__pycache__/transforms.cpython-310.pyc similarity index 100% rename from geobench/midas/__pycache__/transforms.cpython-310.pyc rename to distillanydepth/midas/__pycache__/transforms.cpython-310.pyc diff --git a/geobench/midas/backbones/__pycache__/beit.cpython-310.pyc b/distillanydepth/midas/backbones/__pycache__/beit.cpython-310.pyc similarity index 100% rename from geobench/midas/backbones/__pycache__/beit.cpython-310.pyc rename to distillanydepth/midas/backbones/__pycache__/beit.cpython-310.pyc diff --git a/geobench/midas/backbones/__pycache__/levit.cpython-310.pyc b/distillanydepth/midas/backbones/__pycache__/levit.cpython-310.pyc similarity index 100% rename from geobench/midas/backbones/__pycache__/levit.cpython-310.pyc rename to distillanydepth/midas/backbones/__pycache__/levit.cpython-310.pyc diff --git a/geobench/midas/backbones/__pycache__/swin.cpython-310.pyc b/distillanydepth/midas/backbones/__pycache__/swin.cpython-310.pyc similarity index 100% rename from geobench/midas/backbones/__pycache__/swin.cpython-310.pyc rename to distillanydepth/midas/backbones/__pycache__/swin.cpython-310.pyc diff --git a/geobench/midas/backbones/__pycache__/swin2.cpython-310.pyc b/distillanydepth/midas/backbones/__pycache__/swin2.cpython-310.pyc similarity index 100% rename from geobench/midas/backbones/__pycache__/swin2.cpython-310.pyc rename to distillanydepth/midas/backbones/__pycache__/swin2.cpython-310.pyc diff --git a/geobench/midas/backbones/__pycache__/swin_common.cpython-310.pyc b/distillanydepth/midas/backbones/__pycache__/swin_common.cpython-310.pyc similarity index 100% rename from geobench/midas/backbones/__pycache__/swin_common.cpython-310.pyc rename to distillanydepth/midas/backbones/__pycache__/swin_common.cpython-310.pyc diff --git a/geobench/midas/backbones/__pycache__/utils.cpython-310.pyc b/distillanydepth/midas/backbones/__pycache__/utils.cpython-310.pyc similarity index 100% rename from geobench/midas/backbones/__pycache__/utils.cpython-310.pyc rename to distillanydepth/midas/backbones/__pycache__/utils.cpython-310.pyc diff --git a/geobench/midas/backbones/__pycache__/vit.cpython-310.pyc b/distillanydepth/midas/backbones/__pycache__/vit.cpython-310.pyc similarity index 100% rename from geobench/midas/backbones/__pycache__/vit.cpython-310.pyc rename to distillanydepth/midas/backbones/__pycache__/vit.cpython-310.pyc diff --git a/geobench/midas/backbones/beit.py b/distillanydepth/midas/backbones/beit.py similarity index 100% rename from geobench/midas/backbones/beit.py rename to distillanydepth/midas/backbones/beit.py diff --git a/geobench/midas/backbones/levit.py b/distillanydepth/midas/backbones/levit.py similarity index 100% rename from geobench/midas/backbones/levit.py rename to distillanydepth/midas/backbones/levit.py diff --git a/geobench/midas/backbones/next_vit.py b/distillanydepth/midas/backbones/next_vit.py similarity index 100% rename from geobench/midas/backbones/next_vit.py rename to distillanydepth/midas/backbones/next_vit.py diff --git a/geobench/midas/backbones/swin.py b/distillanydepth/midas/backbones/swin.py similarity index 100% rename from geobench/midas/backbones/swin.py rename to distillanydepth/midas/backbones/swin.py diff --git a/geobench/midas/backbones/swin2.py b/distillanydepth/midas/backbones/swin2.py similarity index 100% rename from geobench/midas/backbones/swin2.py rename to distillanydepth/midas/backbones/swin2.py diff --git a/geobench/midas/backbones/swin_common.py b/distillanydepth/midas/backbones/swin_common.py similarity index 100% rename from geobench/midas/backbones/swin_common.py rename to distillanydepth/midas/backbones/swin_common.py diff --git a/geobench/midas/backbones/utils.py b/distillanydepth/midas/backbones/utils.py similarity index 100% rename from geobench/midas/backbones/utils.py rename to distillanydepth/midas/backbones/utils.py diff --git a/geobench/midas/backbones/vit.py b/distillanydepth/midas/backbones/vit.py similarity index 100% rename from geobench/midas/backbones/vit.py rename to distillanydepth/midas/backbones/vit.py diff --git a/geobench/midas/base_model.py b/distillanydepth/midas/base_model.py similarity index 100% rename from geobench/midas/base_model.py rename to distillanydepth/midas/base_model.py diff --git a/geobench/midas/blocks.py b/distillanydepth/midas/blocks.py similarity index 100% rename from geobench/midas/blocks.py rename to distillanydepth/midas/blocks.py diff --git a/geobench/midas/dpt_depth.py b/distillanydepth/midas/dpt_depth.py similarity index 100% rename from geobench/midas/dpt_depth.py rename to distillanydepth/midas/dpt_depth.py diff --git a/geobench/midas/midas_net.py b/distillanydepth/midas/midas_net.py similarity index 100% rename from geobench/midas/midas_net.py rename to distillanydepth/midas/midas_net.py diff --git a/geobench/midas/midas_net_custom.py b/distillanydepth/midas/midas_net_custom.py similarity index 100% rename from geobench/midas/midas_net_custom.py rename to distillanydepth/midas/midas_net_custom.py diff --git a/geobench/midas/model_loader.py b/distillanydepth/midas/model_loader.py similarity index 100% rename from geobench/midas/model_loader.py rename to distillanydepth/midas/model_loader.py diff --git a/geobench/midas/transforms.py b/distillanydepth/midas/transforms.py similarity index 100% rename from geobench/midas/transforms.py rename to distillanydepth/midas/transforms.py diff --git a/geobench/modeling/__pycache__/__init__.cpython-310.pyc b/distillanydepth/modeling/__pycache__/__init__.cpython-310.pyc similarity index 100% rename from geobench/modeling/__pycache__/__init__.cpython-310.pyc rename to distillanydepth/modeling/__pycache__/__init__.cpython-310.pyc diff --git a/geobench/modeling/archs/dam/dam.py b/distillanydepth/modeling/archs/dam/dam.py similarity index 98% rename from geobench/modeling/archs/dam/dam.py rename to distillanydepth/modeling/archs/dam/dam.py index 1355c6e9aa70b913fc8f9a404b66da20fdb6b7e7..fca6f0faa931e697c39c1d5b1a5ab25747abc362 100644 --- a/geobench/modeling/archs/dam/dam.py +++ b/distillanydepth/modeling/archs/dam/dam.py @@ -4,8 +4,8 @@ import torch import torch.nn as nn import torch.nn.functional as F from huggingface_hub import PyTorchModelHubMixin, hf_hub_download -from geobench.modeling.backbones.vit.ViT_DINO import vit_large, vit_giant2, vit_base -from geobench.modeling.backbones.vit.ViT_DINO_reg import vit_large_reg, vit_giant2_reg +from distillanydepth.modeling.backbones.vit.ViT_DINO import vit_large, vit_giant2, vit_base +from distillanydepth.modeling.backbones.vit.ViT_DINO_reg import vit_large_reg, vit_giant2_reg from timm.models.vision_transformer import vit_large_patch16_224, vit_large_patch14_224 def compute_depth_expectation(prob, depth_values): diff --git a/geobench/modeling/backbones/vit/ViT_DINO.py b/distillanydepth/modeling/backbones/vit/ViT_DINO.py similarity index 100% rename from geobench/modeling/backbones/vit/ViT_DINO.py rename to distillanydepth/modeling/backbones/vit/ViT_DINO.py diff --git a/geobench/modeling/backbones/vit/ViT_DINO_reg.py b/distillanydepth/modeling/backbones/vit/ViT_DINO_reg.py similarity index 100% rename from geobench/modeling/backbones/vit/ViT_DINO_reg.py rename to distillanydepth/modeling/backbones/vit/ViT_DINO_reg.py diff --git a/geobench/modeling/backbones/vit/__init__.py b/distillanydepth/modeling/backbones/vit/__init__.py similarity index 100% rename from geobench/modeling/backbones/vit/__init__.py rename to distillanydepth/modeling/backbones/vit/__init__.py diff --git a/geobench/modeling/backbones/vit/dinov2.py b/distillanydepth/modeling/backbones/vit/dinov2.py similarity index 100% rename from geobench/modeling/backbones/vit/dinov2.py rename to distillanydepth/modeling/backbones/vit/dinov2.py diff --git a/geobench/modeling/backbones/vit/dinov2_layers/__init__.py b/distillanydepth/modeling/backbones/vit/dinov2_layers/__init__.py similarity index 100% rename from geobench/modeling/backbones/vit/dinov2_layers/__init__.py rename to distillanydepth/modeling/backbones/vit/dinov2_layers/__init__.py diff --git a/geobench/modeling/backbones/vit/dinov2_layers/__pycache__/__init__.cpython-310.pyc b/distillanydepth/modeling/backbones/vit/dinov2_layers/__pycache__/__init__.cpython-310.pyc similarity index 100% rename from geobench/modeling/backbones/vit/dinov2_layers/__pycache__/__init__.cpython-310.pyc rename to distillanydepth/modeling/backbones/vit/dinov2_layers/__pycache__/__init__.cpython-310.pyc diff --git a/geobench/modeling/backbones/vit/dinov2_layers/__pycache__/attention.cpython-310.pyc b/distillanydepth/modeling/backbones/vit/dinov2_layers/__pycache__/attention.cpython-310.pyc similarity index 100% rename from geobench/modeling/backbones/vit/dinov2_layers/__pycache__/attention.cpython-310.pyc rename to distillanydepth/modeling/backbones/vit/dinov2_layers/__pycache__/attention.cpython-310.pyc diff --git a/geobench/modeling/backbones/vit/dinov2_layers/__pycache__/block.cpython-310.pyc b/distillanydepth/modeling/backbones/vit/dinov2_layers/__pycache__/block.cpython-310.pyc similarity index 100% rename from geobench/modeling/backbones/vit/dinov2_layers/__pycache__/block.cpython-310.pyc rename to distillanydepth/modeling/backbones/vit/dinov2_layers/__pycache__/block.cpython-310.pyc diff --git a/geobench/modeling/backbones/vit/dinov2_layers/__pycache__/drop_path.cpython-310.pyc b/distillanydepth/modeling/backbones/vit/dinov2_layers/__pycache__/drop_path.cpython-310.pyc similarity index 100% rename from geobench/modeling/backbones/vit/dinov2_layers/__pycache__/drop_path.cpython-310.pyc rename to distillanydepth/modeling/backbones/vit/dinov2_layers/__pycache__/drop_path.cpython-310.pyc diff --git a/geobench/modeling/backbones/vit/dinov2_layers/__pycache__/layer_scale.cpython-310.pyc b/distillanydepth/modeling/backbones/vit/dinov2_layers/__pycache__/layer_scale.cpython-310.pyc similarity index 100% rename from geobench/modeling/backbones/vit/dinov2_layers/__pycache__/layer_scale.cpython-310.pyc rename to distillanydepth/modeling/backbones/vit/dinov2_layers/__pycache__/layer_scale.cpython-310.pyc diff --git a/geobench/modeling/backbones/vit/dinov2_layers/__pycache__/mlp.cpython-310.pyc b/distillanydepth/modeling/backbones/vit/dinov2_layers/__pycache__/mlp.cpython-310.pyc similarity index 100% rename from geobench/modeling/backbones/vit/dinov2_layers/__pycache__/mlp.cpython-310.pyc rename to distillanydepth/modeling/backbones/vit/dinov2_layers/__pycache__/mlp.cpython-310.pyc diff --git a/geobench/modeling/backbones/vit/dinov2_layers/__pycache__/patch_embed.cpython-310.pyc b/distillanydepth/modeling/backbones/vit/dinov2_layers/__pycache__/patch_embed.cpython-310.pyc similarity index 100% rename from geobench/modeling/backbones/vit/dinov2_layers/__pycache__/patch_embed.cpython-310.pyc rename to distillanydepth/modeling/backbones/vit/dinov2_layers/__pycache__/patch_embed.cpython-310.pyc diff --git a/geobench/modeling/backbones/vit/dinov2_layers/__pycache__/swiglu_ffn.cpython-310.pyc b/distillanydepth/modeling/backbones/vit/dinov2_layers/__pycache__/swiglu_ffn.cpython-310.pyc similarity index 100% rename from geobench/modeling/backbones/vit/dinov2_layers/__pycache__/swiglu_ffn.cpython-310.pyc rename to distillanydepth/modeling/backbones/vit/dinov2_layers/__pycache__/swiglu_ffn.cpython-310.pyc diff --git a/geobench/modeling/backbones/vit/dinov2_layers/attention.py b/distillanydepth/modeling/backbones/vit/dinov2_layers/attention.py similarity index 100% rename from geobench/modeling/backbones/vit/dinov2_layers/attention.py rename to distillanydepth/modeling/backbones/vit/dinov2_layers/attention.py diff --git a/geobench/modeling/backbones/vit/dinov2_layers/block.py b/distillanydepth/modeling/backbones/vit/dinov2_layers/block.py similarity index 100% rename from geobench/modeling/backbones/vit/dinov2_layers/block.py rename to distillanydepth/modeling/backbones/vit/dinov2_layers/block.py diff --git a/geobench/modeling/backbones/vit/dinov2_layers/drop_path.py b/distillanydepth/modeling/backbones/vit/dinov2_layers/drop_path.py similarity index 100% rename from geobench/modeling/backbones/vit/dinov2_layers/drop_path.py rename to distillanydepth/modeling/backbones/vit/dinov2_layers/drop_path.py diff --git a/geobench/modeling/backbones/vit/dinov2_layers/layer_scale.py b/distillanydepth/modeling/backbones/vit/dinov2_layers/layer_scale.py similarity index 100% rename from geobench/modeling/backbones/vit/dinov2_layers/layer_scale.py rename to distillanydepth/modeling/backbones/vit/dinov2_layers/layer_scale.py diff --git a/geobench/modeling/backbones/vit/dinov2_layers/mlp.py b/distillanydepth/modeling/backbones/vit/dinov2_layers/mlp.py similarity index 100% rename from geobench/modeling/backbones/vit/dinov2_layers/mlp.py rename to distillanydepth/modeling/backbones/vit/dinov2_layers/mlp.py diff --git a/geobench/modeling/backbones/vit/dinov2_layers/patch_embed.py b/distillanydepth/modeling/backbones/vit/dinov2_layers/patch_embed.py similarity index 100% rename from geobench/modeling/backbones/vit/dinov2_layers/patch_embed.py rename to distillanydepth/modeling/backbones/vit/dinov2_layers/patch_embed.py diff --git a/geobench/modeling/backbones/vit/dinov2_layers/swiglu_ffn.py b/distillanydepth/modeling/backbones/vit/dinov2_layers/swiglu_ffn.py similarity index 100% rename from geobench/modeling/backbones/vit/dinov2_layers/swiglu_ffn.py rename to distillanydepth/modeling/backbones/vit/dinov2_layers/swiglu_ffn.py diff --git a/geobench/utils/image_util.py b/distillanydepth/utils/image_util.py similarity index 100% rename from geobench/utils/image_util.py rename to distillanydepth/utils/image_util.py diff --git a/requirements.txt b/requirements.txt index cd1e6765536a552ffdbeca91f1235ae034a413c6..867e6d0cabb593485b09be8dd4c477b797dbf8bd 100644 --- a/requirements.txt +++ b/requirements.txt @@ -4,4 +4,5 @@ torch torchvision opencv-python matplotlib -huggingface_hub \ No newline at end of file +huggingface_hub +timm \ No newline at end of file