Source code for bob.bio.vein.algorithm.MiuraMatch

#!/usr/bin/env python
# vim: set fileencoding=utf-8 :

import numpy
import scipy.signal

from bob.bio.base.pipelines.vanilla_biometrics import BioAlgorithm


class MiuraMatch(BioAlgorithm):
    """Finger vein matching: match ratio via cross-correlation

   The method is based on "cross-correlation" between a model and a probe image.
   It convolves the binary image(s) representing the model with the binary image
   representing the probe (rotated by 180 degrees), and evaluates how they
   cross-correlate. If the model and probe are very similar, the output of the
   correlation corresponds to a single scalar and approaches a maximum. The
   value is then normalized by the sum of the pixels lit in both binary images.
   Therefore, the output of this method is a floating-point number in the range
   :math:`[0, 0.5]`. The higher, the better match.

   In case model and probe represent images from the same vein structure, but
   are misaligned, the output is not guaranteed to be accurate. To mitigate this
   aspect, Miura et al. proposed to add a *small* cropping factor to the model
   image, assuming not much information is available on the borders (``ch``, for
   the vertical direction and ``cw``, for the horizontal direction). This allows
   the convolution to yield searches for different areas in the probe image. The
   maximum value is then taken from the resulting operation. The convolution
   result is normalized by the pixels lit in both the cropped model image and
   the matching pixels on the probe that yield the maximum on the resulting
   convolution.

   For this to work properly, input images are supposed to be binary in nature,
   with zeros and ones.

   Based on [MNM04]_ and [MNM05]_
   
   Parameters:

     ch (:py:class:`int`, optional): Maximum search displacement in y-direction.

     cw (:py:class:`int`, optional): Maximum search displacement in x-direction.

   """

    def __init__(
        self,
        ch=80,  # Maximum search displacement in y-direction
        cw=90,  # Maximum search displacement in x-direction
    ):

        # call base class constructor
        BioAlgorithm.__init__(
            self,
            ch=ch,
            cw=cw,
            # multiple_model_scoring = None,
            # multiple_probe_scoring = None
        )

        self.ch = ch
        self.cw = cw

[docs] def enroll(self, enroll_features): """Enrolls the model by computing an average graph for each model""" # return the generated model return numpy.array(enroll_features)
[docs] def score(self, model, probe): """Computes the score between the probe and the model. Parameters: model (numpy.ndarray): The model of the user to test the probe agains probe (numpy.ndarray): The probe to test Returns: float: Value between 0 and 0.5, larger value means a better match """ I = probe.astype(numpy.float64) if len(model.shape) == 2: model = numpy.array([model]) scores = [] # iterate over all models for a given individual for md in model: # erode model by (ch, cw) R = md.astype(numpy.float64) h, w = R.shape # same as I crop_R = R[self.ch : h - self.ch, self.cw : w - self.cw] # correlates using scipy - fastest option available iff the self.ch and # self.cw are height (>30). In this case, the number of components # returned by the convolution is high and using an FFT-based method # yields best results. Otherwise, you may try the other options bellow # -> check our test_correlation() method on the test units for more # details and benchmarks. Nm = scipy.signal.fftconvolve(I, numpy.rot90(crop_R, k=2), "valid") # 2nd best: use convolve2d or correlate2d directly; # Nm = scipy.signal.convolve2d(I, numpy.rot90(crop_R, k=2), 'valid') # 3rd best: use correlate2d # Nm = scipy.signal.correlate2d(I, crop_R, 'valid') # figures out where the maximum is on the resulting matrix t0, s0 = numpy.unravel_index(Nm.argmax(), Nm.shape) # this is our output Nmm = Nm[t0, s0] # normalizes the output by the number of pixels lit on the input # matrices, taking into consideration the surface that produced the # result (i.e., the eroded model and part of the probe) scores.append( Nmm / ( crop_R.sum() + I[t0 : t0 + h - 2 * self.ch, s0 : s0 + w - 2 * self.cw].sum() ) ) return numpy.mean(scores)
[docs] def score_multiple_biometric_references(self, biometric_references, data): if isinstance(biometric_references, list): return [self.score(model, data) for model in biometric_references] else: raise ValueError( "The model does not have the desired format (list, array, ...)" )