結果
| 問題 |
No.1189 Sum is XOR
|
| コンテスト | |
| ユーザー |
akakimidori
|
| 提出日時 | 2025-08-12 21:15:02 |
| 言語 | Rust (1.83.0 + proconio) |
| 結果 |
AC
|
| 実行時間 | 33 ms / 2,000 ms |
| コード長 | 25,152 bytes |
| コンパイル時間 | 17,578 ms |
| コンパイル使用メモリ | 377,244 KB |
| 実行使用メモリ | 6,272 KB |
| 最終ジャッジ日時 | 2025-08-12 21:15:25 |
| 合計ジャッジ時間 | 20,042 ms |
|
ジャッジサーバーID (参考情報) |
judge2 / judge3 |
(要ログイン)
| ファイルパターン | 結果 |
|---|---|
| sample | AC * 2 |
| other | AC * 21 |
ソースコード
fn main() {
input! {
n: usize,
k: usize,
a: [usize; n],
}
type M = ModInt<998244353>;
let m = (*a.iter().max().unwrap() + 1).next_power_of_two();
let mut f = vec![M::zero(); m];
for a in a {
f[a] += M::one();
}
let mut g = vec![M::zero(); k + 1];
g[k] = M::one() / (1..=k).fold(M::one(), |s, a| s * M::from(a));
let ans = polynomial_composite_set_power_series(&g, &f).iter().fold(M::zero(), |s, a| s + *a);
println!("{}", ans);
}
// ---------- begin input macro ----------
// reference: https://qiita.com/tanakh/items/0ba42c7ca36cd29d0ac8
#[macro_export]
macro_rules! input {
(source = $s:expr, $($r:tt)*) => {
let mut iter = $s.split_whitespace();
input_inner!{iter, $($r)*}
};
($($r:tt)*) => {
let s = {
use std::io::Read;
let mut s = String::new();
std::io::stdin().read_to_string(&mut s).unwrap();
s
};
let mut iter = s.split_whitespace();
input_inner!{iter, $($r)*}
};
}
#[macro_export]
macro_rules! input_inner {
($iter:expr) => {};
($iter:expr, ) => {};
($iter:expr, $var:ident : $t:tt $($r:tt)*) => {
let $var = read_value!($iter, $t);
input_inner!{$iter $($r)*}
};
}
#[macro_export]
macro_rules! read_value {
($iter:expr, ( $($t:tt),* )) => {
( $(read_value!($iter, $t)),* )
};
($iter:expr, [ $t:tt ; $len:expr ]) => {
(0..$len).map(|_| read_value!($iter, $t)).collect::<Vec<_>>()
};
($iter:expr, chars) => {
read_value!($iter, String).chars().collect::<Vec<char>>()
};
($iter:expr, bytes) => {
read_value!($iter, String).bytes().collect::<Vec<u8>>()
};
($iter:expr, usize1) => {
read_value!($iter, usize) - 1
};
($iter:expr, $t:ty) => {
$iter.next().unwrap().parse::<$t>().expect("Parse error")
};
}
// ---------- end input macro ----------
// ---------- begin modint ----------
pub const fn pow_mod(mut r: u32, mut n: u32, m: u32) -> u32 {
let mut t = 1;
while n > 0 {
if n & 1 == 1 {
t = (t as u64 * r as u64 % m as u64) as u32;
}
r = (r as u64 * r as u64 % m as u64) as u32;
n >>= 1;
}
t
}
pub const fn primitive_root(p: u32) -> u32 {
let mut m = p - 1;
let mut f = [1; 30];
let mut k = 0;
let mut d = 2;
while d * d <= m {
if m % d == 0 {
f[k] = d;
k += 1;
}
while m % d == 0 {
m /= d;
}
d += 1;
}
if m > 1 {
f[k] = m;
k += 1;
}
let mut g = 1;
while g < p {
let mut ok = true;
let mut i = 0;
while i < k {
ok &= pow_mod(g, (p - 1) / f[i], p) > 1;
i += 1;
}
if ok {
break;
}
g += 1;
}
g
}
pub const fn is_prime(n: u32) -> bool {
if n <= 1 {
return false;
}
let mut d = 2;
while d * d <= n {
if n % d == 0 {
return false;
}
d += 1;
}
true
}
#[derive(Clone, Copy, PartialEq, Eq)]
pub struct ModInt<const M: u32>(u32);
impl<const M: u32> ModInt<{ M }> {
const REM: u32 = {
let mut t = 1u32;
let mut s = !M + 1;
let mut n = !0u32 >> 2;
while n > 0 {
if n & 1 == 1 {
t = t.wrapping_mul(s);
}
s = s.wrapping_mul(s);
n >>= 1;
}
t
};
const INI: u64 = ((1u128 << 64) % M as u128) as u64;
const IS_PRIME: () = assert!(is_prime(M));
const PRIMITIVE_ROOT: u32 = primitive_root(M);
const ORDER: usize = 1 << (M - 1).trailing_zeros();
const fn reduce(x: u64) -> u32 {
let _ = Self::IS_PRIME;
let b = (x as u32 * Self::REM) as u64;
let t = x + b * M as u64;
let mut c = (t >> 32) as u32;
if c >= M {
c -= M;
}
c as u32
}
const fn multiply(a: u32, b: u32) -> u32 {
Self::reduce(a as u64 * b as u64)
}
pub const fn new(v: u32) -> Self {
assert!(v < M);
Self(Self::reduce(v as u64 * Self::INI))
}
pub const fn const_mul(&self, rhs: Self) -> Self {
Self(Self::multiply(self.0, rhs.0))
}
pub const fn pow(&self, mut n: u64) -> Self {
let mut t = Self::new(1);
let mut r = *self;
while n > 0 {
if n & 1 == 1 {
t = t.const_mul(r);
}
r = r.const_mul(r);
n >>= 1;
}
t
}
pub const fn inv(&self) -> Self {
assert!(self.0 != 0);
self.pow(M as u64 - 2)
}
pub const fn get(&self) -> u32 {
Self::reduce(self.0 as u64)
}
pub const fn zero() -> Self {
Self::new(0)
}
pub const fn one() -> Self {
Self::new(1)
}
}
impl<const M: u32> Add for ModInt<{ M }> {
type Output = Self;
fn add(self, rhs: Self) -> Self::Output {
let mut v = self.0 + rhs.0;
if v >= M {
v -= M;
}
Self(v)
}
}
impl<const M: u32> Sub for ModInt<{ M }> {
type Output = Self;
fn sub(self, rhs: Self) -> Self::Output {
let mut v = self.0 - rhs.0;
if self.0 < rhs.0 {
v += M;
}
Self(v)
}
}
impl<const M: u32> Mul for ModInt<{ M }> {
type Output = Self;
fn mul(self, rhs: Self) -> Self::Output {
self.const_mul(rhs)
}
}
impl<const M: u32> Div for ModInt<{ M }> {
type Output = Self;
fn div(self, rhs: Self) -> Self::Output {
self * rhs.inv()
}
}
impl<const M: u32> AddAssign for ModInt<{ M }> {
fn add_assign(&mut self, rhs: Self) {
*self = *self + rhs;
}
}
impl<const M: u32> SubAssign for ModInt<{ M }> {
fn sub_assign(&mut self, rhs: Self) {
*self = *self - rhs;
}
}
impl<const M: u32> MulAssign for ModInt<{ M }> {
fn mul_assign(&mut self, rhs: Self) {
*self = *self * rhs;
}
}
impl<const M: u32> DivAssign for ModInt<{ M }> {
fn div_assign(&mut self, rhs: Self) {
*self = *self / rhs;
}
}
impl<const M: u32> Neg for ModInt<{ M }> {
type Output = Self;
fn neg(self) -> Self::Output {
if self.0 == 0 {
self
} else {
Self(M - self.0)
}
}
}
impl<const M: u32> std::fmt::Display for ModInt<{ M }> {
fn fmt<'a>(&self, f: &mut std::fmt::Formatter<'a>) -> std::fmt::Result {
write!(f, "{}", self.get())
}
}
impl<const M: u32> std::fmt::Debug for ModInt<{ M }> {
fn fmt<'a>(&self, f: &mut std::fmt::Formatter<'a>) -> std::fmt::Result {
write!(f, "{}", self.get())
}
}
impl<const M: u32> std::str::FromStr for ModInt<{ M }> {
type Err = std::num::ParseIntError;
fn from_str(s: &str) -> Result<Self, Self::Err> {
let val = s.parse::<u32>()?;
Ok(ModInt::new(val))
}
}
impl<const M: u32> From<usize> for ModInt<{ M }> {
fn from(val: usize) -> ModInt<{ M }> {
ModInt::new((val % M as usize) as u32)
}
}
// ---------- end modint ----------
// ---------- begin precalc ----------
pub struct Precalc<const MOD: u32> {
fact: Vec<ModInt<MOD>>,
ifact: Vec<ModInt<MOD>>,
inv: Vec<ModInt<MOD>>,
}
impl<const MOD: u32> Precalc<MOD> {
pub fn new(size: usize) -> Self {
let mut fact = vec![ModInt::one(); size + 1];
let mut ifact = vec![ModInt::one(); size + 1];
let mut inv = vec![ModInt::one(); size + 1];
for i in 2..=size {
fact[i] = fact[i - 1] * ModInt::from(i);
}
ifact[size] = fact[size].inv();
for i in (2..=size).rev() {
inv[i] = ifact[i] * fact[i - 1];
ifact[i - 1] = ifact[i] * ModInt::from(i);
}
Self { fact, ifact, inv }
}
pub fn fact(&self, n: usize) -> ModInt<MOD> {
self.fact[n]
}
pub fn ifact(&self, n: usize) -> ModInt<MOD> {
self.ifact[n]
}
pub fn inv(&self, n: usize) -> ModInt<MOD> {
assert!(0 < n);
self.inv[n]
}
pub fn perm(&self, n: usize, k: usize) -> ModInt<MOD> {
if k > n {
return ModInt::zero();
}
self.fact[n] * self.ifact[n - k]
}
pub fn binom(&self, n: usize, k: usize) -> ModInt<MOD> {
if n < k {
return ModInt::zero();
}
self.fact[n] * self.ifact[k] * self.ifact[n - k]
}
}
// ---------- end precalc ----------
impl<const M: u32> Zero for ModInt<{ M }> {
fn zero() -> Self {
Self::zero()
}
fn is_zero(&self) -> bool {
self.0 == 0
}
}
impl<const M: u32> One for ModInt<{ M }> {
fn one() -> Self {
Self::one()
}
fn is_one(&self) -> bool {
self.get() == 1
}
}
// ---------- begin array op ----------
struct NTTPrecalc<const M: u32> {
sum_e: [ModInt<{ M }>; 30],
sum_ie: [ModInt<{ M }>; 30],
}
impl<const M: u32> NTTPrecalc<{ M }> {
const fn new() -> Self {
let cnt2 = (M - 1).trailing_zeros() as usize;
let root = ModInt::new(ModInt::<{ M }>::PRIMITIVE_ROOT);
let zeta = root.pow((M - 1) as u64 >> cnt2);
let mut es = [ModInt::zero(); 30];
let mut ies = [ModInt::zero(); 30];
let mut sum_e = [ModInt::zero(); 30];
let mut sum_ie = [ModInt::zero(); 30];
let mut e = zeta;
let mut ie = e.inv();
let mut i = cnt2;
while i >= 2 {
es[i - 2] = e;
ies[i - 2] = ie;
e = e.const_mul(e);
ie = ie.const_mul(ie);
i -= 1;
}
let mut now = ModInt::one();
let mut inow = ModInt::one();
let mut i = 0;
while i < cnt2 - 1 {
sum_e[i] = es[i].const_mul(now);
sum_ie[i] = ies[i].const_mul(inow);
now = ies[i].const_mul(now);
inow = es[i].const_mul(inow);
i += 1;
}
Self { sum_e, sum_ie }
}
}
struct NTTPrecalcHelper<const MOD: u32>;
impl<const MOD: u32> NTTPrecalcHelper<MOD> {
const A: NTTPrecalc<MOD> = NTTPrecalc::new();
}
pub trait ArrayAdd {
type Item;
fn add(&self, rhs: &[Self::Item]) -> Vec<Self::Item>;
}
impl<T> ArrayAdd for [T]
where
T: Zero + Copy,
{
type Item = T;
fn add(&self, rhs: &[Self::Item]) -> Vec<Self::Item> {
let mut c = vec![T::zero(); self.len().max(rhs.len())];
c[..self.len()].copy_from_slice(self);
c.add_assign(rhs);
c
}
}
pub trait ArrayAddAssign {
type Item;
fn add_assign(&mut self, rhs: &[Self::Item]);
}
impl<T> ArrayAddAssign for [T]
where
T: Add<Output = T> + Copy,
{
type Item = T;
fn add_assign(&mut self, rhs: &[Self::Item]) {
assert!(self.len() >= rhs.len());
self.iter_mut().zip(rhs).for_each(|(x, a)| *x = *x + *a);
}
}
impl<T> ArrayAddAssign for Vec<T>
where
T: Zero + Add<Output = T> + Copy,
{
type Item = T;
fn add_assign(&mut self, rhs: &[Self::Item]) {
if self.len() < rhs.len() {
self.resize(rhs.len(), T::zero());
}
self.as_mut_slice().add_assign(rhs);
}
}
pub trait ArraySub {
type Item;
fn sub(&self, rhs: &[Self::Item]) -> Vec<Self::Item>;
}
impl<T> ArraySub for [T]
where
T: Zero + Sub<Output = T> + Copy,
{
type Item = T;
fn sub(&self, rhs: &[Self::Item]) -> Vec<Self::Item> {
let mut c = vec![T::zero(); self.len().max(rhs.len())];
c[..self.len()].copy_from_slice(self);
c.sub_assign(rhs);
c
}
}
pub trait ArraySubAssign {
type Item;
fn sub_assign(&mut self, rhs: &[Self::Item]);
}
impl<T> ArraySubAssign for [T]
where
T: Sub<Output = T> + Copy,
{
type Item = T;
fn sub_assign(&mut self, rhs: &[Self::Item]) {
assert!(self.len() >= rhs.len());
self.iter_mut().zip(rhs).for_each(|(x, a)| *x = *x - *a);
}
}
impl<T> ArraySubAssign for Vec<T>
where
T: Zero + Sub<Output = T> + Copy,
{
type Item = T;
fn sub_assign(&mut self, rhs: &[Self::Item]) {
if self.len() < rhs.len() {
self.resize(rhs.len(), T::zero());
}
self.as_mut_slice().sub_assign(rhs);
}
}
pub trait ArrayDot {
type Item;
fn dot(&self, rhs: &[Self::Item]) -> Vec<Self::Item>;
}
impl<T> ArrayDot for [T]
where
T: Mul<Output = T> + Copy,
{
type Item = T;
fn dot(&self, rhs: &[Self::Item]) -> Vec<Self::Item> {
assert!(self.len() == rhs.len());
self.iter().zip(rhs).map(|p| *p.0 * *p.1).collect()
}
}
pub trait ArrayDotAssign {
type Item;
fn dot_assign(&mut self, rhs: &[Self::Item]);
}
impl<T> ArrayDotAssign for [T]
where
T: MulAssign + Copy,
{
type Item = T;
fn dot_assign(&mut self, rhs: &[Self::Item]) {
assert!(self.len() == rhs.len());
self.iter_mut().zip(rhs).for_each(|(x, a)| *x *= *a);
}
}
pub trait ArrayMul {
type Item;
fn mul(&self, rhs: &[Self::Item]) -> Vec<Self::Item>;
}
impl<T> ArrayMul for [T]
where
T: Zero + One + Copy,
{
type Item = T;
fn mul(&self, rhs: &[Self::Item]) -> Vec<Self::Item> {
if self.is_empty() || rhs.is_empty() {
return vec![];
}
let mut res = vec![T::zero(); self.len() + rhs.len() - 1];
for (i, a) in self.iter().enumerate() {
for (res, b) in res[i..].iter_mut().zip(rhs.iter()) {
*res = *res + *a * *b;
}
}
res
}
}
// transform でlen=1を指定すればNTTになる
pub trait ArrayConvolution {
type Item;
fn transform(&mut self, len: usize);
fn inverse_transform(&mut self, len: usize);
fn convolution(&self, rhs: &[Self::Item]) -> Vec<Self::Item>;
}
impl<const M: u32> ArrayConvolution for [ModInt<{ M }>] {
type Item = ModInt<{ M }>;
fn transform(&mut self, len: usize) {
let f = self;
let n = f.len();
let k = (n / len).trailing_zeros() as usize;
assert!(len << k == n);
assert!(k <= ModInt::<{ M }>::ORDER);
let pre = &NTTPrecalcHelper::<{ M }>::A;
for ph in 1..=k {
let p = len << (k - ph);
let mut now = ModInt::one();
for (i, f) in f.chunks_exact_mut(2 * p).enumerate() {
let (x, y) = f.split_at_mut(p);
for (x, y) in x.iter_mut().zip(y.iter_mut()) {
let l = *x;
let r = *y * now;
*x = l + r;
*y = l - r;
}
now *= pre.sum_e[(!i).trailing_zeros() as usize];
}
}
}
fn inverse_transform(&mut self, len: usize) {
let f = self;
let n = f.len();
let k = (n / len).trailing_zeros() as usize;
assert!(len << k == n);
assert!(k <= ModInt::<{ M }>::ORDER);
let pre = &NTTPrecalcHelper::<{ M }>::A;
for ph in (1..=k).rev() {
let p = len << (k - ph);
let mut inow = ModInt::one();
for (i, f) in f.chunks_exact_mut(2 * p).enumerate() {
let (x, y) = f.split_at_mut(p);
for (x, y) in x.iter_mut().zip(y.iter_mut()) {
let l = *x;
let r = *y;
*x = l + r;
*y = (l - r) * inow;
}
inow *= pre.sum_ie[(!i).trailing_zeros() as usize];
}
}
let ik = ModInt::new(2).inv().pow(k as u64);
for f in f.iter_mut() {
*f *= ik;
}
}
fn convolution(&self, rhs: &[Self::Item]) -> Vec<Self::Item> {
if self.len().min(rhs.len()) <= 32 {
return self.mul(rhs);
}
const PARAM: usize = 10;
let size = self.len() + rhs.len() - 1;
let mut k = 0;
while (size + (1 << k) - 1) >> k > PARAM {
k += 1;
}
let len = (size + (1 << k) - 1) >> k;
let mut f = vec![ModInt::zero(); len << k];
let mut g = vec![ModInt::zero(); len << k];
f[..self.len()].copy_from_slice(self);
g[..rhs.len()].copy_from_slice(rhs);
f.transform(len);
g.transform(len);
let mut buf = [ModInt::zero(); 2 * PARAM - 1];
let buf = &mut buf[..(2 * len - 1)];
let pre = &NTTPrecalcHelper::<{ M }>::A;
let mut now = ModInt::one();
for (i, (f, g)) in f
.chunks_exact_mut(2 * len)
.zip(g.chunks_exact(2 * len))
.enumerate()
{
let mut r = now;
for (f, g) in f.chunks_exact_mut(len).zip(g.chunks_exact(len)) {
buf.fill(ModInt::zero());
for (i, f) in f.iter().enumerate() {
for (buf, g) in buf[i..].iter_mut().zip(g.iter()) {
*buf = *buf + *f * *g;
}
}
f.copy_from_slice(&buf[..len]);
for (f, buf) in f.iter_mut().zip(buf[len..].iter()) {
*f = *f + r * *buf;
}
r = -r;
}
now *= pre.sum_e[(!i).trailing_zeros() as usize];
}
f.inverse_transform(len);
f.truncate(self.len() + rhs.len() - 1);
f
}
}
// ---------- end array op ----------
// ---------- begin trait ----------
use std::ops::*;
pub trait Zero: Sized + Add<Self, Output = Self> {
fn zero() -> Self;
fn is_zero(&self) -> bool;
}
pub trait One: Sized + Mul<Self, Output = Self> {
fn one() -> Self;
fn is_one(&self) -> bool;
}
pub trait Group: Zero + Sub<Output = Self> + Neg<Output = Self> {}
pub trait SemiRing: Zero + One {}
pub trait Ring: SemiRing + Group {}
pub trait Field: Ring + Div<Output = Self> {}
impl<T> Group for T where T: Zero + Sub<Output = Self> + Neg<Output = Self> {}
impl<T> SemiRing for T where T: Zero + One {}
impl<T> Ring for T where T: SemiRing + Group {}
impl<T> Field for T where T: Ring + Div<Output = Self> {}
pub fn zero<T: Zero>() -> T {
T::zero()
}
pub fn one<T: One>() -> T {
T::one()
}
pub fn pow<T: One + Clone>(mut r: T, mut n: usize) -> T {
let mut t = one();
while n > 0 {
if n & 1 == 1 {
t = t * r.clone();
}
r = r.clone() * r;
n >>= 1;
}
t
}
pub fn pow_sum<T: SemiRing + Clone>(r: T, n: usize) -> T {
if n == 0 {
T::zero()
} else if n & 1 == 1 {
T::one() + r.clone() * pow_sum(r, n - 1)
} else {
let a = T::one() + r.clone();
let b = r.clone() * r;
a * pow_sum(b, n / 2)
}
}
// ---------- end trait ----------
// a * b = c なるbを返す
// a[0] == 1 を想定
pub fn conv_inv<T>(a: &[T], c: &[T]) -> Vec<T>
where
T: Ring + Copy,
{
let size = a.len().next_power_of_two();
assert!(size > 0 && a.len() == size && a[0].is_one() && a.len() == c.len());
let n = size.trailing_zeros() as usize;
let mut x = vec![T::zero(); (n + 1) << n];
let mut y = vec![T::zero(); (n + 1) << n];
for (x, a) in [(&mut x, a), (&mut y, c)].iter_mut() {
for (i, (x, a)) in x.chunks_exact_mut(n + 1).zip(a.iter()).enumerate() {
x[i.count_ones() as usize] = *a;
}
}
for i in 0usize..(1 << n) {
let z = (i | (1 << n)).trailing_zeros();
for j in (0..z).rev() {
let w = (n + 1) << j;
let s = i * (n + 1);
let (a, b) = x[s..s + 2 * w].split_at_mut(w);
let (c, d) = y[s..s + 2 * w].split_at_mut(w);
let ab = a.iter().zip(b.iter_mut());
let cd = c.iter().zip(d.iter_mut());
for ((a, b), (c, d)) in ab.zip(cd) {
*b = *b + *a;
*d = *d + *c;
}
}
{
let cnt = i.count_ones() as usize;
let x = &x[i * (n + 1)..i * (n + 1) + cnt + 1];
let y = &mut y[i * (n + 1)..i * (n + 1) + n + 1];
for i in 0..(n + 1) {
let v = y[i];
for (y, x) in y[(i + 1)..].iter_mut().zip(x[1..].iter()) {
*y = *y - v * *x;
}
}
}
let o = i.trailing_ones() as usize;
for j in 0..o {
let t = (i + 1) * (n + 1);
let w = (n + 1) << j;
let (a, b) = y[t - 2 * w..t].split_at_mut(w);
for (b, a) in b.iter_mut().zip(a.iter()) {
*b = *b - *a;
}
}
}
y.chunks_exact(n + 1)
.enumerate()
.map(|(i, x)| x[i.count_ones() as usize])
.collect()
}
// a[0] = 1 を仮定しているのに注意
pub fn subset_inv<T>(a: &[T]) -> Vec<T>
where
T: Ring + Copy,
{
let size = a.len().next_power_of_two();
assert!(size > 0 && a.len() == size && a[0].is_one());
if size == 1 {
return vec![a[0]];
}
let n = size.trailing_zeros() as usize;
let mut inv = vec![T::one()];
let mut square = vec![T::one()];
for i in 0..n {
let hi = &a[(1 << i)..(2 << i)];
let x = subset_convolution(&hi, &square);
inv.extend(x.iter().map(|x| T::zero() - *x));
if i + 1 < n {
let y = subset_convolution(&inv[..(1 << i)], &inv[(1 << i)..]);
square.extend(y.into_iter().map(|x| x + x));
}
}
inv
}
pub fn subset_log<T>(a: &[T]) -> Vec<T>
where
T: Ring + Copy + std::fmt::Debug,
{
let size = a.len().next_power_of_two();
assert!(size > 0 && a.len() == size && a[0].is_one());
let n = size.trailing_zeros() as usize;
let mut res = Vec::with_capacity(1 << n);
res.push(T::zero());
for i in 0..n {
let (p, q) = a[..(2 << i)].split_at(1 << i);
res.extend(conv_inv(p, q));
}
res
}
pub fn subset_exp<T>(a: &[T]) -> Vec<T>
where
T: Ring + Copy,
{
let size = a.len().next_power_of_two();
assert!(size > 0 && a.len() == size && a[0].is_zero());
let n = size.trailing_zeros() as usize;
let mut res = Vec::with_capacity(size);
res.push(T::one());
for i in 0..n {
let t = subset_convolution(&res, &a[(1 << i)..(2 << i)]);
res.extend(t);
}
res
}
pub fn subset_convolution<T>(a: &[T], b: &[T]) -> Vec<T>
where
T: Ring + Copy,
{
let size = a.len().next_power_of_two();
assert!(size > 0 && a.len() == size && b.len() == size);
let n = size.trailing_zeros() as usize;
let mut x = vec![T::zero(); (n + 1) << n];
let mut y = vec![T::zero(); (n + 1) << n];
for (x, a) in [(&mut x, a), (&mut y, b)].iter_mut() {
for (i, (x, a)) in x.chunks_exact_mut(n + 1).zip(a.iter()).enumerate() {
x[i.count_ones() as usize] = *a;
}
}
let mut buf = vec![T::zero(); n + 1];
let buf = buf.as_mut_slice();
for i in 0usize..(1 << n) {
let z = (i | (1 << n)).trailing_zeros();
for j in (0..z).rev() {
let w = (n + 1) << j;
let s = i * (n + 1);
let (a, b) = x[s..s + 2 * w].split_at_mut(w);
let (c, d) = y[s..s + 2 * w].split_at_mut(w);
let ab = a.iter().zip(b.iter_mut());
let cd = c.iter().zip(d.iter_mut());
for ((a, b), (c, d)) in ab.zip(cd) {
*b = *b + *a;
*d = *d + *c;
}
}
let cnt = i.count_ones() as usize;
let a = &x[i * (n + 1)..i * (n + 1) + cnt + 1];
let y = &y[i * (n + 1)..i * (n + 1) + cnt + 1];
buf.fill(T::zero());
for (i, x) in a.iter().enumerate() {
for (b, y) in buf[cnt..].iter_mut().zip(y[cnt - i..].iter()) {
*b = *b + *x * *y;
}
}
x[i * (n + 1)..(i + 1) * (n + 1)].copy_from_slice(buf);
let o = i.trailing_ones() as usize;
for j in 0..o {
let t = (i + 1) * (n + 1);
let w = (n + 1) << j;
let (a, b) = x[t - 2 * w..t].split_at_mut(w);
for (b, a) in b.iter_mut().zip(a.iter()) {
*b = *b - *a;
}
}
}
x.chunks_exact(n + 1)
.enumerate()
.map(|(i, x)| x[i.count_ones() as usize])
.collect()
}
// f: 多項式
// g: SPS
// f(g) を返す
pub fn polynomial_composite_set_power_series<T>(f: &[T], g: &[T]) -> Vec<T>
where
T: Ring + Copy,
{
let size = g.len().next_power_of_two();
assert!(size > 0 && g.len() == size);
let n = size.trailing_zeros() as usize;
let mut f = Vec::from(f);
let mut dp = vec![vec![T::zero()]; n + 1];
for dp in dp.iter_mut() {
let r = g[0];
dp[0] = f.iter().rfold(T::zero(), |s, a| s * r + *a);
f = f
.iter()
.skip(1)
.scan(T::one(), |s, a| {
let res = *s * *a;
*s = *s + T::one();
Some(res)
})
.collect();
}
for i in 0..n {
let g = &g[(1 << i)..(2 << i)];
for j in 1..dp.len() {
let h = subset_convolution(&dp[j], g);
dp[j - 1].extend(h);
}
dp.pop();
}
dp.pop().unwrap()
}
akakimidori