mischeiwiller commited on
Commit
f327c90
·
verified ·
1 Parent(s): cda78eb

Update app.py

Browse files
Files changed (1) hide show
  1. app.py +13 -2
app.py CHANGED
@@ -3,11 +3,23 @@ import kornia as K
3
  from kornia.core import Tensor
4
  from kornia import morphology as morph
5
  import torch
 
6
 
7
  def morphological_operators(img, operator, kernel, kernel_size):
8
- img: Tensor = K.io.image_to_tensor(img)
 
 
 
 
 
 
 
 
 
9
  img = img.unsqueeze(0) # Add batch dimension
10
  device = 'cpu' # 'cuda:0' for GPU
 
 
11
  kernels = {
12
  "Ones": torch.ones(kernel_size, kernel_size).to(device),
13
  "Eye": torch.eye(kernel_size).to(device),
@@ -30,7 +42,6 @@ examples = [
30
  ["examples/cat.png", "Dilation", "Ones", 3],
31
  ["examples/huggingface.jpg", "Close", "Eye", 5]
32
  ]
33
-
34
  title = "Kornia Morphological Operators"
35
  description = "<p style='text-align: center'>This is a Gradio demo for Kornia's Morphological Operators.</p><p style='text-align: center'>To use it, simply upload your image, or click one of the examples to load them, and select any morphological operator to run it! Read more at the links at the bottom.</p>"
36
  article = "<p style='text-align: center'><a href='https://kornia.readthedocs.io/en/latest/' target='_blank'>Kornia Docs</a> | <a href='https://github.com/kornia/kornia' target='_blank'>Kornia Github Repo</a> | <a href='https://kornia-tutorials.readthedocs.io/en/latest/morphology_101.html' target='_blank'>Kornia Morphological Operators Tutorial</a></p>"
 
3
  from kornia.core import Tensor
4
  from kornia import morphology as morph
5
  import torch
6
+ import numpy as np
7
 
8
  def morphological_operators(img, operator, kernel, kernel_size):
9
+ # Convert input to tensor
10
+ if isinstance(img, np.ndarray):
11
+ img = torch.from_numpy(img).permute(2, 0, 1).float() / 255.0
12
+ elif isinstance(img, torch.Tensor):
13
+ img = img.permute(2, 0, 1).float()
14
+ if img.max() > 1.0:
15
+ img = img / 255.0
16
+ else:
17
+ raise ValueError(f"Unsupported image type: {type(img)}")
18
+
19
  img = img.unsqueeze(0) # Add batch dimension
20
  device = 'cpu' # 'cuda:0' for GPU
21
+ img = img.to(device)
22
+
23
  kernels = {
24
  "Ones": torch.ones(kernel_size, kernel_size).to(device),
25
  "Eye": torch.eye(kernel_size).to(device),
 
42
  ["examples/cat.png", "Dilation", "Ones", 3],
43
  ["examples/huggingface.jpg", "Close", "Eye", 5]
44
  ]
 
45
  title = "Kornia Morphological Operators"
46
  description = "<p style='text-align: center'>This is a Gradio demo for Kornia's Morphological Operators.</p><p style='text-align: center'>To use it, simply upload your image, or click one of the examples to load them, and select any morphological operator to run it! Read more at the links at the bottom.</p>"
47
  article = "<p style='text-align: center'><a href='https://kornia.readthedocs.io/en/latest/' target='_blank'>Kornia Docs</a> | <a href='https://github.com/kornia/kornia' target='_blank'>Kornia Github Repo</a> | <a href='https://kornia-tutorials.readthedocs.io/en/latest/morphology_101.html' target='_blank'>Kornia Morphological Operators Tutorial</a></p>"