Hash Challenge Implementation Reference Code

View Sage Implementations

Download sage code

Back to challenge

License

# Copyright 2019 StarkWare Industries Ltd.
#
# The Code below is licensed under the Apache License, Version 2.0 (the "License").
# You may not use this file except in compliance with the License.
# You may obtain a copy of the License at
#
# https://wordpress-434650-1361750.cloudwaysapps.com/open-source-license/
#
# Unless required by applicable law or agreed to in writing,
# software distributed under the License is distributed on an "AS IS" BASIS,
# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
# See the License for the specific language governing permissions
# and limitations under the License.

Common

# Prime fields.
F61 = GF(2**61 + 20 * 2**32 + 1)
F81 = GF(2**81 + 80 * 2**64 + 1)
F91 = GF(2**91 + 5 * 2**64 + 1)
F125 = GF(2**125 + 266 * 2**64 + 1)
F161 = GF(2**161 + 23 * 2**128 + 1)
F253 = GF(2**253 + 2**199 + 1)

# Binary fields.
X = GF(2)['X'].gen()
Bin63 = GF(2**63, name='a', modulus=X**63 + X + 1)
Bin81 = GF(2**81, name='a', modulus=X**81 + X**4 + 1)
Bin91 = GF(2**91, name='a', modulus=X**91 + X**8 + X**5 + X + 1)
Bin127 = GF(2**127, name='a', modulus=X**127 + X + 1)
Bin161 = GF(2**161, name='a', modulus=X**161 + X**18 + 1)
Bin255 = GF(2**255, name='a', modulus=X**255 + X**5 + X**3 + X**2 + 1)


def check_collision(hash_func, params, input1, input2):
    hash1 = hash_func(input1, params)
    hash2 = hash_func(input2, params)
    if params.field.characteristic() == 2:
        print 'hash1:', [bin(h.integer_representation()) for h in hash1]
        print 'hash2:', [bin(h.integer_representation()) for h in hash2]
    else:
        print 'hash1:', hash1
        print 'hash2:', hash2

    # Input length must be the same and the two inputs must be different for a
    # valid collision.
    print 'Preconditions?', input1 != input2 and len(input1) == len(input2)
    print 'Collision?', hash1 == hash2


def sponge(permutation_func, inputs, params):
    """
    Applies the sponge construction to permutation_func.
    inputs should be a vector of field elements whose size is divisible by
    params.r.
    permutation_func should be a function which gets (state, params) where state
    is a vector of params.m field elements, and returns a vector of params.m
    field elements.
    """
    assert parent(inputs) == VectorSpace(params.field, len(inputs)), \
        'inputs must be a vector of field elements. Found: %r' % parent(inputs)

    assert len(inputs) % params.r == 0, \
        'Number of field elements must be divisible by %s. Found: %s' % (
            params.r, len(inputs))

    state = vector([params.field(0)] * params.m)

    for i in xrange(0, len(inputs), params.r):
        state[:params.r] += inputs[i:i+params.r]
        state = permutation_func(state, params)

    # We do not support more than r output elements, since this requires
    # additional invocations of permutation_func.
    assert params.output_size <= params.r
    return state[:params.output_size]


def generate_round_constant(fn_name, field, idx):
    """
    Returns a field element based on the result of sha256.
    The input to sha256 is the concatenation of the name of the hash function
    and an index.
    For example, the first element for MiMC will be computed using the value
    of sha256('MiMC0').
    """
    from hashlib import sha256
    val = int(sha256('%s%d' % (fn_name, idx)).hexdigest(), 16)
    if field.is_prime_field():
        return field(val)
    else:
        return int2field(field, val % field.order())


def int2field(field, val):
    """
    Converts val to an element of a binary field according to the binary
    representation of val.
    For example, 11=0b1011 is converted to 1*a^3 + 0*a^2 + 1*a + 1.
    """
    assert field.characteristic() == 2
    assert 0 <= val < field.order(), \
        'Value %d out of range. Expected 0 <= val < %d.' % (val, field.order())
    res = field(map(int, bin(val)[2:][::-1]))
    assert res.integer_representation() == val
    return res


def binary_vector(field, values):
    """
    Converts a list of integers to field elements using int2field.
    """
    return vector(field, [int2field(field, val) for val in values])


def binary_matrix(field, values):
    """
    Converts a list of lists of integers to field elements using int2field.
    """
    return matrix(field, [[int2field(field, val) for val in row]
                          for row in values])


def generate_mds_matrix(name, field, m):
    """
    Generates an MDS matrix of size m x m over the given field, with no
    eigenvalues in the field.
    Given two disjoint sets of size m: {x_1, ..., x_m}, {y_1, ..., y_m} we set
    A_{ij} = 1 / (x_i - y_j).
    """

    for attempt in xrange(100):
        x_values = [generate_round_constant(name + 'x', field, attempt * m + i)
                    for i in xrange(m)]
        y_values = [generate_round_constant(name + 'y', field, attempt * m + i)
                    for i in xrange(m)]
        # Make sure the values are distinct.
        assert len(set(x_values + y_values)) == 2 * m, \
            'The values of x_values and y_values are not distinct'
        mds = matrix([[1 / (x_values[i] - y_values[j]) for j in xrange(m)]
                      for i in xrange(m)])

        # Sanity check: check the determinant of the matrix.
        x_prod = product(
            [x_values[i] - x_values[j] for i in xrange(m) for j in xrange(i)])
        y_prod = product(
            [y_values[i] - y_values[j] for i in xrange(m) for j in xrange(i)])
        xy_prod = product(
            [x_values[i] - y_values[j] for i in xrange(m) for j in xrange(m)])
        expected_det = (1 if m % 4 < 2 else -1) * x_prod * y_prod / xy_prod
        det = mds.determinant()
        assert det != 0
        assert det == expected_det, \
            'Expected determinant %s. Found %s' % (expected_det, det)

        if len(mds.characteristic_polynomial().roots()) == 0:
            # There are no eigenvalues in the field.
            return mds
    raise Exception('No good MDS found')

 

Marvellous – Vision & Rescue

load('common.sage')


class MarvellousParams(object):
    def __init__(self, field, r, c, num_rounds):
        self.field = field
        self.r = r
        self.c = c
        self.m = m = r + c
        self.output_size = c
        assert self.output_size <= r
        self.num_rounds = num_rounds
        self.MDS = generate_mds_matrix('MarvellousMDS', field, m)
        self.round_constants = [
            vector(generate_round_constant('MarvellousK', field, m * i + j)
                   for j in xrange(m))
            for i in xrange(2 * num_rounds + 1)]
        if field.is_prime_field():
            self.sbox1 = lambda x: x**3
            inv_3 = int(Zmod(field.order()-1)(1/3))
            self.sbox0 = lambda x: x**inv_3
        else:
            assert field.characteristic() == 2
            B0, B_linear = generate_affine_transformation(field)

            def B_affine(x): return B_linear(x) + B0
            a = field.gen()
            B_inv = matrix(
                [vector(B_linear(a**i)) for i in xrange(field.degree())]
            ).inverse()

            def B_affine_inv(x): return field(vector(x + B0) * B_inv)
            rand_elt = field.random_element()
            assert B_affine_inv(B_affine(rand_elt)) == rand_elt
            assert B_affine(B_affine_inv(rand_elt)) == rand_elt
            self.sbox1 = lambda x: B_affine(x**(field.order()-2))
            self.sbox0 = lambda x: B_affine_inv(x**(field.order()-2))


def generate_affine_transformation(field):
    """
    Returns a field element offset B0 and a polynomial of the form
      P(X) = B1 * X + B2 * X**2 + B3 * X**4
    which represents an invertible linear transformation (over GF(2)).
    """
    X = PolynomialRing(field, name='X').gen()
    for attempt in xrange(100):
        coefs = [generate_round_constant('MarvellousB', field, attempt * 4 + i)
                 for i in range(4)]
        # Check that all coefficients are not in any subfield.
        if any(coef.minimal_polynomial().degree() != field.degree()
               for coef in coefs):
            continue

        # Check that the linear transformation is invertible, by checking that
        # p(X)/X has no roots in the field.
        p_div_x = coefs[1] + coefs[2] * X + coefs[3] * X**3
        if len((p_div_x).roots()) > 0:
            continue

        return coefs[0], X * p_div_x
    raise Exception('Failed to find an affine transformation')


# Parameter sets.
Rescue_S45a = MarvellousParams(field=F91, r=2, c=1, num_rounds=10)
Vision_S45a = MarvellousParams(field=Bin91, r=2, c=1, num_rounds=10)
Rescue_S45b = MarvellousParams(field=F91, r=10, c=1, num_rounds=10)
Vision_S45b = MarvellousParams(field=Bin91, r=10, c=1, num_rounds=10)

Rescue_S80a = MarvellousParams(field=F81, r=2, c=2, num_rounds=10)
Vision_S80a = MarvellousParams(field=Bin81, r=2, c=2, num_rounds=10)
Rescue_S80b = MarvellousParams(field=F161, r=2, c=1, num_rounds=14)
Vision_S80b = MarvellousParams(field=Bin161, r=2, c=1, num_rounds=10)
Rescue_S80c = MarvellousParams(field=F161, r=10, c=1, num_rounds=10)
Vision_S80c = MarvellousParams(field=Bin161, r=10, c=1, num_rounds=10)

Rescue_S128a = MarvellousParams(field=F125, r=2, c=2, num_rounds=16)
Vision_S128a = MarvellousParams(field=Bin127, r=2, c=2, num_rounds=12)
Rescue_S128b = MarvellousParams(field=F253, r=2, c=1, num_rounds=22)
Vision_S128b = MarvellousParams(field=Bin255, r=2, c=1, num_rounds=16)
Rescue_S128c = MarvellousParams(field=F125, r=10, c=2, num_rounds=10)
Vision_S128c = MarvellousParams(field=Bin127, r=10, c=2, num_rounds=10)
Rescue_S128d = MarvellousParams(field=F61, r=8, c=4, num_rounds=10)
Vision_S128d = MarvellousParams(field=Bin63, r=8, c=4, num_rounds=10)
Rescue_S128e = MarvellousParams(field=F253, r=10, c=1, num_rounds=10)
Vision_S128e = MarvellousParams(field=Bin255, r=10, c=1, num_rounds=10)

Rescue_S256a = MarvellousParams(field=F125, r=4, c=4, num_rounds=16)
Vision_S256a = MarvellousParams(field=Bin127, r=4, c=4, num_rounds=12)
Rescue_S256b = MarvellousParams(field=F125, r=10, c=4, num_rounds=10)
Vision_S256b = MarvellousParams(field=Bin127, r=10, c=4, num_rounds=10)


# Evaluate the block cipher.
def block_cipher(state, params):
    """
    Evaluates the block cipher with key=0 in forward direction.
    """
    state += params.round_constants[0]
    for r in xrange(2 * params.num_rounds):
        sbox = params.sbox0 if r % 2 == 0 else params.sbox1
        for i in xrange(params.m):
            state[i] = sbox(state[i])

        state = params.MDS * state + params.round_constants[r + 1]

    return state


def marvellous_hash(inputs, params):
    return sponge(block_cipher, inputs, params)


# Example for checking a collision in Rescue between the inputs (1, 2) and
# (3, 4):
check_collision(
    hash_func=marvellous_hash,
    params=Rescue_S45a,
    input1=vector(Rescue_S45a.field, [1, 2]),
    input2=vector(Rescue_S45a.field, [3, 4]))

# Example for checking a collision in Vision between the inputs (1, 2) and
# (3, 4):
check_collision(
    hash_func=marvellous_hash,
    params=Vision_S45a,
    input1=binary_vector(Vision_S45a.field, [1, 2]),
    input2=binary_vector(Vision_S45a.field, [3, 4]))

 

Hades – Starkad & Poseidon

load('common.sage')


class HadesParams(object):
    def __init__(self, field, r, c, Rf, Rp):
        self.field = field
        self.r = r
        self.c = c
        self.m = m = r + c
        assert Rf % 2 == 0
        self.Rf = Rf
        self.Rp = Rp
        self.n_rounds = n_rounds = Rf + Rp
        self.output_size = c
        assert self.output_size <= r
        # A list of Rf+Rp vectors for the Add-Round Key phase.
        self.ark = [vector(generate_round_constant('Hades', field, m * i + j)
                           for j in xrange(m))
                    for i in xrange(n_rounds)]
        # The MDS matrix for the MixLayer phase.
        self.mds = generate_mds_matrix('HadesMDS', field, m)


# Parameter sets.
Poseidon_S45a = HadesParams(field=F91, r=2, c=1, Rf=8, Rp=26)
Starkad_S45a = HadesParams(field=Bin91, r=2, c=1, Rf=8, Rp=28)
Poseidon_S45b = HadesParams(field=F91, r=10, c=1, Rf=8, Rp=28)
Starkad_S45b = HadesParams(field=Bin91, r=10, c=1, Rf=8, Rp=31)

Poseidon_S80a = HadesParams(field=F81, r=2, c=2, Rf=8, Rp=51)
Starkad_S80a = HadesParams(field=Bin81, r=2, c=2, Rf=8, Rp=53)
Poseidon_S80b = HadesParams(field=F161, r=2, c=1, Rf=8, Rp=50)
Starkad_S80b = HadesParams(field=Bin161, r=2, c=1, Rf=8, Rp=52)
Poseidon_S80c = HadesParams(field=F161, r=10, c=1, Rf=8, Rp=52)
Starkad_S80c = HadesParams(field=Bin161, r=10, c=1, Rf=8, Rp=54)

Poseidon_S128a = HadesParams(field=F125, r=2, c=2, Rf=8, Rp=81)
Starkad_S128a = HadesParams(field=Bin127, r=2, c=2, Rf=8, Rp=85)
Poseidon_S128b = HadesParams(field=F253, r=2, c=1, Rf=8, Rp=83)
Starkad_S128b = HadesParams(field=Bin255, r=2, c=1, Rf=8, Rp=85)
Poseidon_S128c = HadesParams(field=F125, r=10, c=2, Rf=8, Rp=83)
Starkad_S128c = HadesParams(field=Bin127, r=10, c=2, Rf=8, Rp=86)
Poseidon_S128d = HadesParams(field=F61, r=8, c=4, Rf=8, Rp=40)
Starkad_S128d = HadesParams(field=Bin63, r=8, c=4, Rf=8, Rp=43)
Poseidon_S128e = HadesParams(field=F253, r=10, c=1, Rf=8, Rp=85)
Starkad_S128e = HadesParams(field=Bin255, r=10, c=1, Rf=8, Rp=88)

Poseidon_S256a = HadesParams(field=F125, r=4, c=4, Rf=8, Rp=82)
Starkad_S256a = HadesParams(field=Bin127, r=4, c=4, Rf=8, Rp=86)
Poseidon_S256b = HadesParams(field=F125, r=10, c=4, Rf=8, Rp=83)
Starkad_S256b = HadesParams(field=Bin127, r=10, c=4, Rf=8, Rp=86)


def hades_permutation(values, params):
    assert len(values) == params.m

    round_idx = 0
    # Apply Rf/2 full rounds.
    for i in xrange(params.Rf // 2):
        values = hades_round(values, params, True, round_idx)
        round_idx += 1

    # Apply Rp partial rounds.
    for i in xrange(params.Rp):
        values = hades_round(values, params, False, round_idx)
        round_idx += 1

    # Apply Rf/2 full rounds.
    for i in xrange(params.Rf // 2):
        values = hades_round(values, params, True, round_idx)
        round_idx += 1

    assert round_idx == params.n_rounds

    return values


def hades_round(values, params, is_full_round, round_idx):
    # Add-Round Key
    values += params.ark[round_idx]
    # SubWords
    if is_full_round:
        for i in xrange(len(values)):
            values[i] = values[i] ** 3
    else:
        values[-1] = values[-1] ** 3
    # MixLayer
    values = params.mds * values
    return values


def hades_hash(inputs, params):
    return sponge(hades_permutation, inputs, params)


# Example for checking a collision in Poseidon between the inputs (1, 2) and
# (3, 4):
check_collision(
    hash_func=hades_hash,
    params=Poseidon_S45a,
    input1=vector(Poseidon_S45a.field, [1, 2]),
    input2=vector(Poseidon_S45a.field, [3, 4]))

# Example for checking a collision in Starkad between the inputs (1, 2) and
# (3, 4):
check_collision(
    hash_func=hades_hash,
    params=Starkad_S45a,
    input1=binary_vector(Starkad_S45a.field, [1, 2]),
    input2=binary_vector(Starkad_S45a.field, [3, 4]))

 

GMiMCerf

load('common.sage')


class GMiMCParams(object):
    def __init__(self, field, r, c, num_rounds):
        self.field = field
        self.r = r
        self.c = c
        self.m = r + c
        self.round_constants = [generate_round_constant('GMiMC_erf', field, i)
                                for i in xrange(num_rounds)]

        self.output_size = c
        assert self.output_size <= r


# Parameter sets.
S45a = GMiMCParams(field=F91, r=2, c=1, num_rounds=121)
S45b = GMiMCParams(field=F91, r=10, c=1, num_rounds=137)

S80a = GMiMCParams(field=F81, r=2, c=2, num_rounds=111)
S80b = GMiMCParams(field=F161, r=2, c=1, num_rounds=210)
S80c = GMiMCParams(field=F161, r=10, c=1, num_rounds=226)

S128a = GMiMCParams(field=F125, r=2, c=2, num_rounds=166)
S128b = GMiMCParams(field=F253, r=2, c=1, num_rounds=326)
S128c = GMiMCParams(field=F125, r=10, c=2, num_rounds=182)
S128d = GMiMCParams(field=F61, r=8, c=4, num_rounds=101)
S128e = GMiMCParams(field=F253, r=10, c=1, num_rounds=342)

S256a = GMiMCParams(field=F125, r=4, c=4, num_rounds=174)
S256b = GMiMCParams(field=F125, r=10, c=4, num_rounds=186)


def erf_feistel_permutation(x, params):
    for c_i in params.round_constants:
        mask = (x[0] + c_i) ** 3
        x = [x_j + mask for x_j in x[1:]] + [x[0]]
    return vector(params.field, x)


def GMiMC_erf(inputs, params):
    return sponge(erf_feistel_permutation, inputs, params)


# Example for checking a collision between the inputs [1, 2] and [3, 4]:
check_collision(
    hash_func=GMiMC_erf,
    params=S45a,
    input1=vector(S45a.field, [1, 2]),
    input2=vector(S45a.field, [3, 4]))

 

MiMCHash

load('common.sage')


class MiMCParams(object):
    def __init__(self, field, n_rounds):
        self.field = field
        self.r = 1
        self.c = 1
        self.m = 2
        self.output_size = 1
        self.round_constants = [field(0)] + \
            [generate_round_constant('MiMC', field, i)
             for i in xrange(n_rounds - 2)] + [field(0)]


# Parameter sets.
S45 = MiMCParams(field=F91, n_rounds=116)
S80 = MiMCParams(field=F161, n_rounds=204)
S128 = MiMCParams(field=F253, n_rounds=320)


def feistel_permutation(inputs, params):
    x_left, x_right = inputs
    for c_i in params.round_constants:
        x_left, x_right = x_right + (x_left + c_i) ** 3, x_left
    return vector([x_left, x_right])


def MiMC(inputs, params):
    return sponge(feistel_permutation, inputs, params)


# Example for checking a collision between the inputs (1, 2) and (3, 4):
check_collision(
    hash_func=MiMC,
    params=S45,
    input1=vector(S45.field, [1, 2]),
    input2=vector(S45.field, [3, 4]))

 

Contact us