mirror of
https://github.com/arnaucube/fhe-study.git
synced 2026-01-24 04:33:52 +01:00
gfhe: get rid of constant generics
This commit is contained in:
@@ -6,14 +6,14 @@
|
||||
|
||||
pub mod complex;
|
||||
pub mod matrix;
|
||||
// pub mod torus;
|
||||
pub mod torus;
|
||||
pub mod zq;
|
||||
|
||||
pub mod ring;
|
||||
pub mod ring_n;
|
||||
pub mod ring_nq;
|
||||
// pub mod ring_torus;
|
||||
// pub mod tuple_ring;
|
||||
pub mod ring_torus;
|
||||
pub mod tuple_ring;
|
||||
|
||||
// mod naive_ntt; // note: for dev only
|
||||
pub mod ntt;
|
||||
@@ -22,13 +22,13 @@ pub mod ntt;
|
||||
|
||||
pub use complex::C;
|
||||
pub use matrix::Matrix;
|
||||
// pub use torus::T64;
|
||||
pub use torus::T64;
|
||||
pub use zq::Zq;
|
||||
|
||||
pub use ring::{Ring, RingParam};
|
||||
pub use ring_n::R;
|
||||
pub use ring_nq::Rq;
|
||||
// pub use ring_torus::Tn;
|
||||
// pub use tuple_ring::TR;
|
||||
pub use ring_torus::Tn;
|
||||
pub use tuple_ring::TR;
|
||||
|
||||
pub use ntt::NTT;
|
||||
|
||||
@@ -241,4 +241,27 @@ mod tests {
|
||||
}
|
||||
Ok(())
|
||||
}
|
||||
|
||||
// #[test]
|
||||
// fn test_ntt_loop_2() -> Result<()> {
|
||||
// // let q: u64 = 2u64.pow(16) + 1;
|
||||
// // let n: usize = 512;
|
||||
// let q: u64 = 35184371138561;
|
||||
// let n: usize = 1 << 14;
|
||||
// let param = RingParam { q, n };
|
||||
//
|
||||
// use rand::distributions::Uniform;
|
||||
// let mut rng = rand::thread_rng();
|
||||
// let dist = Uniform::new(0_f64, q as f64);
|
||||
//
|
||||
// let a: Rq = Rq::rand(&mut rng, dist, ¶m);
|
||||
// let start = std::time::Instant::now();
|
||||
// for _ in 0..10_000 {
|
||||
// let a_ntt = NTT::ntt(&a);
|
||||
// let a_intt = NTT::intt(&a_ntt);
|
||||
// assert_eq!(a, a_intt);
|
||||
// }
|
||||
// dbg!(start.elapsed());
|
||||
// Ok(())
|
||||
// }
|
||||
}
|
||||
|
||||
@@ -13,51 +13,62 @@ use std::array;
|
||||
use std::iter::Sum;
|
||||
use std::ops::{Add, AddAssign, Mul, Neg, Sub, SubAssign};
|
||||
|
||||
use crate::{ring::Ring, torus::T64, Rq, Zq};
|
||||
use crate::{
|
||||
ring::{Ring, RingParam},
|
||||
torus::T64,
|
||||
Rq, Zq,
|
||||
};
|
||||
|
||||
/// 𝕋_<N,Q>[X] = 𝕋<Q>[X]/(X^N +1), polynomials modulo X^N+1 with coefficients in
|
||||
/// 𝕋, where Q=2^64.
|
||||
#[derive(Clone, Debug)]
|
||||
pub struct Tn {
|
||||
pub n: usize,
|
||||
// pub n: usize,
|
||||
pub param: RingParam,
|
||||
pub coeffs: Vec<T64>,
|
||||
}
|
||||
|
||||
impl Ring for Tn {
|
||||
type C = T64;
|
||||
type Param = usize; // n
|
||||
// type Param = usize; // n
|
||||
|
||||
// const Q: u64 = u64::MAX; // WIP
|
||||
// const N: usize = N;
|
||||
|
||||
fn param(&self) -> Self::Param {
|
||||
self.n
|
||||
fn param(&self) -> RingParam {
|
||||
RingParam {
|
||||
q: u64::MAX,
|
||||
n: self.param.n,
|
||||
}
|
||||
}
|
||||
fn coeffs(&self) -> Vec<T64> {
|
||||
self.coeffs.to_vec()
|
||||
}
|
||||
|
||||
fn zero(n: usize) -> Self {
|
||||
fn zero(param: &RingParam) -> Self {
|
||||
Self {
|
||||
n,
|
||||
coeffs: vec![T64::zero(()); n],
|
||||
param: *param,
|
||||
coeffs: vec![T64::zero(param); param.n],
|
||||
}
|
||||
}
|
||||
|
||||
fn rand(mut rng: impl Rng, dist: impl Distribution<f64>, n: usize) -> Self {
|
||||
fn rand(mut rng: impl Rng, dist: impl Distribution<f64>, param: &RingParam) -> Self {
|
||||
Self {
|
||||
n,
|
||||
coeffs: std::iter::repeat_with(|| T64::rand(&mut rng, &dist, ()))
|
||||
.take(n)
|
||||
param: *param,
|
||||
coeffs: std::iter::repeat_with(|| T64::rand(&mut rng, &dist, ¶m))
|
||||
.take(param.n)
|
||||
.collect(),
|
||||
}
|
||||
// Self(array::from_fn(|_| T64::rand(&mut rng, &dist)))
|
||||
}
|
||||
|
||||
fn from_vec(n: usize, coeffs: Vec<Self::C>) -> Self {
|
||||
fn from_vec(param: &RingParam, coeffs: Vec<Self::C>) -> Self {
|
||||
let mut p = coeffs;
|
||||
modulus(n, &mut p);
|
||||
Self { n, coeffs: p }
|
||||
modulus(param, &mut p);
|
||||
Self {
|
||||
param: *param,
|
||||
coeffs: p,
|
||||
}
|
||||
}
|
||||
|
||||
fn decompose(&self, beta: u32, l: u32) -> Vec<Self> {
|
||||
@@ -68,7 +79,7 @@ impl Ring for Tn {
|
||||
.collect();
|
||||
// convert it to Tn
|
||||
r.iter()
|
||||
.map(|a_i| Self::from_vec(self.n, a_i.clone()))
|
||||
.map(|a_i| Self::from_vec(&self.param, a_i.clone()))
|
||||
.collect()
|
||||
}
|
||||
|
||||
@@ -87,8 +98,10 @@ impl Ring for Tn {
|
||||
.map(|c_i| Zq::from_u64(p, c_i.mod_switch(p).0))
|
||||
.collect();
|
||||
Rq {
|
||||
q: p,
|
||||
n: self.n,
|
||||
param: RingParam {
|
||||
q: p,
|
||||
n: self.param.n,
|
||||
},
|
||||
coeffs,
|
||||
evals: None,
|
||||
}
|
||||
@@ -103,14 +116,14 @@ impl Ring for Tn {
|
||||
.iter()
|
||||
.map(|e| T64(((num as f64 * e.0 as f64) / den as f64).round() as u64))
|
||||
.collect();
|
||||
Self::from_vec(self.n, r)
|
||||
Self::from_vec(&self.param, r)
|
||||
}
|
||||
}
|
||||
|
||||
impl Tn {
|
||||
// multiply self by X^-h
|
||||
pub fn left_rotate(&self, h: usize) -> Self {
|
||||
let n = self.n;
|
||||
let n = self.param.n;
|
||||
|
||||
let h = h % n;
|
||||
assert!(h < n);
|
||||
@@ -122,23 +135,24 @@ impl Tn {
|
||||
.copied()
|
||||
.chain(c[0..h].iter().map(|&x| -x))
|
||||
.collect();
|
||||
Self::from_vec(self.n, r)
|
||||
Self::from_vec(&self.param, r)
|
||||
}
|
||||
|
||||
pub fn from_vec_u64(n: usize, v: Vec<u64>) -> Self {
|
||||
pub fn from_vec_u64(param: &RingParam, v: Vec<u64>) -> Self {
|
||||
let coeffs = v.iter().map(|c| T64(*c)).collect();
|
||||
Self::from_vec(n, coeffs)
|
||||
Self::from_vec(param, coeffs)
|
||||
}
|
||||
}
|
||||
|
||||
// apply mod (X^N+1)
|
||||
pub fn modulus(n: usize, p: &mut Vec<T64>) {
|
||||
pub fn modulus(param: &RingParam, p: &mut Vec<T64>) {
|
||||
let n = param.n;
|
||||
if p.len() < n {
|
||||
return;
|
||||
}
|
||||
for i in n..p.len() {
|
||||
p[i - n] = p[i - n].clone() - p[i].clone();
|
||||
p[i] = T64::zero(());
|
||||
p[i] = T64::zero(param);
|
||||
}
|
||||
p.truncate(n);
|
||||
}
|
||||
@@ -148,9 +162,9 @@ impl Add<Tn> for Tn {
|
||||
|
||||
fn add(self, rhs: Self) -> Self {
|
||||
// Self(array::from_fn(|i| self.0[i] + rhs.0[i]))
|
||||
assert_eq!(self.n, rhs.n);
|
||||
assert_eq!(self.param, rhs.param);
|
||||
Self {
|
||||
n: self.n,
|
||||
param: self.param,
|
||||
coeffs: zip_eq(self.coeffs, rhs.coeffs)
|
||||
.map(|(l, r)| l + r)
|
||||
.collect(),
|
||||
@@ -162,9 +176,9 @@ impl Add<&Tn> for &Tn {
|
||||
|
||||
fn add(self, rhs: &Tn) -> Self::Output {
|
||||
// Tn(array::from_fn(|i| self.0[i] + rhs.0[i]))
|
||||
assert_eq!(self.n, rhs.n);
|
||||
assert_eq!(self.param, rhs.param);
|
||||
Tn {
|
||||
n: self.n,
|
||||
param: self.param,
|
||||
coeffs: zip_eq(self.coeffs.clone(), rhs.coeffs.clone())
|
||||
.map(|(l, r)| l + r)
|
||||
.collect(),
|
||||
@@ -173,15 +187,15 @@ impl Add<&Tn> for &Tn {
|
||||
}
|
||||
impl AddAssign for Tn {
|
||||
fn add_assign(&mut self, rhs: Self) {
|
||||
assert_eq!(self.n, rhs.n);
|
||||
for i in 0..self.n {
|
||||
assert_eq!(self.param, rhs.param);
|
||||
for i in 0..self.param.n {
|
||||
self.coeffs[i] += rhs.coeffs[i];
|
||||
}
|
||||
}
|
||||
}
|
||||
|
||||
impl Sum<Tn> for Tn {
|
||||
fn sum<I>(iter: I) -> Self
|
||||
fn sum<I>(mut iter: I) -> Self
|
||||
where
|
||||
I: Iterator<Item = Self>,
|
||||
{
|
||||
@@ -190,7 +204,7 @@ impl Sum<Tn> for Tn {
|
||||
// acc += e;
|
||||
// }
|
||||
// acc
|
||||
let first = *iter.next().unwrap().borrow();
|
||||
let first = iter.next().unwrap();
|
||||
iter.fold(first, |acc, x| acc + x)
|
||||
}
|
||||
}
|
||||
@@ -199,9 +213,9 @@ impl Sub<Tn> for Tn {
|
||||
type Output = Self;
|
||||
|
||||
fn sub(self, rhs: Self) -> Self {
|
||||
assert_eq!(self.n, rhs.n);
|
||||
assert_eq!(self.param, rhs.param);
|
||||
Self {
|
||||
n: self.n,
|
||||
param: self.param,
|
||||
coeffs: zip_eq(self.coeffs, rhs.coeffs)
|
||||
.map(|(l, r)| l - r)
|
||||
.collect(),
|
||||
@@ -213,9 +227,9 @@ impl Sub<&Tn> for &Tn {
|
||||
|
||||
fn sub(self, rhs: &Tn) -> Self::Output {
|
||||
// Tn(array::from_fn(|i| self.0[i] - rhs.0[i]))
|
||||
assert_eq!(self.n, rhs.n);
|
||||
assert_eq!(self.param, rhs.param);
|
||||
Tn {
|
||||
n: self.n,
|
||||
param: self.param,
|
||||
coeffs: zip_eq(self.coeffs.clone(), rhs.coeffs.clone())
|
||||
.map(|(l, r)| l - r)
|
||||
.collect(),
|
||||
@@ -228,8 +242,8 @@ impl SubAssign for Tn {
|
||||
// for i in 0..N {
|
||||
// self.0[i] -= rhs.0[i];
|
||||
// }
|
||||
assert_eq!(self.n, rhs.n);
|
||||
for i in 0..self.n {
|
||||
assert_eq!(self.param, rhs.param);
|
||||
for i in 0..self.param.n {
|
||||
self.coeffs[i] -= rhs.coeffs[i];
|
||||
}
|
||||
}
|
||||
@@ -241,7 +255,7 @@ impl Neg for Tn {
|
||||
fn neg(self) -> Self::Output {
|
||||
// Tn(array::from_fn(|i| -self.0[i]))
|
||||
Self {
|
||||
n: self.n,
|
||||
param: self.param,
|
||||
coeffs: self.coeffs.iter().map(|c_i| -*c_i).collect(),
|
||||
}
|
||||
}
|
||||
@@ -249,7 +263,7 @@ impl Neg for Tn {
|
||||
|
||||
impl PartialEq for Tn {
|
||||
fn eq(&self, other: &Self) -> bool {
|
||||
self.coeffs == other.coeffs && self.n == other.n
|
||||
self.coeffs == other.coeffs && self.param == other.param
|
||||
}
|
||||
}
|
||||
|
||||
@@ -269,8 +283,9 @@ impl Mul<&Tn> for &Tn {
|
||||
}
|
||||
|
||||
fn naive_poly_mul(poly1: &Tn, poly2: &Tn) -> Tn {
|
||||
assert_eq!(poly1.n, poly2.n);
|
||||
let n = poly1.n;
|
||||
assert_eq!(poly1.param, poly2.param);
|
||||
let n = poly1.param.n;
|
||||
let param = poly1.param;
|
||||
|
||||
let poly1: Vec<u128> = poly1.coeffs.iter().map(|c| c.0 as u128).collect();
|
||||
let poly2: Vec<u128> = poly2.coeffs.iter().map(|c| c.0 as u128).collect();
|
||||
@@ -285,7 +300,7 @@ fn naive_poly_mul(poly1: &Tn, poly2: &Tn) -> Tn {
|
||||
modulus_u128(n, &mut result);
|
||||
|
||||
Tn {
|
||||
n,
|
||||
param,
|
||||
// coeffs: array::from_fn(|i| T64(result[i] as u64)),
|
||||
coeffs: result.iter().map(|r_i| T64(*r_i as u64)).collect(),
|
||||
}
|
||||
@@ -306,7 +321,7 @@ impl Mul<T64> for Tn {
|
||||
type Output = Self;
|
||||
fn mul(self, s: T64) -> Self {
|
||||
Self {
|
||||
n: self.n,
|
||||
param: self.param,
|
||||
// coeffs: array::from_fn(|i| self.coeffs[i] * s),
|
||||
coeffs: self.coeffs.iter().map(|c_i| *c_i * s).collect(),
|
||||
}
|
||||
@@ -318,7 +333,7 @@ impl Mul<u64> for Tn {
|
||||
fn mul(self, s: u64) -> Self {
|
||||
// Self(array::from_fn(|i| self.0[i] * s))
|
||||
Tn {
|
||||
n: self.n,
|
||||
param: self.param,
|
||||
coeffs: self.coeffs.iter().map(|c_i| *c_i * s).collect(),
|
||||
}
|
||||
}
|
||||
@@ -327,8 +342,8 @@ impl Mul<&u64> for &Tn {
|
||||
type Output = Tn;
|
||||
fn mul(self, s: &u64) -> Self::Output {
|
||||
// Tn::<N>(array::from_fn(|i| self.0[i] * *s))
|
||||
Self {
|
||||
n: self.n,
|
||||
Tn {
|
||||
param: self.param,
|
||||
coeffs: self.coeffs.iter().map(|c_i| c_i * s).collect(),
|
||||
}
|
||||
}
|
||||
@@ -340,9 +355,9 @@ mod tests {
|
||||
|
||||
#[test]
|
||||
fn test_left_rotate() {
|
||||
let n: usize = 4;
|
||||
let param = RingParam { q: u64::MAX, n: 4 };
|
||||
let f = Tn::from_vec(
|
||||
n,
|
||||
¶m,
|
||||
vec![2i64, 3, -4, -1]
|
||||
.iter()
|
||||
.map(|c| T64(*c as u64))
|
||||
@@ -353,7 +368,7 @@ mod tests {
|
||||
assert_eq!(
|
||||
f.left_rotate(3),
|
||||
Tn::from_vec(
|
||||
n,
|
||||
¶m,
|
||||
vec![-1i64, -2, -3, 4]
|
||||
.iter()
|
||||
.map(|c| T64(*c as u64))
|
||||
@@ -364,7 +379,7 @@ mod tests {
|
||||
assert_eq!(
|
||||
f.left_rotate(1),
|
||||
Tn::from_vec(
|
||||
n,
|
||||
¶m,
|
||||
vec![3i64, -4, -1, -2]
|
||||
.iter()
|
||||
.map(|c| T64(*c as u64))
|
||||
|
||||
@@ -4,7 +4,7 @@ use std::{
|
||||
ops::{Add, AddAssign, Mul, MulAssign, Neg, Sub, SubAssign},
|
||||
};
|
||||
|
||||
use crate::ring::Ring;
|
||||
use crate::ring::{Ring, RingParam};
|
||||
|
||||
/// Let 𝕋 = ℝ/ℤ, where 𝕋 is a ℤ-module, with homogeneous external product.
|
||||
/// Let 𝕋q
|
||||
@@ -21,20 +21,23 @@ impl Ring for T64 {
|
||||
// const Q: u64 = u64::MAX; // WIP
|
||||
// const N: usize = 1;
|
||||
|
||||
fn param(&self) -> Self::Param {
|
||||
()
|
||||
fn param(&self) -> RingParam {
|
||||
RingParam {
|
||||
q: u64::MAX, // WIP
|
||||
n: 1,
|
||||
}
|
||||
}
|
||||
fn coeffs(&self) -> Vec<T64> {
|
||||
vec![self.clone()]
|
||||
}
|
||||
fn zero(_: ()) -> Self {
|
||||
fn zero(_: &RingParam) -> Self {
|
||||
Self(0u64)
|
||||
}
|
||||
fn rand(mut rng: impl Rng, dist: impl Distribution<f64>, _: ()) -> Self {
|
||||
fn rand(mut rng: impl Rng, dist: impl Distribution<f64>, _: &RingParam) -> Self {
|
||||
let r: f64 = dist.sample(&mut rng);
|
||||
Self(r.round() as u64)
|
||||
}
|
||||
fn from_vec(_n: (), coeffs: Vec<Self::C>) -> Self {
|
||||
fn from_vec(_n: &RingParam, coeffs: Vec<Self::C>) -> Self {
|
||||
assert_eq!(coeffs.len(), 1);
|
||||
coeffs[0]
|
||||
}
|
||||
@@ -178,9 +181,13 @@ mod tests {
|
||||
let d = x.decompose(beta, l);
|
||||
assert_eq!(recompose(d), T64(u64::MAX - 1));
|
||||
|
||||
let param = RingParam {
|
||||
q: u64::MAX, // WIP
|
||||
n: 1,
|
||||
};
|
||||
let mut rng = rand::thread_rng();
|
||||
for _ in 0..1000 {
|
||||
let x = T64::rand(&mut rng, Standard, ());
|
||||
let x = T64::rand(&mut rng, Standard, ¶m);
|
||||
let d = x.decompose(beta, l);
|
||||
assert_eq!(recompose(d), x);
|
||||
}
|
||||
|
||||
@@ -113,7 +113,7 @@ impl<R: Ring> Neg for TR<R> {
|
||||
fn neg(self) -> Self::Output {
|
||||
Self {
|
||||
k: self.k,
|
||||
r: self.r.iter().map(|e_i| -*e_i).collect(),
|
||||
r: self.r.iter().map(|e_i| -e_i.clone()).collect(),
|
||||
}
|
||||
}
|
||||
}
|
||||
|
||||
Reference in New Issue
Block a user