Skip to content
Snippets Groups Projects
Commit 81e443ea authored by Tiago de Freitas Pereira's avatar Tiago de Freitas Pereira
Browse files

Merge branch 'merge-bob.bio' into 'master'

Merge bob.bio

See merge request !44
parents f2f7c8b9 4db026ab
Branches
Tags
1 merge request!44Merge bob.bio
Pipeline #46484 skipped
Showing
with 17 additions and 17 deletions
...@@ -11,7 +11,7 @@ class FaceCropper(): ...@@ -11,7 +11,7 @@ class FaceCropper():
""" """
def __init__(self, cropped_height, cropped_width, color_channel='rgb'): def __init__(self, cropped_height, cropped_width, color_channel='rgb'):
# the face cropper # the face cropper
from bob.bio.face.preprocessor import FaceCrop from bob.bio.face_legacy.preprocessor import FaceCrop
cropped_image_size = (cropped_height, cropped_width) cropped_image_size = (cropped_height, cropped_width)
right_eye_pos = (cropped_height // 5, cropped_width // 4 -1) right_eye_pos = (cropped_height // 5, cropped_width // 4 -1)
left_eye_pos = (cropped_height // 5, cropped_width // 4 * 3) left_eye_pos = (cropped_height // 5, cropped_width // 4 * 3)
......
import numpy import numpy
from bob.bio.base.extractor import Extractor from bob.bio.base_legacy.extractor import Extractor
class DummyExtractor(Extractor): class DummyExtractor(Extractor):
""" The Dummy class for passing the extracted embedding. """ The Dummy class for passing the extracted embedding.
......
...@@ -5,7 +5,7 @@ from torch.autograd import Variable ...@@ -5,7 +5,7 @@ from torch.autograd import Variable
import torchvision.transforms as transforms import torchvision.transforms as transforms
from bob.learn.pytorch.architectures import DeepPixBiS from bob.learn.pytorch.architectures import DeepPixBiS
from bob.bio.base.extractor import Extractor from bob.bio.base_legacy.extractor import Extractor
import logging import logging
logger = logging.getLogger("bob.learn.pytorch") logger = logging.getLogger("bob.learn.pytorch")
......
...@@ -5,7 +5,7 @@ from torch.autograd import Variable ...@@ -5,7 +5,7 @@ from torch.autograd import Variable
import torchvision.transforms as transforms import torchvision.transforms as transforms
from bob.learn.pytorch.architectures import FASNet from bob.learn.pytorch.architectures import FASNet
from bob.bio.base.extractor import Extractor from bob.bio.base_legacy.extractor import Extractor
import logging import logging
logger = logging.getLogger("bob.learn.pytorch") logger = logging.getLogger("bob.learn.pytorch")
......
...@@ -6,7 +6,7 @@ from torch.autograd import Variable ...@@ -6,7 +6,7 @@ from torch.autograd import Variable
import torchvision.transforms as transforms import torchvision.transforms as transforms
from bob.learn.pytorch.architectures import LightCNN29 from bob.learn.pytorch.architectures import LightCNN29
from bob.bio.base.extractor import Extractor from bob.bio.base_legacy.extractor import Extractor
class LightCNN29Extractor(Extractor): class LightCNN29Extractor(Extractor):
""" The class implementing the feature extraction of LightCNN29 embeddings. """ The class implementing the feature extraction of LightCNN29 embeddings.
......
...@@ -6,7 +6,7 @@ from torch.autograd import Variable ...@@ -6,7 +6,7 @@ from torch.autograd import Variable
import torchvision.transforms as transforms import torchvision.transforms as transforms
from bob.learn.pytorch.architectures import LightCNN29v2 from bob.learn.pytorch.architectures import LightCNN29v2
from bob.bio.base.extractor import Extractor from bob.bio.base_legacy.extractor import Extractor
class LightCNN29v2Extractor(Extractor): class LightCNN29v2Extractor(Extractor):
""" The class implementing the feature extraction of LightCNN29v2 embeddings. """ The class implementing the feature extraction of LightCNN29v2 embeddings.
......
...@@ -6,7 +6,7 @@ from torch.autograd import Variable ...@@ -6,7 +6,7 @@ from torch.autograd import Variable
import torchvision.transforms as transforms import torchvision.transforms as transforms
from bob.learn.pytorch.architectures import LightCNN9 from bob.learn.pytorch.architectures import LightCNN9
from bob.bio.base.extractor import Extractor from bob.bio.base_legacy.extractor import Extractor
class LightCNN9Extractor(Extractor): class LightCNN9Extractor(Extractor):
""" The class implementing the feature extraction of LightCNN9 embeddings. """ The class implementing the feature extraction of LightCNN9 embeddings.
......
...@@ -5,7 +5,7 @@ from torch.autograd import Variable ...@@ -5,7 +5,7 @@ from torch.autograd import Variable
import torchvision.transforms as transforms import torchvision.transforms as transforms
from bob.learn.pytorch.architectures import MCCNN from bob.learn.pytorch.architectures import MCCNN
from bob.bio.base.extractor import Extractor from bob.bio.base_legacy.extractor import Extractor
import logging import logging
logger = logging.getLogger("bob.learn.pytorch") logger = logging.getLogger("bob.learn.pytorch")
......
...@@ -5,7 +5,7 @@ from torch.autograd import Variable ...@@ -5,7 +5,7 @@ from torch.autograd import Variable
import torchvision.transforms as transforms import torchvision.transforms as transforms
from bob.learn.pytorch.architectures import MCCNNv2 from bob.learn.pytorch.architectures import MCCNNv2
from bob.bio.base.extractor import Extractor from bob.bio.base_legacy.extractor import Extractor
import logging import logging
logger = logging.getLogger("bob.learn.pytorch") logger = logging.getLogger("bob.learn.pytorch")
......
...@@ -5,7 +5,7 @@ from torch.autograd import Variable ...@@ -5,7 +5,7 @@ from torch.autograd import Variable
import torchvision.transforms as transforms import torchvision.transforms as transforms
from bob.learn.pytorch.architectures import MCDeepPixBiS from bob.learn.pytorch.architectures import MCDeepPixBiS
from bob.bio.base.extractor import Extractor from bob.bio.base_legacy.extractor import Extractor
import logging import logging
logger = logging.getLogger("bob.learn.pytorch") logger = logging.getLogger("bob.learn.pytorch")
......
...@@ -4,7 +4,7 @@ from torch.autograd import Variable ...@@ -4,7 +4,7 @@ from torch.autograd import Variable
import torchvision.transforms as transforms import torchvision.transforms as transforms
from bob.learn.pytorch.architectures.DltResNet import dltresnet34 as drn_arc from bob.learn.pytorch.architectures.DltResNet import dltresnet34 as drn_arc
from bob.learn.pytorch.architectures.ResNet import resnet34 as resnet_arc from bob.learn.pytorch.architectures.ResNet import resnet34 as resnet_arc
from bob.bio.base.preprocessor import Preprocessor from bob.bio.base_legacy.preprocessor import Preprocessor
import bob.io.base import bob.io.base
import torch.backends.cudnn as cudnn import torch.backends.cudnn as cudnn
import pickle import pickle
......
...@@ -31,7 +31,7 @@ requirements: ...@@ -31,7 +31,7 @@ requirements:
- bob.extension - bob.extension
- bob.core - bob.core
- bob.io.base - bob.io.base
- bob.bio.base - bob.pad.base
- bob.io.image - bob.io.image
- bob.ap - bob.ap
- numpy {{ numpy }} - numpy {{ numpy }}
......
...@@ -6,14 +6,14 @@ This subpackage is part of ``bob.learn.pytorch`` package to extract features fr ...@@ -6,14 +6,14 @@ This subpackage is part of ``bob.learn.pytorch`` package to extract features fr
trained with pytorch_. trained with pytorch_.
For this purpose, you can specify your feature extractor in configuration For this purpose, you can specify your feature extractor in configuration
file to be used together with the ``verifiy.py`` script from :ref:`bob.bio.base <bob.bio.base>`. file to be used together with the ``verifiy.py`` script from `bob.bio.base_legacy <bob.bio.base_legacy>`.
DltResNet Model DltResNet Model
--------------- ---------------
:ref:`bob.bio.base <bob.bio.base>` wrapper DltResNet model. `bob.bio.base_legacy <bob.bio.base_legacy>` wrapper DltResNet model.
.. note:: .. note::
...@@ -29,7 +29,7 @@ ResNet Model ...@@ -29,7 +29,7 @@ ResNet Model
------------ ------------
:ref:`bob.bio.base <bob.bio.base>` wrapper ResNet model. `bob.bio.base_legacy <bob.bio.base_legacy>` wrapper ResNet model.
.. note:: .. note::
...@@ -63,7 +63,7 @@ network (before loading it). ``_model``, ``_num_classes`` and ``_use_res`` are o ...@@ -63,7 +63,7 @@ network (before loading it). ``_model``, ``_num_classes`` and ``_use_res`` are o
.. code:: python .. code:: python
from bob.bio.base.extractor import CallableExtractor from bob.bio.base_legacy.extractor import CallableExtractor
extractor = CallableExtractor(lambda x: x) extractor = CallableExtractor(lambda x: x)
extracted_directory = "preprocessed" extracted_directory = "preprocessed"
......
0% Loading or .
You are about to add 0 people to the discussion. Proceed with caution.
Please register or to comment