QOJ.ac

QOJ

IDProblemSubmitterResultTimeMemoryLanguageFile sizeSubmit timeJudge time
#363148#618. 多项式乘法NOI_AK_MECompile Error//C++2346.0kb2024-03-23 18:49:372024-03-23 18:49:41

Judging History

你现在查看的是最新测评结果

  • [2024-03-23 18:49:41]
  • 评测
  • [2024-03-23 18:49:37]
  • 提交

answer

#pragma once
#pragma GCC target("avx2,bmi")
#include <iostream>
#include <immintrin.h>
#include <stdint.h>

#include <algorithm>
#include <cassert>

namespace simd {
    using i128 = __m128i;
    using i256 = __m256i;
    using u32x8 = unsigned __attribute__((vector_size(32)));
    using u64x4 = unsigned long long __attribute__((vector_size(32)));

    u32x8 load_u32x8(unsigned *ptr) {
        return (u32x8)(_mm256_load_si256((i256 *)ptr));
    }
    u32x8 loadu_u32x8(unsigned *ptr) {
        return (u32x8)(_mm256_loadu_si256((i256 *)ptr));
    }
    void store_u32x8(unsigned *ptr, u32x8 val) {
        _mm256_store_si256((i256 *)ptr, (i256)(val));
    }
    void storeu_u32x8(unsigned *ptr, u32x8 val) {
        _mm256_storeu_si256((i256 *)ptr, (i256)(val));
    }

    u64x4 load_u64x4(unsigned long long *ptr) {
        return (u64x4)(_mm256_load_si256((i256 *)ptr));
    }
    u64x4 loadu_u64x4(unsigned long long *ptr) {
        return (u64x4)(_mm256_loadu_si256((i256 *)ptr));
    }
    void store_u64x4(unsigned long long *ptr, u64x4 val) {
        _mm256_store_si256((i256 *)ptr, (i256)(val));
    }
    void storeu_u64x4(unsigned long long *ptr, u64x4 val) {
        _mm256_storeu_si256((i256 *)ptr, (i256)(val));
    }

    u32x8 set1_u32x8(unsigned val) {
        return (u32x8)(_mm256_set1_epi32(val));
    }
    u64x4 set1_u64x4(unsigned long long val) {
        return (u64x4)(_mm256_set1_epi64x(val));
    }

    u32x8 setr_u32x8(unsigned a0, unsigned a1, unsigned a2, unsigned a3, unsigned a4, unsigned a5, unsigned a6, unsigned a7) {
        return (u32x8)(_mm256_setr_epi32(a0, a1, a2, a3, a4, a5, a6, a7));
    }
    u64x4 setr_u64x4(unsigned long long a0, unsigned long long a1, unsigned long long a2, unsigned long long a3) {
        return (u64x4)(_mm256_setr_epi64x(a0, a1, a2, a3));
    }

    template <int imm8>
    u32x8 shuffle_u32x8(u32x8 val) {
        return (u32x8)(_mm256_shuffle_epi32((i256)(val), imm8));
    }
    u32x8 permute_u32x8(u32x8 val, u32x8 p) {
        return (u32x8)(_mm256_permutevar8x32_epi32((i256)(val), (i256)(p)));
    }

    template <int imm8>
    u32x8 permute_u32x8_epi128(u32x8 a, u32x8 b) {
        return (u32x8)(_mm256_permute2x128_si256((i256)(a), (i256)(b), imm8));
    }

    template <int imm8>
    u32x8 blend_u32x8(u32x8 a, u32x8 b) {
        return (u32x8)(_mm256_blend_epi32((i256)(a), (i256)(b), imm8));
    }

    template <int imm8>
    u32x8 shift_left_u32x8_epi128(u32x8 val) {
        return (u32x8)(_mm256_bslli_epi128((i256)(val), imm8));
    }
    template <int imm8>
    u32x8 shift_right_u32x8_epi128(u32x8 val) {
        return (u32x8)(_mm256_bsrli_epi128((i256)(val), imm8));
    }

    u32x8 shift_left_u32x8_epi64(u32x8 val, int imm8) {
        return (u32x8)(_mm256_slli_epi64((i256)(val), imm8));
    }
    u32x8 shift_right_u32x8_epi64(u32x8 val, int imm8) {
        return (u32x8)(_mm256_srli_epi64((i256)(val), imm8));
    }

    u32x8 min_u32x8(u32x8 a, u32x8 b) {
        return (u32x8)(_mm256_min_epu32((i256)(a), (i256)(b)));
    }
    u32x8 mul64_u32x8(u32x8 a, u32x8 b) {
        return (u32x8)(_mm256_mul_epu32((i256)(a), (i256)(b)));
    }

};
using namespace simd;

struct Montgomery {
    unsigned mod, mod2, n_inv, r, r2;

    constexpr Montgomery() = default;
    constexpr Montgomery(unsigned mod) : mod(mod) {
        n_inv = 1;
        for (int i = 0; i < 5; i++) {
            n_inv *= 2u + n_inv * mod;
        }
        assert(n_inv * mod == -1u);

        mod2 = 2 * mod;
        r = (1ULL << 32) % mod;
        r2 = 1ull * r * r % mod;
    }

    unsigned shrink(unsigned val) const {
        return std::min(val, val - mod);
    }
    unsigned shrink2(unsigned val) const {
        return std::min(val, val - mod2);
    }
    unsigned shrink_n(unsigned val) const {
        return std::min(val, val + mod);
    }
    unsigned shrink2_n(unsigned val) const {
        return std::min(val, val + mod2);
    }

    template <bool strict = false>
    unsigned mul(unsigned a, unsigned b) const {
        unsigned long long val = 1ull * a * b;
        unsigned res = (val + unsigned(val) * n_inv * 1ull * mod) >> 32;
        if constexpr (strict) res = shrink(res);
        return res;
    }

    unsigned power(unsigned b, unsigned e) const {
        b = mul(b, r2);
        unsigned r = 1;
        for (; e > 0; e >>= 1) {
            if (e & 1) {
                r = mul(r, b);
            }
            b = mul(b, b);
        }
        r = shrink(r);
        return r;
    }
};

struct Montgomery_simd {
    alignas(32) u32x8 mod, mod2, n_inv, r, r2;

    Montgomery_simd() = default;
    Montgomery_simd(unsigned md) {
        Montgomery mt(md);
        mod = set1_u32x8(mt.mod);
        mod2 = set1_u32x8(mt.mod2);
        n_inv = set1_u32x8(mt.n_inv);
        r = set1_u32x8(mt.r);
        r2 = set1_u32x8(mt.r2);
    }

    u32x8 shrink(u32x8 val) const {
        return min_u32x8(val, val - mod);
    }
    u32x8 shrink2(u32x8 val) const {
        return min_u32x8(val, val - mod2);
    }
    u32x8 shrink_n(u32x8 val) const {
        return min_u32x8(val, val + mod);
    }
    u32x8 shrink2_n(u32x8 val) const {
        return min_u32x8(val, val + mod2);
    }

    template <bool strict = false>
    u64x4 reduce(u64x4 val) const {
        val = (u64x4)shift_right_u32x8_epi64(u32x8(val + (u64x4)mul64_u32x8(mul64_u32x8((u32x8)val, n_inv), mod)), 32);
        if constexpr (strict) {
            val = (u64x4)shrink((u32x8)val);
        }
        return val;
    }

    template <bool strict = false>
    u32x8 reduce(u64x4 x0246, u64x4 x1357) const {
        u32x8 x0246_ninv = mul64_u32x8((u32x8)x0246, n_inv);
        u32x8 x1357_ninv = mul64_u32x8((u32x8)x1357, n_inv);
        u32x8 res = blend_u32x8<0b10'10'10'10>(shift_right_u32x8_epi128<4>(u32x8((u64x4)x0246 + (u64x4)mul64_u32x8(x0246_ninv, mod))),
                                               u32x8((u64x4)x1357 + (u64x4)mul64_u32x8(x1357_ninv, mod)));
        if constexpr (strict)
            res = shrink(res);
        return res;
    }

    template <bool strict = false, bool eq_b = false>
    u32x8 mul(u32x8 a, u32x8 b) const {
        u32x8 x0246 = mul64_u32x8(a, b);
        u32x8 b_sh = b;
        if constexpr (!eq_b) {
            b_sh = shift_right_u32x8_epi128<4>(b);
        }
        u32x8 x1357 = mul64_u32x8(shift_right_u32x8_epi128<4>(a), b_sh);

        return reduce<strict>((u64x4)x0246, (u64x4)x1357);
    }

    template <bool strict = false>
    u64x4 mul_to_hi(u64x4 a, u64x4 b) const {
        u32x8 val = mul64_u32x8((u32x8)a, (u32x8)b);
        u32x8 val_ninv = mul64_u32x8(val, n_inv);
        u32x8 res = u32x8(u64x4(val) + u64x4(mul64_u32x8(val_ninv, mod)));
        if constexpr (strict)
            res = shrink(res);
        return (u64x4)res;
    }

    template <bool strict = false>
    u64x4 mul(u64x4 a, u64x4 b) const {
        u32x8 val = mul64_u32x8((u32x8)a, (u32x8)b);
        return reduce<strict>((u64x4)val);
    }
};

template <size_t scale, size_t... S, typename Functor>
__attribute__((always_inline)) constexpr void static_foreach_seq(Functor function, std::index_sequence<S...>) {
    ((function(std::integral_constant<size_t, S * scale>())), ...);
}

template <size_t Size, size_t scale = 1, typename Functor>
__attribute__((always_inline)) constexpr void static_for(Functor functor) {
    return static_foreach_seq<scale>(functor, std::make_index_sequence<Size>());
}

#include <array>
#include <cstdlib>
#include <cstring>
#include <iostream>
#include <vector>

struct NTT {
    alignas(32) const Montgomery_simd mts;
    const Montgomery mt;
    unsigned mod, g;

    unsigned power(unsigned base, unsigned exp) const {
        const auto mt = this->mt;
        unsigned res = mt.r;
        for (; exp > 0; exp >>= 1) {
            if (exp & 1) {
                res = mt.mul(res, base);
            }
            base = mt.mul(base, base);
        }
        return mt.shrink(res);
    }

    unsigned find_pr_root(unsigned mod) const {
        unsigned m = mod - 1;
        std::vector<unsigned> vec;
        for (unsigned i = 2; 1ull * i * i <= m; i++) {
            if (m % i == 0) {
                vec.push_back(i);
                do {
                    m /= i;
                } while (m % i == 0);
            }
        }
        if (m != 1) {
            vec.push_back(m);
        }
        for (unsigned i = 2;; i++) {
            if (std::all_of(vec.begin(), vec.end(), [&](unsigned f) { return mt.r != power(mt.mul(i, mt.r2), (mod - 1) / f); })) {
                return i;
            }
        }
    }

    u32x8 get_powers_u32x8(unsigned x) const {
        unsigned x2 = mt.mul<true>(x, x);
        unsigned x3 = mt.mul<true>(x, x2);
        unsigned x4 = mt.mul<true>(x2, x2);
        return setr_u32x8(mt.r, x, x2, x3, x4, mt.mul<true>(x2, x3), mt.mul<true>(x3, x3), mt.mul<true>(x4, x3));
    }

    static constexpr int LG = 30;
    alignas(32) unsigned w[4], w_r[4];
    alignas(32) u64x4 w_cum_x4[LG], w_rcum_x4[LG];
    alignas(32) u32x8 w_cum_x8[LG], w_rcum_x8[LG];

    NTT(unsigned mod = 998'244'353) : mt(mod), mts(mod), mod(mod) {
        const auto mt = this->mt;

        g = mt.mul<true>(mt.r2, find_pr_root(mod));

        for (int i = 0; i < LG; i++) {
            unsigned f = power(g, (mod - 1) >> i + 3);
            unsigned res = mt.mul<true>(f, power(power(f, (1 << i + 1) - 2), mod - 2));
            unsigned res_r = power(res, mod - 2);
            w_cum_x4[i] = setr_u64x4(res, power(res, 2), res, power(res, 3));
            w_rcum_x4[i] = setr_u64x4(res_r, power(res_r, 2), res_r, power(res_r, 3));
        }
        for (int i = 0; i < LG; i++) {
            unsigned f = power(g, (mod - 1) >> i + 4);
            f = mt.mul<true>(f, power(power(f, (1 << i + 1) - 2), mod - 2));
            unsigned f1 = f;
            unsigned f2 = mt.mul<true>(f1, f1);
            unsigned f4 = mt.mul<true>(f2, f2);
            w_cum_x8[i] = setr_u32x8(f, f2, f, f4, f, f2, f, f4);

            unsigned f_r = power(f, mod - 2);
            w_rcum_x8[i][0] = mt.r;
            for (int j = 1; j < 8; j++) {
                w_rcum_x8[i][j] = mt.mul<true>(w_rcum_x8[i][j - 1], f_r);
            }
        }

        unsigned w18 = power(g, (mod - 1) / 8);
        w[0] = mt.r, w[1] = power(w18, 2), w[2] = w18, w[3] = power(w18, 3);
        unsigned w78 = power(w18, 7);
        w_r[0] = mt.r, w_r[1] = power(w78, 2), w_r[2] = w78, w_r[3] = power(w78, 3);
    }

    template <bool trivial = false>
    static void butterfly_forward_x4(unsigned *addr_0, unsigned *addr_1, unsigned *addr_2, unsigned *addr_3,
                                     u32x8 w_1, u32x8 w1, u32x8 w2, u32x8 w3,
                                     const Montgomery_simd &mts) {
        u32x8 a = load_u32x8(addr_0);
        u32x8 b = load_u32x8(addr_1);
        u32x8 c = load_u32x8(addr_2);
        u32x8 d = load_u32x8(addr_3);

        a = mts.shrink2(a);
        if constexpr (!trivial) {
            b = mts.mul<false, true>(b, w1),
            c = mts.mul<false, true>(c, w2),
            d = mts.mul<false, true>(d, w3);
        } else {
            b = mts.shrink2(b),
            c = mts.shrink2(c),
            d = mts.shrink2(d);
        }

        u32x8 a1 = mts.shrink2(a + c),
              b1 = mts.shrink2(b + d),
              c1 = mts.shrink2_n(a - c),
              d1 = mts.mul<false, true>(b + mts.mod2 - d, w_1);

        store_u32x8(addr_0, a1 + b1);
        store_u32x8(addr_1, a1 + mts.mod2 - b1);
        store_u32x8(addr_2, c1 + d1);
        store_u32x8(addr_3, c1 + mts.mod2 - d1);
    }

    template <bool trivial = false, bool multiply_by_cum = false>
    static void butterfly_inverse_x4(unsigned *addr_0, unsigned *addr_1, unsigned *addr_2, unsigned *addr_3,
                                     u32x8 w_1, u32x8 w1, u32x8 w2, u32x8 w3,
                                     const Montgomery_simd &mts, u32x8 cum = u32x8()) {
        u32x8 a = load_u32x8(addr_0);
        u32x8 b = load_u32x8(addr_1);
        u32x8 c = load_u32x8(addr_2);
        u32x8 d = load_u32x8(addr_3);

        u32x8 a1 = mts.shrink2(a + b),
              b1 = mts.shrink2_n(a - b),
              c1 = mts.shrink2(c + d),
              d1 = mts.mul<false, true>(c + mts.mod2 - d, w_1);

        if constexpr (!trivial || multiply_by_cum) {
            if (!multiply_by_cum) {
                store_u32x8(addr_0, mts.shrink2(a1 + c1));
            } else {
                store_u32x8(addr_0, mts.mul<false, true>(a1 + c1, cum));
            }
            store_u32x8(addr_1, mts.mul<false, true>(b1 + d1, w1));
            store_u32x8(addr_2, mts.mul<false, true>(a1 + mts.mod2 - c1, w2));
            store_u32x8(addr_3, mts.mul<false, true>(b1 + mts.mod2 - d1, w3));
        } else {
            store_u32x8(addr_0, mts.shrink(mts.shrink2(a1 + c1)));
            store_u32x8(addr_1, mts.shrink(mts.shrink2(b1 + d1)));
            store_u32x8(addr_2, mts.shrink(mts.shrink2(a1 + mts.mod2 - c1)));
            store_u32x8(addr_3, mts.shrink(mts.shrink2(b1 + mts.mod2 - d1)));
        }
    }

    inline void ntt(int lg, unsigned *data) const {
        const auto mt = this->mt;
        const auto mts = this->mts;

        int n = 1 << lg;
        int k = lg;

        if (lg % 2 == 0) {
            for (int i = 0; i < n / 2; i += 8) {
                u32x8 a = load_u32x8(data + i);
                u32x8 b = load_u32x8(data + n / 2 + i);

                store_u32x8(data + i, mts.shrink2(a + b));
                store_u32x8(data + n / 2 + i, mts.shrink2_n(a - b));
            }
            k--;
        }

        assert(k % 2 == 1);
        for (; k > 4; k -= 2) {
            u64x4 wj_cum = set1_u64x4(mt.r);
            u32x8 w_1 = set1_u32x8(w[1]);
            for (int i = 0; i < n; i += (1 << k)) {
                u32x8 w1 = shuffle_u32x8<0b00'00'00'00>((u32x8)wj_cum);
                u32x8 w2 = permute_u32x8((u32x8)wj_cum, set1_u32x8(2));
                u32x8 w3 = permute_u32x8((u32x8)wj_cum, set1_u32x8(6));
                wj_cum = mts.mul<true>(wj_cum, w_cum_x4[__builtin_ctz(~(i >> k))]);

                for (int j = 0; j < (1 << k - 2); j += 8) {
                    butterfly_forward_x4(data + i + 0 * (1 << k - 2) + j,
                                         data + i + 1 * (1 << k - 2) + j,
                                         data + i + 2 * (1 << k - 2) + j,
                                         data + i + 3 * (1 << k - 2) + j,
                                         w_1, w1, w2, w3, mts);
                }
            }
        }

        assert(k == 3);

        {
            u32x8 cum = setr_u32x8(w[0], w[0], w[1], w[0], w[2], w[1], w[3], w[0]);

            int n_8 = n / 8;

            for (int i = 0; i < n_8; i++) {
                u32x8 vec = load_u32x8(data + i * 8);

                u32x8 wj0 = shuffle_u32x8<0b11'11'11'11>(cum);
                u32x8 wj1 = shuffle_u32x8<0b01'01'01'01>(cum);
                u32x8 wj2 = cum;

                u32x8 bw;

                vec = mts.shrink2(vec);
                bw = permute_u32x8((u32x8)mts.mul_to_hi((u64x4)wj0, (u64x4)permute_u32x8(vec, setr_u32x8(4, -1, 5, -1, 6, -1, 7, -1))), setr_u32x8(1, 3, 5, 7, 1, 3, 5, 7));
                vec = permute_u32x8_epi128<0>(vec, vec) + blend_u32x8<0b11'11'00'00>(bw, mts.mod2 - bw);

                vec = mts.shrink2(vec);
                bw = shuffle_u32x8<0b11'01'11'01>((u32x8)mts.mul_to_hi((u64x4)wj1, (u64x4)shuffle_u32x8<0b00'11'00'10>(vec)));
                vec = shuffle_u32x8<0b01'00'01'00>(vec) + blend_u32x8<0b11'00'11'00>(bw, mts.mod2 - bw);

                vec = mts.shrink2(vec);
                bw = shuffle_u32x8<0b11'11'01'01>((u32x8)mts.mul_to_hi((u64x4)wj2, (u64x4)shuffle_u32x8<0b00'11'00'01>(vec)));
                vec = shuffle_u32x8<0b10'10'00'00>(vec) + blend_u32x8<0b10'10'10'10>(bw, mts.mod2 - bw);

                store_u32x8(data + i * 8, vec);

                cum = mts.mul(cum, w_cum_x8[__builtin_ctz(~i)]);
            }
        }
    }
    inline void intt(int lg, unsigned *data, unsigned fc = -1u) const {
        const auto mt = this->mt;
        const auto mts = this->mts;

        if (fc == -1u) {
            fc = mt.r;
        }

        int n = 1 << lg;
        int k = 1;
        {
            u32x8 cum0 = setr_u32x8(w_r[0], w_r[0], w_r[0], w_r[0], w_r[0], w_r[0], w_r[1], w_r[1]);
            u32x8 cum1 = setr_u32x8(w_r[0], w_r[0], w_r[0], w_r[1], w_r[0], w_r[2], w_r[0], w_r[3]);

            const unsigned inv_2 = mt.mul<true>(mt.r2, (mod + 1) / 2);
            u32x8 cum = set1_u32x8(mt.mul<true>(fc, power(inv_2, lg)));

            int n_8 = n / 8;
            for (int i = 0; i < n_8; i++) {
                u32x8 vec = load_u32x8(data + i * 8);

                vec = mts.mul(cum1, blend_u32x8<0b10'10'10'10>(vec, mts.mod2 - vec) + shuffle_u32x8<0b10'11'00'01>(vec));
                vec = mts.mul(cum0, blend_u32x8<0b11'00'11'00>(vec, mts.mod2 - vec) + shuffle_u32x8<0b01'00'11'10>(vec));
                vec = mts.mul(cum, blend_u32x8<0b11'11'00'00>(vec, mts.mod2 - vec) + permute_u32x8_epi128<1>(vec, vec));

                store_u32x8(data + i * 8, vec);

                cum = mts.mul<true>(cum, w_rcum_x8[__builtin_ctz(~i)]);
            }
            k += 3;
        }

        for (; k + 1 <= lg; k += 2) {
            u64x4 wj_cum = set1_u64x4(mt.r);
            u32x8 w_1 = set1_u32x8(w_r[1]);

            for (int i = 0; i < n; i += (1 << k + 1)) {
                u32x8 w1 = shuffle_u32x8<0b00'00'00'00>((u32x8)wj_cum);
                u32x8 w2 = permute_u32x8((u32x8)wj_cum, set1_u32x8(2));
                u32x8 w3 = permute_u32x8((u32x8)wj_cum, set1_u32x8(6));
                wj_cum = mts.mul<true>(wj_cum, w_rcum_x4[__builtin_ctz(~(i >> k + 1))]);

                for (int j = 0; j < (1 << k - 1); j += 8) {
                    butterfly_inverse_x4(data + i + 0 * (1 << k - 1) + j,
                                         data + i + 1 * (1 << k - 1) + j,
                                         data + i + 2 * (1 << k - 1) + j,
                                         data + i + 3 * (1 << k - 1) + j,
                                         w_1, w1, w2, w3, mts);
                }
            }
        }
        if (k == lg) {
            for (int i = 0; i < n / 2; i += 8) {
                u32x8 a = load_u32x8(data + i);
                u32x8 b = load_u32x8(data + n / 2 + i);

                store_u32x8(data + i, mts.shrink(mts.shrink2(a + b)));
                store_u32x8(data + n / 2 + i, mts.shrink(mts.shrink2_n(a - b)));
            }
        } else {
            for (int i = 0; i < n; i += 8) {
                u32x8 ai = load_u32x8(data + i);
                store_u32x8(data + i, mts.shrink(ai));
            }
        }
    }

    struct Cum_info {
        alignas(64) u64x4 w_cum[LG], w_cum_r[LG];
    };

    static constexpr int MUL_HIGH_RADIX = 16;
    static constexpr int MUL_ITER = 10;
    static constexpr int MUL_QUAD = 4;

    template <int X, int lg, bool mul_by_fc = true>
    inline void aux_mod_mul_x(unsigned *__restrict__ a, unsigned *__restrict__ b, std::array<unsigned, X> w, unsigned fc, const Montgomery_simd &mts) const {
        static_assert(3 <= lg);
        constexpr int sz = 1 << lg;

        alignas(64) unsigned long long aux_a[X][sz * 2];
        u32x8 fc_x8 = set1_u32x8(mt.mul<true>(fc, mt.r2));

        const u32x8 perm_0 = (u32x8)setr_u64x4(0, 1, 2, 3);
        const u32x8 perm_1 = (u32x8)setr_u64x4(4, 5, 6, 7);
        for (int it = 0; it < X; it++) {
            for (int i = 0; i < sz; i += 8) {
                u64x4 w_x4 = (u64x4)set1_u32x8(w[it]);
                {
                    u32x8 vec = load_u32x8(b + sz * it + i);
                    if constexpr (mul_by_fc) {
                        vec = mts.mul<true>(vec, fc_x8);
                    } else {
                        vec = mts.shrink(mts.shrink2(vec));
                    }
                    store_u32x8(b + sz * it + i, vec);
                }

                u32x8 vec = load_u32x8(a + sz * it + i);
                vec = mts.shrink(mts.shrink2(vec));

                u64x4 a_lw = (u64x4)permute_u32x8(vec, perm_0);
                u64x4 a_hg = (u64x4)permute_u32x8(vec, perm_1);

                u64x4 aw_lw = mts.mul<true>(a_lw, w_x4);
                u64x4 aw_hg = mts.mul<true>(a_hg, w_x4);

                store_u64x4(aux_a[it] + i + 0, aw_lw);
                store_u64x4(aux_a[it] + i + 4, aw_hg);
                store_u64x4(aux_a[it] + i + sz + 0, a_lw);
                store_u64x4(aux_a[it] + i + sz + 4, a_hg);
            }
        }

        u64x4 mod2_8 = set1_u64x4(mod * 1ULL * mod * 8);

        auto reduce_cum = [&](u64x4 val) {
            val -= (u64x4)_mm256_cmpgt_epi64(_mm256_setzero_si256(), (i256)val) & mod2_8;
            return val;
        };

        alignas(64) u64x4 aux[X * sz / 4];
        memset(aux, 0, sizeof(aux));

        for (int i = 0; i < sz; i++) {
            if (i >= 16 && i % 8 == 0) {
                for (int it = 0; it < X; it++) {
                    for (int j = 0; j < sz / 4; j++) {
                        aux[it * sz / 4 + j] = reduce_cum(aux[it * sz / 4 + j]);
                    }
                }
            }

            for (int it = 0; it < X; it++) {
                for (int j = 0; j < sz; j += 4) {
                    u64x4 bi = (u64x4)set1_u32x8(b[i + sz * it]);
                    u64x4 aj = loadu_u64x4(aux_a[it] + sz - i + j);
                    aux[it * sz / 4 + j / 4] += (u64x4)mul64_u32x8((u32x8)bi, (u32x8)aj);
                }
            }
        }

        for (int i = 0; i < sz * X; i += 8) {
            u64x4 a0 = aux[i / 4];
            u64x4 a1 = aux[i / 4 + 1];

            if constexpr (lg >= 4) {
                a0 = reduce_cum(a0);
                a1 = reduce_cum(a1);
            }

            u32x8 b = permute_u32x8(mts.reduce(a0, a1), setr_u32x8(0, 2, 4, 6, 1, 3, 5, 7));
            b = mts.shrink(mts.shrink2(b));
            store_u32x8(a + i, b);
        }
    }

    template <bool mul_by_fc = true>
    inline void mul_mod(int lg, unsigned *__restrict__ a, unsigned *__restrict__ b, unsigned w, unsigned fc, const Montgomery_simd &mts) const {
        const auto mt = this->mt;

        if (lg >= 3) {
            assert(lg <= 12);
            static_for<10>([&](auto i) {
                if (i + 3 == lg) {
                    aux_mod_mul_x<1, i + 3, mul_by_fc>(a, b, std::array<unsigned, 1>{w}, fc, mts);
                }
            });
        } else {
            unsigned buf[1 << 6];
            memset(buf, 0, sizeof(buf));
            for (int i = 0; i < (1 << lg); i++) {
                a[i] = mt.shrink2(a[i]);
                b[i] = mt.shrink2(b[i]);
            }
            for (int i = 0; i < (1 << lg); i++) {
                for (int j = 0; j < (1 << lg); j++) {
                    int ind = i + j;
                    unsigned pr = mt.mul(a[i], b[j]);
                    if (ind >= (1 << lg)) {
                        pr = mt.mul(pr, w);
                        ind -= 1 << lg;
                    }
                    buf[ind] = mt.shrink2(buf[ind] + pr);
                }
            }

            if constexpr (mul_by_fc) {
                fc = mt.mul<true>(fc, mt.r2);
                for (int i = 0; i < (1 << lg); i++) {
                    buf[i] = mt.mul<true>(buf[i], fc);
                }
            } else {
                for (int i = 0; i < (1 << lg); i++) {
                    buf[i] = mt.shrink(mt.shrink2(buf[i]));
                }
            }

            memcpy(a, buf, 4 << lg);
        }
    }

    template <bool mul_by_fc = true>
    inline void mul_mod_x4(int lg, unsigned *__restrict__ a, unsigned *__restrict__ b,
                                                           std::array<unsigned, 4> w, unsigned fc, const Montgomery_simd &mts) const {
        if (lg >= 3) {
            assert(lg <= 12);
            static_for<10>([&](auto i) {
                if (i + 3 == lg) {
                    aux_mod_mul_x<4, i + 3, mul_by_fc>(a, b, w, fc, mts);
                }
            });
        } else {
            for (int it = 0; it < 4; it++) {
                mul_mod<mul_by_fc>(lg, a + (1 << lg) * it, b + (1 << lg) * it, w[it], fc, mts);
            }
        }
    }

    template <int lg, bool first = true>
    inline typename std::enable_if<(lg >= 0), void>::type ntt_mul_rec_aux(int ind, unsigned *data_a, unsigned *data_b, Cum_info &cum_info, unsigned fc) const {
        const auto mts = this->mts;
        const auto mt = this->mt;

        if constexpr (lg <= MUL_ITER) {
            int k = lg;

            for (; k > MUL_QUAD; k -= 2) {
                u64x4 wj_cum = first ? (u64x4)mts.r : cum_info.w_cum[k];
                u32x8 w_1 = set1_u32x8(w[1]);

                for (int i = 0; i < (1 << lg); i += (1 << k)) {
                    u32x8 w1 = shuffle_u32x8<0b00'00'00'00>((u32x8)wj_cum);
                    u32x8 w2 = permute_u32x8((u32x8)wj_cum, set1_u32x8(2));
                    u32x8 w3 = permute_u32x8((u32x8)wj_cum, set1_u32x8(6));
                    wj_cum = mts.mul<true>(wj_cum, w_cum_x4[__builtin_ctz(~(ind + i >> k))]);

                    for (auto data : std::array{data_a, data_b}) {
                        for (int j = 0; j < (1 << k - 2); j += 8) {
                            butterfly_forward_x4(data + i + 0 * (1 << k - 2) + j,
                                                 data + i + 1 * (1 << k - 2) + j,
                                                 data + i + 2 * (1 << k - 2) + j,
                                                 data + i + 3 * (1 << k - 2) + j,
                                                 w_1, w1, w2, w3, mts);
                        }
                    }
                    if (k - 2 <= MUL_QUAD) {
                        unsigned f0 = w1[0];
                        unsigned f1 = mt.mul<true>(f0, w[1]);

                        std::array<unsigned, 4> wi = {f0, mod - f0, f1, mod - f1};
                        mul_mod_x4<false>(k - 2, data_a + i, data_b + i, wi, fc, mts);
                    }
                }
                cum_info.w_cum[k] = wj_cum;
            }

            fc = mt.mul<true>(fc, mt.r2);
            u32x8 fc_x8 = set1_u32x8(fc);

            for (; k + 1 < lg; k += 2) {
                u64x4 wj_cum = cum_info.w_cum_r[k];
                if (first) {
                    wj_cum = (u64x4)mts.r;
                    if (k <= MUL_QUAD) {
                        wj_cum = (u64x4)fc_x8;
                    }
                }
                u32x8 w_1 = set1_u32x8(w_r[1]);

                for (int i = 0; i < (1 << lg); i += (1 << k + 2)) {
                    u32x8 w1 = shuffle_u32x8<0b00'00'00'00>((u32x8)wj_cum);
                    u32x8 w2 = permute_u32x8((u32x8)wj_cum, set1_u32x8(2));
                    u32x8 w3 = permute_u32x8((u32x8)wj_cum, set1_u32x8(6));
                    wj_cum = mts.mul<true>(wj_cum, w_rcum_x4[__builtin_ctz(~(ind + i >> k + 2))]);

                    if (k <= MUL_QUAD) {
                        for (int j = 0; j < (1 << k); j += 8) {
                            butterfly_inverse_x4<false, true>(data_a + i + 0 * (1 << k) + j,
                                                              data_a + i + 1 * (1 << k) + j,
                                                              data_a + i + 2 * (1 << k) + j,
                                                              data_a + i + 3 * (1 << k) + j,
                                                              w_1, w1, w2, w3, mts, fc_x8);
                        }
                        continue;
                    }

                    for (int j = 0; j < (1 << k); j += 8) {
                        butterfly_inverse_x4(data_a + i + 0 * (1 << k) + j,
                                             data_a + i + 1 * (1 << k) + j,
                                             data_a + i + 2 * (1 << k) + j,
                                             data_a + i + 3 * (1 << k) + j,
                                             w_1, w1, w2, w3, mts);
                    }
                }
                cum_info.w_cum_r[k] = wj_cum;
            }

            if constexpr (first) {
                for (int i = 0; i < (1 << lg); i += 8) {
                    u32x8 a = load_u32x8(data_a + i);
                    store_u32x8(data_a + i, mts.shrink(a));
                }
            }
        } else if (lg < MUL_HIGH_RADIX || 1) {
            {
                int k = lg;
                u64x4 wj_cum = first ? (u64x4)mts.r : cum_info.w_cum[k];

                u32x8 w_1 = set1_u32x8(w[1]);
                u32x8 w1 = shuffle_u32x8<0b00'00'00'00>((u32x8)wj_cum);
                u32x8 w2 = permute_u32x8((u32x8)wj_cum, set1_u32x8(2));
                u32x8 w3 = permute_u32x8((u32x8)wj_cum, set1_u32x8(6));
                wj_cum = mts.mul<true>(wj_cum, w_cum_x4[__builtin_ctz(~(ind >> k))]);

                for (auto data : std::array{data_a, data_b}) {
                    for (int j = 0; j < (1 << k - 2); j += 8) {
                        butterfly_forward_x4<first>(data + 0 * (1 << k - 2) + j,
                                                    data + 1 * (1 << k - 2) + j,
                                                    data + 2 * (1 << k - 2) + j,
                                                    data + 3 * (1 << k - 2) + j,
                                                    w_1, w1, w2, w3, mts);
                    }
                }

                cum_info.w_cum[k] = wj_cum;
            }
            {
                constexpr int rd = 2;
                static_for<1 << rd>([&](auto i) {
                    ntt_mul_rec_aux<lg - rd, first && i == 0>(ind + (1 << lg - rd) * i,
                                                              data_a + (1 << lg - rd) * i,
                                                              data_b + (1 << lg - rd) * i,
                                                              cum_info, fc);
                });
            }
            {
                int k = lg;
                u64x4 wj_cum = first ? (u64x4)mts.r : cum_info.w_cum_r[k];

                u32x8 w_1 = set1_u32x8(w_r[1]);
                u32x8 w1 = shuffle_u32x8<0b00'00'00'00>((u32x8)wj_cum);
                u32x8 w2 = permute_u32x8((u32x8)wj_cum, set1_u32x8(2));
                u32x8 w3 = permute_u32x8((u32x8)wj_cum, set1_u32x8(6));
                wj_cum = mts.mul<true>(wj_cum, w_rcum_x4[__builtin_ctz(~(ind >> k))]);

                for (int j = 0; j < (1 << k - 2); j += 8) {
                    butterfly_inverse_x4<first>(data_a + 0 * (1 << k - 2) + j,
                                                data_a + 1 * (1 << k - 2) + j,
                                                data_a + 2 * (1 << k - 2) + j,
                                                data_a + 3 * (1 << k - 2) + j,
                                                w_1, w1, w2, w3, mts);
                }

                cum_info.w_cum_r[k] = wj_cum;
            }
        } else {
            constexpr int RD = 6;
            constexpr int BLC = 1024;
            {
                u32x8 w_1 = set1_u32x8(w[1]);
                u32x8 wx_0[3];
                u32x8 wx_1[4][3];
                u32x8 wx_2[16][3];
                for (int t = 0; t < 3; t++) {
                    u64x4 wj_cum = first ? (u64x4)mts.r : cum_info.w_cum[lg - 2 * t];
                    for (int i = 0; i < (1 << 2 * t); i++) {
                        u32x8 *wi = std::array{wx_0, wx_1[i], wx_2[i]}[t];

                        wi[0] = shuffle_u32x8<0b00'00'00'00>((u32x8)wj_cum);
                        wi[1] = permute_u32x8((u32x8)wj_cum, set1_u32x8(2));
                        wi[2] = permute_u32x8((u32x8)wj_cum, set1_u32x8(6));
                        wj_cum = mts.mul<true>(wj_cum, w_cum_x4[__builtin_ctz(~((ind >> lg - 2 * t) + i))]);
                    }
                    cum_info.w_cum[lg - 2 * t] = wj_cum;
                }
                for (auto data : std::array{data_a, data_b}) {
                    for (int t = 0; t <= 2; t++) {
                        const int sz = 1 << lg - 2 * t - 2;
                        for (int j0 = 0; j0 < sz; j0 += BLC) {
                            for (int i = 0; i < (1 << lg); i += 4 * sz) {
                                u32x8 *wi = std::array{wx_0, wx_1[i / sz / 4], wx_2[i / sz / 4]}[t];
                                u32x8 w1 = wi[0], w2 = wi[1], w3 = wi[2];
                                for (int j = j0; j < j0 + BLC; j += 8) {
                                    if (first && i == 0) {
                                        butterfly_forward_x4<true>(data + i + j + 0 * sz,
                                                                   data + i + j + 1 * sz,
                                                                   data + i + j + 2 * sz,
                                                                   data + i + j + 3 * sz,
                                                                   w_1, w1, w2, w3, mts);
                                    } else {
                                        butterfly_forward_x4(data + i + j + 0 * sz,
                                                             data + i + j + 1 * sz,
                                                             data + i + j + 2 * sz,
                                                             data + i + j + 3 * sz,
                                                             w_1, w1, w2, w3, mts);
                                    }
                                }
                            }
                        }
                    }
                }
            }

            {
                static_for<1 << RD>([&](auto i) {
                    ntt_mul_rec_aux<lg - RD, first && i == 0>(ind + (1 << lg - RD) * i,
                                                              data_a + (1 << lg - RD) * i,
                                                              data_b + (1 << lg - RD) * i,
                                                              cum_info, fc);
                });
            }
            {
                u32x8 w_1 = set1_u32x8(w_r[1]);
                u32x8 wx_0[3];
                u32x8 wx_1[4][3];
                u32x8 wx_2[16][3];
                for (int t = 0; t < 3; t++) {
                    u64x4 wj_cum = first ? (u64x4)mts.r : cum_info.w_cum_r[lg - 2 * t];
                    for (int i = 0; i < (1 << 2 * t); i++) {
                        u32x8 *wi = std::array{wx_0, wx_1[i], wx_2[i]}[t];

                        wi[0] = shuffle_u32x8<0b00'00'00'00>((u32x8)wj_cum);
                        wi[1] = permute_u32x8((u32x8)wj_cum, set1_u32x8(2));
                        wi[2] = permute_u32x8((u32x8)wj_cum, set1_u32x8(6));
                        wj_cum = mts.mul<true>(wj_cum, w_rcum_x4[__builtin_ctz(~((ind >> lg - 2 * t) + i))]);
                    }
                    cum_info.w_cum_r[lg - 2 * t] = wj_cum;
                }
                for (int t = 2; t >= 0; t--) {
                    const int sz = 1 << lg - 2 * t - 2;
                    for (int j0 = 0; j0 < sz; j0 += BLC) {
                        for (int i = 0; i < (1 << lg); i += 4 * sz) {
                            u32x8 *wi = std::array{wx_0, wx_1[i / sz / 4], wx_2[i / sz / 4]}[t];
                            u32x8 w1 = wi[0], w2 = wi[1], w3 = wi[2];
                            for (int j = j0; j < j0 + BLC; j += 8) {
                                if (first && i == 0) {
                                    butterfly_inverse_x4<true>(data_a + i + j + 0 * sz,
                                                               data_a + i + j + 1 * sz,
                                                               data_a + i + j + 2 * sz,
                                                               data_a + i + j + 3 * sz,
                                                               w_1, w1, w2, w3, mts);
                                } else {
                                    butterfly_inverse_x4(data_a + i + j + 0 * sz,
                                                         data_a + i + j + 1 * sz,
                                                         data_a + i + j + 2 * sz,
                                                         data_a + i + j + 3 * sz,
                                                         w_1, w1, w2, w3, mts);
                                }
                            }
                        }
                    }
                }
            }
        }
    }

    template <int lg, bool first>
    typename std::enable_if<(lg < 0), void>::type ntt_mul_rec_aux(auto... args) const { ; }

    inline void convolve(int lg, unsigned *__restrict__ a, unsigned *__restrict__ b) const {
        if (lg <= 4) {
            int n = (1 << lg);
            unsigned *__restrict__ c = (unsigned *)_mm_malloc(n * 4, 4);
            memset(c, 0, 4 * n);
            for (int i = 0; i < n; i++) {
                for (int j = 0; j < n; j++) {
                    c[(i + j) & (n - 1)] = mt.shrink2(c[(i + j) & (n - 1)] + mt.mul(a[i], b[j]));
                }
            }
            for (int i = 0; i < n; i++) {
                a[i] = mt.mul<true>(mt.r2, c[i]);
            }
            _mm_free(c);
            return;
        }

        ntt(lg, a);
        ntt(lg, b);

        const auto mts = this->mts;
        for (int i = 0; i < (1 << lg); i += 8) {
            u32x8 ai = load_u32x8(a + i), bi = load_u32x8(b + i);
            store_u32x8(a + i, mts.mul(mts.shrink2(ai), mts.shrink2(bi)));
        }

        intt(lg, a, mt.r2);
    }

    inline void convolve2(int lg, unsigned *__restrict__ a, unsigned *__restrict__ b) const {
        if (lg <= MUL_QUAD) {
            mul_mod(lg, a, b, mt.r, mt.r, mts);
            for (int i = 0; i < (1 << lg); i++) {
                a[i] = mt.shrink(mt.shrink2(a[i]));
            }
            return;
        }

        Cum_info cum_info;
        unsigned f = power(mt.mul(mt.r2, mod + 1 >> 1), (lg - (MUL_QUAD - 1)) / 2 * 2);
        static_for<LG - MUL_QUAD>([&](auto it) {
            if (it + MUL_QUAD + 1 == lg)
                ntt_mul_rec_aux<it + MUL_QUAD + 1>(0, a, b, cum_info, f);
        });
    }

    inline std::vector<unsigned> convolve_slow(std::vector<unsigned> a, std::vector<unsigned> b) const {
        int sz = std::max(0, (int)a.size() + (int)b.size() - 1);
        const auto mt = this->mt;

        std::vector<unsigned> c(sz);

        for (int i = 0; i < a.size(); i++)
            for (int j = 0; j < b.size(); j++)
                c[i + j] = mt.shrink(c[i + j] + mt.mul<true>(mt.r2, mt.mul(a[i], b[j])));

        return c;
    }

    inline std::vector<unsigned> convolve(const std::vector<unsigned> &a, const std::vector<unsigned> &b) const {
        int sz = std::max(0, (int)a.size() + (int)b.size() - 1);

        int lg = std::__lg(std::max(1, sz - 1)) + 1;
        unsigned *ap = (unsigned *)_mm_malloc(std::max(32, (1 << lg) * 4), 32);
        unsigned *bp = (unsigned *)_mm_malloc(std::max(32, (1 << lg) * 4), 32);
        memset(ap, 0, 4 << lg);
        memset(bp, 0, 4 << lg);

        std::copy(a.begin(), a.end(), ap);
        std::copy(b.begin(), b.end(), bp);

        convolve(lg, ap, bp);

        std::vector<unsigned> res(ap, ap + sz);
        _mm_free(ap);
        _mm_free(bp);
        return res;
    }

    inline std::vector<unsigned> convolve2(const std::vector<unsigned> &a, const std::vector<unsigned> &b) const {
        int sz = std::max(0, (int)a.size() + (int)b.size() - 1);

        int lg = std::__lg(std::max(1, sz - 1)) + 1;
        unsigned *ap = (unsigned *)_mm_malloc(std::max(32, (1 << lg) * 4), 32);
        unsigned *bp = (unsigned *)_mm_malloc(std::max(32, (1 << lg) * 4), 32);
        memset(ap, 0, 4 << lg);
        memset(bp, 0, 4 << lg);

        std::copy(a.begin(), a.end(), ap);
        std::copy(b.begin(), b.end(), bp);

        convolve2(lg, ap, bp);

        std::vector<unsigned> res(ap, ap + sz);
        _mm_free(ap);
        _mm_free(bp);
        return res;
    }
};

#include <sys/mman.h>
#include <sys/stat.h>

#include <cstring>
#include <iostream>

namespace __io {
    namespace QIO_base {
        constexpr unsigned O_buffer_default_size = 1 << 18;
        constexpr unsigned O_buffer_default_flush_threshold = 40;
        struct _int_to_char_tab {
            char tab[40000];
            constexpr _int_to_char_tab() : tab() {
                for (unsigned i = 0; i != 10000; ++i) {
                    for (unsigned j = 3, n = i; ~j; --j) {
                        tab[i * 4 + j] = n % 10 + 48, n /= 10;
                    }
                }
            }
        } constexpr _otab;
    }
    namespace QIO_I {
        using namespace QIO_base;
        struct Qinf {
            FILE *f;
            char *bg, *ed, *p;
            struct stat Fl;
            Qinf(FILE *fi) : f(fi) {
                int fd = fileno(f);
                fstat(fd, &Fl);
                bg = (char *)mmap(0, Fl.st_size + 1, PROT_READ, MAP_PRIVATE, fd, 0);
                p = bg, ed = bg + Fl.st_size;
                madvise(p, Fl.st_size + 1, MADV_SEQUENTIAL);
            }
            ~Qinf() { munmap(bg, Fl.st_size + 1); }
            void skip_space() {
                while (*p <= ' ') {
                    ++p;
                }
            }
            char get() { return *p++; }
            char seek() { return *p; }
            bool eof() { return p == ed; }
            Qinf &read(char *s, size_t count) { return memcpy(s, p, count), p += count, *this; }
            Qinf &operator>>(unsigned &x) {
                skip_space(), x = 0;
                for (; *p > ' '; ++p) x = x * 10 + (*p & 0xf);
                return *this;
            }
            Qinf &operator>>(int &x) {
                skip_space();
                if (*p == '-') {
                    for (++p, x = 48 - *p++; *p > ' '; ++p) {
                        x = x * 10 - (*p ^ 48);
                    }
                } else {
                    for (x = *p++ ^ 48; *p > ' '; ++p) {
                        x = x * 10 + (*p ^ 48);
                    }
                }
                return *this;
            }
        } qin(stdin);
    }
    namespace QIO_O {
        using namespace QIO_base;
        struct Qoutf {
            FILE *f;
            char *bg, *ed, *p;
            char *ed_thre;
            int fp;
            unsigned long long _fpi;
            Qoutf(FILE *fo, size_t sz = O_buffer_default_size) : f(fo), bg(new char[sz]), ed(bg + sz), p(bg), ed_thre(ed - O_buffer_default_flush_threshold), fp(6), _fpi(1000000ull) {}
            void flush() { fwrite_unlocked(bg, 1, p - bg, f), p = bg; }
            void chk() {
                if (__builtin_expect(p > ed_thre, 0)) {
                    flush();
                }
            }
            ~Qoutf() {
                flush();
                delete[] bg;
            }
            void put4(unsigned x) {
                if (x > 99u) {
                    if (x > 999u) {
                        memcpy(p, _otab.tab + (x << 2) + 0, 4), p += 4;
                    } else {
                        memcpy(p, _otab.tab + (x << 2) + 1, 3), p += 3;
                    }
                } else {
                    if (x > 9u) {
                        memcpy(p, _otab.tab + (x << 2) + 2, 2), p += 2;
                    } else {
                        *p++ = x ^ 48;
                    }
                }
            }
            void put2(unsigned x) {
                if (x > 9u) {
                    memcpy(p, _otab.tab + (x << 2) + 2, 2), p += 2;
                } else {
                    *p++ = x ^ 48;
                }
            }
            Qoutf &write(const char *s, size_t count) {
                if (count > 1024 || p + count > ed_thre) {
                    flush(), fwrite_unlocked(s, 1, count, f);
                } else {
                    memcpy(p, s, count), p += count, chk();
                }
                return *this;
            }
            Qoutf &operator<<(char ch) { return *p++ = ch, *this; }
            Qoutf &operator<<(unsigned x) {
                if (x > 99999999u) {
                    put2(x / 100000000u), x %= 100000000u;
                    memcpy(p, _otab.tab + ((x / 10000u) << 2), 4), p += 4;
                    memcpy(p, _otab.tab + ((x % 10000u) << 2), 4), p += 4;
                } else if (x > 9999u) {
                    put4(x / 10000u);
                    memcpy(p, _otab.tab + ((x % 10000u) << 2), 4), p += 4;
                } else {
                    put4(x);
                }
                return chk(), *this;
            }
            Qoutf &operator<<(int x) {
                if (x < 0) {
                    *p++ = '-', x = -x;
                }
                return *this << static_cast<unsigned>(x);
            }
        } qout(stdout);
    }
    namespace QIO {
        using QIO_I::qin;
        using QIO_I::Qinf;
        using QIO_O::qout;
        using QIO_O::Qoutf;
    }
    using namespace QIO;
};
using namespace __io;

#include <cassert>
#include <iostream>

int32_t main() {
    std::ios_base::sync_with_stdio(false), std::cin.tie(nullptr);

    NTT fft(998'244'353);

    unsigned n, m;
    qin >> n >> m;
    ++n, ++m;

    unsigned lg = std::__lg(std::max(1u, n + m - 2)) + 1;
    unsigned *a = (unsigned *)_mm_malloc(std::max(32, (1 << lg) * 4), 32);
    unsigned *b = (unsigned *)_mm_malloc(std::max(32, (1 << lg) * 4), 32);

    for (unsigned i = 0; i ^ n; i++) qin >> a[i];

    memset(a + n, 0, (4 << lg) - 4 * n);

    for (int i = 0; i < m; i++)
        qin >> b[i];

    memset(b + m, 0, (4 << lg) - 4 * m);

    fft.convolve2(lg, a, b);

    for (int i = 0; i < (n + m - 1); i++)
        qout << a[i] << " \n"[i + 1 == (n + m - 1)];
}

Details

answer.code:1:9: warning: #pragma once in main file
    1 | #pragma once
      |         ^~~~
In file included from /usr/include/c++/13/string:43,
                 from /usr/include/c++/13/bits/locale_classes.h:40,
                 from /usr/include/c++/13/bits/ios_base.h:41,
                 from /usr/include/c++/13/ios:44,
                 from /usr/include/c++/13/ostream:40,
                 from /usr/include/c++/13/iostream:41,
                 from answer.code:3:
/usr/include/c++/13/bits/allocator.h: In destructor ‘constexpr std::_Vector_base<unsigned int, std::allocator<unsigned int> >::_Vector_impl::~_Vector_impl()’:
/usr/include/c++/13/bits/allocator.h:184:7: error: inlining failed in call to ‘always_inline’ ‘constexpr std::allocator< <template-parameter-1-1> >::~allocator() noexcept [with _Tp = unsigned int]’: target specific option mismatch
  184 |       ~allocator() _GLIBCXX_NOTHROW { }
      |       ^
In file included from /usr/include/c++/13/vector:66,
                 from answer.code:240:
/usr/include/c++/13/bits/stl_vector.h:133:14: note: called from here
  133 |       struct _Vector_impl
      |              ^~~~~~~~~~~~