QOJ.ac
QOJ
ID | Problem | Submitter | Result | Time | Memory | Language | File size | Submit time | Judge time |
---|---|---|---|---|---|---|---|---|---|
#862268 | #9986. Shiori | ucup-team296# | TL | 5955ms | 36492kb | Rust | 38.6kb | 2025-01-18 23:29:48 | 2025-01-18 23:29:53 |
Judging History
answer
// https://contest.ucup.ac/contest/1894/problem/9986
pub mod solution {
//{"name":"L. Shiori","group":"Universal Cup - The 3rd Universal Cup. Stage 26: China","url":"https://contest.ucup.ac/contest/1894/problem/9986","interactive":false,"timeLimit":1000,"tests":[{"input":"5 8\n0 7 2 1 0\n1 2 4 0\n2 1 3\n2 3 4\n3 1 3\n1 2 3 4\n3 1 4\n2 1 5\n3 2 5\n","output":"5\n11\n22\n"}],"testType":"single","input":{"type":"stdin","fileName":null,"pattern":null},"output":{"type":"stdout","fileName":null,"pattern":null},"languages":{"java":{"taskClass":"LShiori"}}}
use std::time::Instant;
use crate::algo_lib::collections::bit_set::BitSet;
use crate::algo_lib::collections::sqrt_decomposition::Part;
use crate::algo_lib::collections::sqrt_decomposition::SqrtDecomposition;
use crate::algo_lib::collections::sqrt_decomposition::SqrtNode;
#[allow(unused)]
use crate::dbg;
use crate::algo_lib::io::input::Input;
use crate::algo_lib::io::output::Output;
use crate::algo_lib::misc::rand::Random;
const MX: usize = 500_210;
#[derive(Clone)]
struct Block {
bitset: BitSet,
sum: i64,
n: i64,
set_to_value: Option<i64>,
add_to_every: i64,
}
impl Block {
pub fn new() -> Self {
Self {
bitset: BitSet::new(MX),
sum: 0,
n: 0,
set_to_value: None,
add_to_every: 0,
}
}
}
impl SqrtNode for Block {
type Value = i64;
fn relax(&mut self, raw_values: &mut [Self::Value]) {
if let Some(v) = self.set_to_value {
for x in raw_values.iter_mut() {
*x = v;
}
} else if self.add_to_every != 0 {
for x in raw_values.iter_mut() {
*x += self.add_to_every;
}
}
self.set_to_value = None;
self.add_to_every = 0;
}
fn rebuild(&mut self, raw_values: &[Self::Value]) {
self.bitset.clear();
for &x in raw_values.iter() {
if x < MX as i64 {
self.bitset.set(x as usize, true);
}
}
self.add_to_every = 0;
self.set_to_value = None;
self.sum = raw_values.iter().sum();
self.n = raw_values.len() as i64;
}
}
struct Solver {
sqrt: SqrtDecomposition<Block>,
query_bitset: BitSet,
block_size: usize,
}
impl Solver {
pub fn new(a: Vec<i64>, block_size: usize) -> Self {
let block_size = block_size.min(a.len());
let sqrt = SqrtDecomposition::new(a, block_size, Block::new());
Self {
sqrt,
query_bitset: BitSet::new(MX),
block_size,
}
}
fn set(&mut self, l: usize, r: usize, v: i64) {
self.sqrt.iter_mut(
l..r,
|block| match block {
Part::Full(block) => {
block.set_to_value = Some(v);
block.add_to_every = 0;
block.sum = v * block.n;
}
Part::Single(_block, single) => {
*single = v;
}
},
true,
);
}
fn add_mex(&mut self, l: usize, r: usize) {
self.query_bitset.clear();
self.sqrt.iter_mut(
l..r,
|block| match block {
Part::Full(_block) => {
// NOTHING
}
Part::Single(_block, single) => {
if *single < MX as i64 {
self.query_bitset.set_true(*single as usize);
}
}
},
false,
);
let mut mex = 0;
for base in (0..).step_by(64) {
let mut my = self.query_bitset.get_u64(base);
// dbg!(self.block_size, my, l, r);
self.sqrt.iter_mut_only_full(l..r, |block| {
// dbg!("l..r", l, r);
if let Some(v) = block.set_to_value {
if v >= base as i64 && v < (base as i64 + 64) {
my |= 1 << (v as usize - base);
}
} else if block.add_to_every < (base + 64) as i64 {
if block.add_to_every <= base as i64 {
my |= block.bitset.get_u64(base - block.add_to_every as usize);
// dbg!("!!", my, base - block.add_to_every as usize);
} else {
let from0_mask = block.bitset.get_u64(0);
let need_first_bits = block.add_to_every as usize - base;
let from0_mask = from0_mask << need_first_bits;
my |= from0_mask;
}
}
});
if my == u64::MAX {
mex += 64;
} else {
for bit in 0..64 {
if (my & (1 << bit)) == 0 {
mex += bit;
break;
}
}
break;
}
}
// dbg!(mex);
// if mex != 0 {
self.sqrt.iter_mut(
l..r,
|block| match block {
Part::Full(block) => {
if let Some(v) = block.set_to_value {
block.set_to_value = Some(v + mex as i64);
block.sum = block.n * (v + mex as i64);
} else {
block.add_to_every += mex as i64;
block.sum += block.n * mex as i64;
}
}
Part::Single(_block, single) => {
*single += mex as i64;
}
},
true,
);
// }
}
fn sum(&mut self, l: usize, r: usize) -> i64 {
let mut res = 0;
self.sqrt.iter_mut(
l..r,
|block| match block {
Part::Full(block) => {
res += block.sum;
}
Part::Single(_block, single) => {
res += *single;
}
},
true,
);
res
}
}
fn solve(input: &mut Input, out: &mut Output, _test_case: usize) {
let n = input.usize();
let m = input.usize();
let a = input.vec::<i64>(n);
const BLOCK_SIZE: usize = 1000;
let mut solver = Solver::new(a, BLOCK_SIZE);
for _ in 0..m {
let op_type = input.usize();
let l = input.usize() - 1;
let r = input.usize();
if op_type == 1 {
// set
let v = input.i64();
solver.set(l, r, v);
} else if op_type == 2 {
// calc mex and add
solver.add_mex(l, r);
} else if op_type == 3 {
let res = solver.sum(l, r);
out.println(res);
} else {
unreachable!();
}
}
}
fn stress2() {
for it in 54.. {
dbg!(it);
let mut rnd = Random::new(it);
const MAX_N: usize = 100;
const MAX_V: i64 = 500;
const MAX_M: usize = 100;
let n = rnd.gen(1..MAX_N);
let a = rnd.gen_vec(n, 0..MAX_V);
// dbg!(a);
let block_size1 = rnd.gen(1..MAX_N);
let block_size2 = rnd.gen(1..MAX_N);
// dbg!(block_size1, block_size2);
let mut solver1 = Solver::new(a.clone(), block_size1);
let mut solver2 = Solver::new(a.clone(), block_size2);
for _ in 0..MAX_M {
let op_type = rnd.gen(1..4);
let l = rnd.gen(0..n);
let r = rnd.gen(l + 1..n + 1);
if op_type == 1 {
// set
let v = rnd.gen(0..MAX_V);
// dbg!("set", l, r, v);
solver1.set(l, r, v);
solver2.set(l, r, v);
} else if op_type == 2 {
// calc mex and add
// dbg!("add_mex", l, r);
solver1.add_mex(l, r);
solver2.add_mex(l, r);
} else if op_type == 3 {
// dbg!("sum", l, r);
let res1 = solver1.sum(l, r);
let res2 = solver2.sum(l, r);
// dbg!(res1, res2);
assert_eq!(res1, res2);
} else {
unreachable!();
}
}
}
}
fn stress() {
for it in 1.. {
dbg!(it);
let mut rnd = Random::new(it);
const MAX_N: usize = 500_000;
const MAX_V: i64 = 500_000;
const MAX_M: usize = 500_000;
let n = MAX_N;
let start = Instant::now();
let a = rnd.gen_vec(n, 0..MAX_V);
let mut solver = Solver::new(a.clone(), 500);
for _ in 0..MAX_M {
let op_type = rnd.gen(1..4);
let l = rnd.gen(0..n);
let r = rnd.gen(l + 1..n + 1);
if op_type == 1 {
// set
let v = rnd.gen(0..MAX_V);
solver.set(l, r, v);
} else if op_type == 2 {
solver.add_mex(l, r);
} else if op_type == 3 {
solver.sum(l, r);
} else {
unreachable!();
}
}
dbg!(start.elapsed())
}
}
pub(crate) fn run(mut input: Input, mut output: Output) -> bool {
solve(&mut input, &mut output, 1);
output.flush();
true
}
}
pub mod algo_lib {
#![feature(test)]
#![allow(clippy::too_many_arguments)]
#![allow(clippy::type_complexity)]
pub mod collections {
pub mod bit_set {
use std::ops::BitAndAssign;
use std::ops::BitOrAssign;
use std::ops::BitXorAssign;
use std::ops::Not;
#[derive(Hash, Clone, Eq, PartialOrd, PartialEq, Debug)]
pub struct BitSet {
values: Vec<u64>,
}
impl BitSet {
pub fn calc_len(n: usize) -> usize {
(n + 127) / 128 * 2
}
#[allow(unused)]
pub fn new(n: usize) -> Self {
Self {
values: vec![0u64; BitSet::calc_len(n)],
}
}
#[allow(unused)]
pub fn get(&self, pos: usize) -> bool {
(self.values[pos >> 6] >> (pos & 63)) & 1 == 1
}
pub fn get_u64(&self, from_pos: usize) -> u64 {
if from_pos >= self.bit_len() {
return 0;
}
if from_pos & 63 == 0 {
self.values[from_pos >> 6]
} else {
let mut res = self.values[from_pos >> 6] >> (from_pos & 63);
if from_pos + 64 < self.bit_len() {
res |= self.values[(from_pos >> 6) + 1] << (64 - (from_pos & 63))
}
res
}
}
// bit [i] becomes [i + shift]. Bits after [n] are almost dropped.
pub fn shift_higher(&self, shift: usize) -> Self {
let mut res = Self::new(self.bit_len());
let whole = shift / 64;
let offset = shift % 64;
for i in 0..self.values.len() {
if i + whole >= res.values.len() {
break;
}
res.values[i + whole] |= self.values[i] << offset;
if offset != 0 && i + whole + 1 < res.values.len() {
res.values[i + whole + 1] |= self.values[i] >> (64 - offset);
}
}
res
}
// bit [i] becomes [i - shift]. Bits before [0] are dropped.
pub fn shift_lower(&self, shift: usize) -> Self {
let mut res = Self::new(self.bit_len());
let whole = shift / 64;
let offset = shift % 64;
for i in 0..self.values.len() {
if i < whole {
continue;
}
// TODO: test
res.values[i - whole] |= self.values[i] >> offset;
if offset != 0 && i - whole != 0 {
res.values[i - whole - 1] |= self.values[i] << (64 - offset);
}
}
res
}
#[allow(unused)]
pub fn set(&mut self, pos: usize, val: bool) {
if val {
self.values[pos >> 6] |= 1u64 << (pos & 63);
} else {
self.values[pos >> 6] &= (1u64 << (pos & 63)).not();
}
}
pub fn set_true(&mut self, pos: usize) {
self.values[pos >> 6] |= 1u64 << (pos & 63);
}
#[allow(unused)]
pub fn clear(&mut self) {
for x in self.values.iter_mut() {
*x = 0;
}
}
fn ensure_length(&mut self, bit_len: usize) {
let i64_len = Self::calc_len(bit_len);
if i64_len > self.values.len() {
self.values.resize(i64_len, 0);
}
}
fn bit_len(&self) -> usize {
self.values.len() << 6
}
pub fn first_not_set(&self, mut pos: usize) -> usize {
if pos >= self.bit_len() {
return pos;
}
while (pos & 63) != 0 {
if !self.get(pos) {
return pos;
}
pos += 1;
}
match self.values[pos >> 6..]
.iter()
.position(|x| *x != std::u64::MAX)
{
None => self.values.len() << 6,
Some(idx) => {
pos += idx * 64;
while self.get(pos) {
pos += 1;
}
pos
}
}
}
pub fn first_set(&self, mut pos: usize) -> Option<usize> {
if pos >= self.bit_len() {
return None;
}
if (pos & 63) != 0 {
let part = self.values[pos >> 6] >> (pos & 63);
if part != 0 {
return Some(pos + part.trailing_zeros() as usize);
}
pos = (pos | 63) + 1;
}
match self.values[pos >> 6..].iter().position(|x| *x != 0) {
None => None,
Some(idx) => {
pos += idx * 64;
pos += self.values[pos >> 6].trailing_zeros() as usize;
assert!(self.get(pos));
Some(pos)
}
}
}
#[target_feature(enable = "avx2")]
unsafe fn bitor_assign_avx2(&mut self, rhs: &Self) {
for (x, y) in self.values.iter_mut().zip(rhs.values.iter()) {
*x |= *y;
}
}
#[target_feature(enable = "ssse3")]
unsafe fn bitor_assign_ssse3(&mut self, rhs: &Self) {
for (x, y) in self.values.iter_mut().zip(rhs.values.iter()) {
*x |= *y;
}
}
pub fn count_ones(&self) -> usize {
self.values.iter().map(|x| x.count_ones() as usize).sum()
}
}
impl BitOrAssign<&BitSet> for BitSet {
fn bitor_assign(&mut self, rhs: &Self) {
self.ensure_length(rhs.bit_len());
if is_x86_feature_detected!("avx2") {
unsafe {
self.bitor_assign_avx2(rhs);
}
} else if is_x86_feature_detected!("ssse3") {
unsafe {
self.bitor_assign_ssse3(rhs);
}
} else {
for (x, y) in self.values.iter_mut().zip(rhs.values.iter()) {
*x |= *y;
}
}
}
}
impl BitAndAssign<&BitSet> for BitSet {
fn bitand_assign(&mut self, rhs: &BitSet) {
self.ensure_length(rhs.bit_len());
let len = rhs.values.len();
for (x, y) in self.values[0..len]
.iter_mut()
.zip(rhs.values[0..len].iter())
{
*x &= *y;
}
}
}
impl BitXorAssign<&BitSet> for BitSet {
fn bitxor_assign(&mut self, rhs: &BitSet) {
self.ensure_length(rhs.bit_len());
let len = rhs.values.len();
for (x, y) in self.values[0..len]
.iter_mut()
.zip(rhs.values[0..len].iter())
{
*x ^= *y;
}
}
}
}
pub mod sqrt_decomposition {
use crate::algo_lib::misc::gen_vector::gen_vec;
use crate::algo_lib::misc::range_intersect::range_intersect;
use std::cmp::min;
use std::ops::Range;
pub trait SqrtNode: Clone {
type Value: Clone;
fn relax(&mut self, raw_values: &mut [Self::Value]);
fn rebuild(&mut self, raw_values: &[Self::Value]);
}
pub struct SqrtDecomposition<T>
where
T: SqrtNode,
{
raw_values: Vec<T::Value>,
block_size: usize,
blocks: Vec<T>,
}
// TODO: think about better name?
pub enum Part<'a, T>
where
T: SqrtNode,
{
Full(&'a mut T),
Single(&'a mut T, &'a mut T::Value),
}
impl<T> SqrtDecomposition<T>
where
T: SqrtNode,
{
pub fn new(raw_values: Vec<T::Value>, block_size: usize, empty_block: T) -> Self {
assert!(block_size > 0);
let n = raw_values.len();
let blocks_num = (n + block_size - 1) / block_size;
let blocks = gen_vec(blocks_num, |id| {
let mut block = empty_block.clone();
block.rebuild(&raw_values[id * block_size..min((id + 1) * block_size, n)]);
block
});
Self {
raw_values,
block_size,
blocks,
}
}
pub fn iter_mut<F>(&mut self, range: Range<usize>, mut f: F, do_rebuild: bool)
where
F: FnMut(Part<T>),
{
let first_block = range.start / self.block_size;
let last_block = (range.end + self.block_size - 1) / self.block_size;
let block_size = self.block_size;
let handle_side_block =
|id: usize, f: &mut F, block: &mut T, raw_values: &mut [T::Value]| {
let n = raw_values.len();
let cur_block = block_size * id..min(n, block_size * (id + 1));
let range = range_intersect(cur_block.clone(), range.clone());
if range == cur_block {
f(Part::Full(block));
} else {
block.relax(&mut raw_values[cur_block.clone()]);
for single in raw_values[range].iter_mut() {
f(Part::Single(block, single));
}
if do_rebuild {
block.rebuild(&raw_values[cur_block]);
}
}
};
handle_side_block(
first_block,
&mut f,
&mut self.blocks[first_block],
&mut self.raw_values,
);
if first_block + 1 < last_block {
for block_id in first_block + 1..last_block - 1 {
f(Part::Full(&mut self.blocks[block_id]))
}
handle_side_block(
last_block - 1,
&mut f,
&mut self.blocks[last_block - 1],
&mut self.raw_values,
);
}
}
pub fn iter_mut_only_full<F>(&mut self, range: Range<usize>, mut f: F)
where
F: FnMut(&mut T),
{
let first_block = range.start / self.block_size;
let last_block = (range.end + self.block_size - 1) / self.block_size;
let block_size = self.block_size;
let handle_side_block =
|id: usize, f: &mut F, block: &mut T, raw_values: &mut [T::Value]| {
let n = raw_values.len();
let cur_block = block_size * id..min(n, block_size * (id + 1));
let range = range_intersect(cur_block.clone(), range.clone());
if range == cur_block {
f(block);
}
};
handle_side_block(
first_block,
&mut f,
&mut self.blocks[first_block],
&mut self.raw_values,
);
if first_block + 1 < last_block {
for block_id in first_block + 1..last_block - 1 {
f(&mut self.blocks[block_id])
}
handle_side_block(
last_block - 1,
&mut f,
&mut self.blocks[last_block - 1],
&mut self.raw_values,
);
}
}
}
}
}
pub mod io {
pub mod input {
use std::fmt::Debug;
use std::io::Read;
use std::marker::PhantomData;
use std::path::Path;
use std::str::FromStr;
pub struct Input {
input: Box<dyn Read>,
buf: Vec<u8>,
at: usize,
buf_read: usize,
}
macro_rules! read_integer_fun {
($t:ident) => {
#[allow(unused)]
pub fn $t(&mut self) -> $t {
self.read_integer()
}
};
}
impl Input {
const DEFAULT_BUF_SIZE: usize = 4096;
///
/// Using with stdin:
/// ```no_run
/// use algo_lib::io::input::Input;
/// let stdin = std::io::stdin();
/// let input = Input::new(Box::new(stdin));
/// ```
///
/// For read files use ``new_file`` instead.
///
///
pub fn new(input: Box<dyn Read>) -> Self {
Self {
input,
buf: vec![0; Self::DEFAULT_BUF_SIZE],
at: 0,
buf_read: 0,
}
}
pub fn new_stdin() -> Self {
let stdin = std::io::stdin();
Self::new(Box::new(stdin))
}
pub fn new_file<P: AsRef<Path>>(path: P) -> Self {
let file = std::fs::File::open(&path)
.unwrap_or_else(|_| panic!("Can't open file: {:?}", path.as_ref().as_os_str()));
Self::new(Box::new(file))
}
pub fn new_with_size(input: Box<dyn Read>, buf_size: usize) -> Self {
Self {
input,
buf: vec![0; buf_size],
at: 0,
buf_read: 0,
}
}
pub fn new_file_with_size<P: AsRef<Path>>(path: P, buf_size: usize) -> Self {
let file = std::fs::File::open(&path)
.unwrap_or_else(|_| panic!("Can't open file: {:?}", path.as_ref().as_os_str()));
Self::new_with_size(Box::new(file), buf_size)
}
pub fn get(&mut self) -> Option<u8> {
if self.refill_buffer() {
let res = self.buf[self.at];
self.at += 1;
Some(res)
} else {
None
}
}
pub fn peek(&mut self) -> Option<u8> {
if self.refill_buffer() {
Some(self.buf[self.at])
} else {
None
}
}
pub fn skip_whitespace(&mut self) {
while let Some(b) = self.peek() {
if !char::from(b).is_whitespace() {
return;
}
self.get();
}
}
pub fn next_token(&mut self) -> Option<Vec<u8>> {
self.skip_whitespace();
let mut res = Vec::new();
while let Some(c) = self.get() {
if char::from(c).is_whitespace() {
break;
}
res.push(c);
}
if res.is_empty() {
None
} else {
Some(res)
}
}
//noinspection RsSelfConvention
pub fn is_exhausted(&mut self) -> bool {
self.peek().is_none()
}
pub fn has_more_elements(&mut self) -> bool {
!self.is_exhausted()
}
pub fn read<T: Readable>(&mut self) -> T {
T::read(self)
}
pub fn vec<T: Readable>(&mut self, size: usize) -> Vec<T> {
let mut res = Vec::with_capacity(size);
for _ in 0usize..size {
res.push(self.read());
}
res
}
pub fn string_vec(&mut self, size: usize) -> Vec<Vec<u8>> {
let mut res = Vec::with_capacity(size);
for _ in 0usize..size {
res.push(self.string());
}
res
}
pub fn read_line(&mut self) -> String {
let mut res = String::new();
while let Some(c) = self.get() {
if c == b'\n' {
break;
}
if c == b'\r' {
if self.peek() == Some(b'\n') {
self.get();
}
break;
}
res.push(c.into());
}
res
}
#[allow(clippy::should_implement_trait)]
pub fn into_iter<T: Readable>(self) -> InputIterator<T> {
InputIterator {
input: self,
phantom: Default::default(),
}
}
fn read_integer<T: FromStr + Debug>(&mut self) -> T
where
<T as FromStr>::Err: Debug,
{
let res = self.read_string();
res.parse::<T>().unwrap()
}
fn read_string(&mut self) -> String {
match self.next_token() {
None => {
panic!("Input exhausted");
}
Some(res) => unsafe { String::from_utf8_unchecked(res) },
}
}
pub fn string_as_string(&mut self) -> String {
self.read_string()
}
pub fn string(&mut self) -> Vec<u8> {
self.read_string().into_bytes()
}
fn read_char(&mut self) -> char {
self.skip_whitespace();
self.get().unwrap().into()
}
fn read_float(&mut self) -> f64 {
self.read_string().parse().unwrap()
}
pub fn f64(&mut self) -> f64 {
self.read_float()
}
fn refill_buffer(&mut self) -> bool {
if self.at == self.buf_read {
self.at = 0;
self.buf_read = self.input.read(&mut self.buf).unwrap();
self.buf_read != 0
} else {
true
}
}
read_integer_fun!(i32);
read_integer_fun!(i64);
read_integer_fun!(i128);
read_integer_fun!(u32);
read_integer_fun!(u64);
read_integer_fun!(usize);
}
pub trait Readable {
fn read(input: &mut Input) -> Self;
}
impl Readable for String {
fn read(input: &mut Input) -> Self {
input.read_string()
}
}
impl Readable for char {
fn read(input: &mut Input) -> Self {
input.read_char()
}
}
impl Readable for f64 {
fn read(input: &mut Input) -> Self {
input.read_string().parse().unwrap()
}
}
impl Readable for f32 {
fn read(input: &mut Input) -> Self {
input.read_string().parse().unwrap()
}
}
impl<T: Readable> Readable for Vec<T> {
fn read(input: &mut Input) -> Self {
let size = input.read();
input.vec(size)
}
}
pub struct InputIterator<T: Readable> {
input: Input,
phantom: PhantomData<T>,
}
impl<T: Readable> Iterator for InputIterator<T> {
type Item = T;
fn next(&mut self) -> Option<Self::Item> {
self.input.skip_whitespace();
self.input.peek().map(|_| self.input.read())
}
}
macro_rules! read_integer {
($t:ident) => {
impl Readable for $t {
fn read(input: &mut Input) -> Self {
input.read_integer()
}
}
};
}
read_integer!(i8);
read_integer!(i16);
read_integer!(i32);
read_integer!(i64);
read_integer!(i128);
read_integer!(isize);
read_integer!(u8);
read_integer!(u16);
read_integer!(u32);
read_integer!(u64);
read_integer!(u128);
read_integer!(usize);
}
pub mod output {
use std::io::Write;
pub struct Output {
output: Box<dyn Write>,
buf: Vec<u8>,
at: usize,
auto_flush: bool,
}
impl Output {
const DEFAULT_BUF_SIZE: usize = 4096;
pub fn new(output: Box<dyn Write>) -> Self {
Self {
output,
buf: vec![0; Self::DEFAULT_BUF_SIZE],
at: 0,
auto_flush: false,
}
}
pub fn new_stdout() -> Self {
let stdout = std::io::stdout();
Self::new(Box::new(stdout))
}
pub fn new_file(path: impl AsRef<std::path::Path>) -> Self {
let file = std::fs::File::create(path).unwrap();
Self::new(Box::new(file))
}
pub fn new_with_auto_flush(output: Box<dyn Write>) -> Self {
Self {
output,
buf: vec![0; Self::DEFAULT_BUF_SIZE],
at: 0,
auto_flush: true,
}
}
pub fn flush(&mut self) {
if self.at != 0 {
self.output.write_all(&self.buf[..self.at]).unwrap();
self.at = 0;
self.output.flush().expect("Couldn't flush output");
}
}
pub fn print<T: Writable>(&mut self, s: T) {
s.write(self);
}
pub fn println<T: Writable>(&mut self, s: T) {
s.write(self);
self.put(b'\n');
}
pub fn put(&mut self, b: u8) {
self.buf[self.at] = b;
self.at += 1;
if self.at == self.buf.len() {
self.flush();
}
}
pub fn maybe_flush(&mut self) {
if self.auto_flush {
self.flush();
}
}
pub fn print_per_line<T: Writable>(&mut self, arg: &[T]) {
for i in arg {
i.write(self);
self.put(b'\n');
}
}
pub fn print_iter<T: Writable, I: Iterator<Item = T>>(&mut self, iter: I) {
let mut first = true;
for e in iter {
if first {
first = false;
} else {
self.put(b' ');
}
e.write(self);
}
}
pub fn print_iter_ref<'a, T: 'a + Writable, I: Iterator<Item = &'a T>>(&mut self, iter: I) {
let mut first = true;
for e in iter {
if first {
first = false;
} else {
self.put(b' ');
}
e.write(self);
}
}
}
impl Write for Output {
fn write(&mut self, buf: &[u8]) -> std::io::Result<usize> {
let mut start = 0usize;
let mut rem = buf.len();
while rem > 0 {
let len = (self.buf.len() - self.at).min(rem);
self.buf[self.at..self.at + len].copy_from_slice(&buf[start..start + len]);
self.at += len;
if self.at == self.buf.len() {
self.flush();
}
start += len;
rem -= len;
}
if self.auto_flush {
self.flush();
}
Ok(buf.len())
}
fn flush(&mut self) -> std::io::Result<()> {
self.flush();
Ok(())
}
}
pub trait Writable {
fn write(&self, output: &mut Output);
}
impl Writable for &str {
fn write(&self, output: &mut Output) {
output.write_all(self.as_bytes()).unwrap();
}
}
impl Writable for String {
fn write(&self, output: &mut Output) {
output.write_all(self.as_bytes()).unwrap();
}
}
impl Writable for char {
fn write(&self, output: &mut Output) {
output.put(*self as u8);
}
}
impl<T: Writable> Writable for [T] {
fn write(&self, output: &mut Output) {
output.print_iter_ref(self.iter());
}
}
impl<T: Writable> Writable for Vec<T> {
fn write(&self, output: &mut Output) {
self[..].write(output);
}
}
macro_rules! write_to_string {
($t:ident) => {
impl Writable for $t {
fn write(&self, output: &mut Output) {
self.to_string().write(output);
}
}
};
}
write_to_string!(u8);
write_to_string!(u16);
write_to_string!(u32);
write_to_string!(u64);
write_to_string!(u128);
write_to_string!(usize);
write_to_string!(i8);
write_to_string!(i16);
write_to_string!(i32);
write_to_string!(i64);
write_to_string!(i128);
write_to_string!(isize);
write_to_string!(f32);
write_to_string!(f64);
impl<T: Writable, U: Writable> Writable for (T, U) {
fn write(&self, output: &mut Output) {
self.0.write(output);
output.put(b' ');
self.1.write(output);
}
}
impl<T: Writable, U: Writable, V: Writable> Writable for (T, U, V) {
fn write(&self, output: &mut Output) {
self.0.write(output);
output.put(b' ');
self.1.write(output);
output.put(b' ');
self.2.write(output);
}
}
}
}
pub mod misc {
pub mod dbg_macro {
#[macro_export]
#[allow(unused_macros)]
macro_rules! dbg {
($first_val:expr, $($val:expr),+ $(,)?) => {
eprint!("[{}:{}] {} = {:?}",
file!(), line!(), stringify!($first_val), &$first_val);
($(eprint!(", {} = {:?}", stringify!($val), &$val)),+,);
eprintln!();
};
($first_val:expr) => {
eprintln!("[{}:{}] {} = {:?}",
file!(), line!(), stringify!($first_val), &$first_val)
};
}
}
pub mod gen_vector {
pub fn gen_vec<T>(n: usize, f: impl FnMut(usize) -> T) -> Vec<T> {
(0..n).map(f).collect()
}
}
pub mod num_traits {
use std::cmp::Ordering;
use std::fmt::Debug;
use std::ops::Add;
use std::ops::AddAssign;
use std::ops::Div;
use std::ops::DivAssign;
use std::ops::Mul;
use std::ops::MulAssign;
use std::ops::Sub;
use std::ops::SubAssign;
pub trait HasConstants<T> {
const MAX: T;
const MIN: T;
const ZERO: T;
const ONE: T;
const TWO: T;
}
pub trait ConvSimple<T> {
fn from_i32(val: i32) -> T;
fn to_i32(self) -> i32;
fn to_f64(self) -> f64;
}
pub trait Signum {
fn signum(&self) -> i32;
}
pub trait Number:
Copy
+ Add<Output = Self>
+ AddAssign
+ Sub<Output = Self>
+ SubAssign
+ Mul<Output = Self>
+ MulAssign
+ Div<Output = Self>
+ DivAssign
+ PartialOrd
+ PartialEq
+ HasConstants<Self>
+ Default
+ Debug
+ Sized
+ ConvSimple<Self>
{
}
impl<
T: Copy
+ Add<Output = Self>
+ AddAssign
+ Sub<Output = Self>
+ SubAssign
+ Mul<Output = Self>
+ MulAssign
+ Div<Output = Self>
+ DivAssign
+ PartialOrd
+ PartialEq
+ HasConstants<Self>
+ Default
+ Debug
+ Sized
+ ConvSimple<Self>,
> Number for T
{
}
macro_rules! has_constants_impl {
($t: ident) => {
impl HasConstants<$t> for $t {
// TODO: remove `std` for new rust version..
const MAX: $t = std::$t::MAX;
const MIN: $t = std::$t::MIN;
const ZERO: $t = 0;
const ONE: $t = 1;
const TWO: $t = 2;
}
impl ConvSimple<$t> for $t {
fn from_i32(val: i32) -> $t {
val as $t
}
fn to_i32(self) -> i32 {
self as i32
}
fn to_f64(self) -> f64 {
self as f64
}
}
};
}
has_constants_impl!(i32);
has_constants_impl!(i64);
has_constants_impl!(i128);
has_constants_impl!(u32);
has_constants_impl!(u64);
has_constants_impl!(u128);
has_constants_impl!(usize);
has_constants_impl!(u8);
impl ConvSimple<Self> for f64 {
fn from_i32(val: i32) -> Self {
val as f64
}
fn to_i32(self) -> i32 {
self as i32
}
fn to_f64(self) -> f64 {
self
}
}
impl HasConstants<Self> for f64 {
const MAX: Self = Self::MAX;
const MIN: Self = -Self::MAX;
const ZERO: Self = 0.0;
const ONE: Self = 1.0;
const TWO: Self = 2.0;
}
impl<T: Number + Ord> Signum for T {
fn signum(&self) -> i32 {
match self.cmp(&T::ZERO) {
Ordering::Greater => 1,
Ordering::Less => -1,
Ordering::Equal => 0,
}
}
}
}
pub mod rand {
use crate::algo_lib::misc::gen_vector::gen_vec;
use crate::algo_lib::misc::num_traits::Number;
use std::ops::Range;
use std::time::SystemTime;
use std::time::UNIX_EPOCH;
#[allow(dead_code)]
pub struct Random {
state: u64,
}
impl Random {
pub fn gen_u64(&mut self) -> u64 {
let mut x = self.state;
x ^= x << 13;
x ^= x >> 7;
x ^= x << 17;
self.state = x;
x
}
#[allow(dead_code)]
pub fn next_in_range(&mut self, from: usize, to: usize) -> usize {
assert!(from < to);
(from as u64 + self.gen_u64() % ((to - from) as u64)) as usize
}
pub fn gen_index<T>(&mut self, a: &[T]) -> usize {
self.gen(0..a.len())
}
#[allow(dead_code)]
#[inline(always)]
pub fn gen_double(&mut self) -> f64 {
(self.gen_u64() as f64) / (std::usize::MAX as f64)
}
#[allow(dead_code)]
pub fn new(seed: u64) -> Self {
let state = if seed == 0 { 787788 } else { seed };
Self { state }
}
pub fn new_time_seed() -> Self {
let time = SystemTime::now();
let seed = (time.duration_since(UNIX_EPOCH).unwrap().as_nanos() % 1_000_000_000) as u64;
if seed == 0 {
Self::new(787788)
} else {
Self::new(seed)
}
}
#[allow(dead_code)]
pub fn gen_permutation(&mut self, n: usize) -> Vec<usize> {
let mut result: Vec<_> = (0..n).collect();
for i in 0..n {
let idx = self.next_in_range(0, i + 1);
result.swap(i, idx);
}
result
}
pub fn shuffle<T>(&mut self, a: &mut [T]) {
for i in 1..a.len() {
a.swap(i, self.gen(0..i + 1));
}
}
pub fn gen<T>(&mut self, range: Range<T>) -> T
where
T: Number,
{
let from = T::to_i32(range.start);
let to = T::to_i32(range.end);
assert!(from < to);
let len = (to - from) as usize;
T::from_i32(self.next_in_range(0, len) as i32 + from)
}
pub fn gen_vec<T>(&mut self, n: usize, range: Range<T>) -> Vec<T>
where
T: Number,
{
gen_vec(n, |_| self.gen(range.clone()))
}
pub fn gen_nonempty_range(&mut self, n: usize) -> Range<usize> {
let x = self.gen(0..n);
let y = self.gen(0..n);
if x <= y {
x..y + 1
} else {
y..x + 1
}
}
pub fn gen_bool(&mut self) -> bool {
self.gen(0..2) == 0
}
}
}
pub mod range_intersect {
use crate::algo_lib::misc::num_traits::Number;
use std::cmp::max;
use std::cmp::min;
use std::ops::Range;
pub fn range_intersect<T>(r1: Range<T>, r2: Range<T>) -> Range<T>
where
T: Number + Ord,
{
max(r1.start, r2.start)..min(r1.end, r2.end)
}
pub trait Shift {
fn shift<T>(self, delta: T) -> Self
where
T: Number;
fn shift_left<T>(self, delta: T) -> Self
where
T: Number;
}
impl Shift for Range<usize> {
fn shift<T>(self, delta: T) -> Self
where
T: Number,
{
let start = (self.start as i32 + delta.to_i32()) as usize;
let end = (self.end as i32 + delta.to_i32()) as usize;
start..end
}
fn shift_left<T>(self, delta: T) -> Self
where
T: Number,
{
self.shift(-delta.to_i32())
}
}
}
}
}
fn main() {
let input = algo_lib::io::input::Input::new_stdin();
let mut output = algo_lib::io::output::Output::new_stdout();
crate::solution::run(input, output);
}
Details
Tip: Click on the bar to expand more detailed information
Test #1:
score: 100
Accepted
time: 0ms
memory: 2176kb
input:
5 8 0 7 2 1 0 1 2 4 0 2 1 3 2 3 4 3 1 3 1 2 3 4 3 1 4 2 1 5 3 2 5
output:
5 11 22
result:
ok 3 number(s): "5 11 22"
Test #2:
score: 0
Accepted
time: 0ms
memory: 2304kb
input:
1 1 0 1 1 1 0
output:
result:
ok 0 number(s): ""
Test #3:
score: 0
Accepted
time: 683ms
memory: 2176kb
input:
10 500000 0 0 0 0 0 0 0 0 0 0 3 2 9 2 4 10 2 2 7 2 7 9 3 1 1 3 5 8 1 5 10 0 3 1 9 3 5 9 2 2 4 1 2 4 0 2 5 6 3 8 8 1 4 6 0 1 6 6 0 2 4 10 3 1 9 3 5 7 1 4 10 0 3 6 9 3 2 6 2 1 8 1 5 9 0 3 7 8 3 4 8 2 4 8 2 5 8 2 1 9 2 3 8 1 5 10 0 2 4 8 3 1 6 2 1 4 2 3 7 3 4 10 1 4 6 0 1 1 6 0 2 3 7 1 1 1 0 2 1 10 1 5...
output:
0 0 10 7 0 0 6 3 0 0 0 1 25 12 10 0 0 0 0 17 23 1 20 2 11 27 26 2 18 2 2 0 0 0 2 4 1 0 0 0 7 2 0 4 32 15 7 11 0 4 5 2 8 5 1 6 0 7 0 7 6 3 2 5 0 0 0 7 14 2 5 0 2 0 0 6 12 6 0 2 3 0 0 1 16 12 1 1 12 0 3 4 4 10 3 16 0 17 2 4 0 0 16 8 2 8 18 23 2 24 4 12 7 4 14 5 0 2 8 4 16 10 6 4 21 15 1 3 3 0 2 5 0 2 ...
result:
ok 166844 numbers
Test #4:
score: 0
Accepted
time: 681ms
memory: 2432kb
input:
10 500000 0 0 0 0 0 0 0 0 0 0 2 9 10 1 1 3 0 1 1 2 0 2 2 4 3 8 8 2 6 6 2 5 6 3 2 9 2 4 4 1 2 6 0 2 5 7 1 2 10 0 3 1 4 3 1 10 1 6 7 0 1 1 1 0 1 3 9 0 3 4 7 3 2 8 1 6 9 0 1 3 5 0 1 5 10 0 3 2 5 1 2 9 0 1 7 8 0 2 5 10 3 2 3 2 5 5 2 8 9 3 1 6 2 2 6 2 3 6 3 4 5 1 1 6 0 1 1 5 0 3 3 8 3 2 9 3 3 7 1 2 10 0 ...
output:
0 9 0 0 0 0 0 0 2 5 2 3 1 0 5 7 1 0 1 3 20 1 23 13 7 14 6 19 0 2 1 2 1 1 0 1 2 2 3 1 0 0 12 28 20 0 0 0 0 0 1 0 1 1 0 2 21 6 9 2 5 10 0 0 0 1 2 1 0 0 0 1 1 0 3 0 2 0 2 0 2 2 2 0 8 3 2 1 0 2 12 4 2 0 0 6 0 9 3 15 0 0 6 0 14 11 6 0 5 4 4 26 11 8 7 7 10 0 4 6 2 4 4 6 4 7 0 3 6 4 20 3 17 14 18 14 9 13 8...
result:
ok 166636 numbers
Test #5:
score: 0
Accepted
time: 4686ms
memory: 36488kb
input:
500000 500000 472024 143520 268267 155743 162119 212911 326774 283734 445407 353394 432929 138490 36366 247037 157063 203731 162782 54322 321700 39379 6459 358816 32001 245189 167252 460348 113630 85323 283872 285182 191285 487821 395892 328168 467455 469639 234067 325083 145477 450046 16029 142429 ...
output:
71434 2040073 0 5432967 4856153 0 993046 27244642 6476935 2817769 6321297 0 1187529 2134 9498260 0 2681567 21686068 2490676 0 2661807 0 690198 18532465 0 9360769 6235737 313778 0 9648705 0 0 8508669 8822805 3211337 10292339 7544370 2240353 483384 0 55154 33327240 18370380
result:
ok 43 numbers
Test #6:
score: 0
Accepted
time: 4053ms
memory: 36488kb
input:
500000 500000 388433 403915 446085 342213 78687 132025 495367 415850 421661 324738 378207 424322 385150 269889 110947 491850 37281 306409 22431 1697 406842 92252 168348 80192 462132 79516 120526 288279 17470 275682 152271 54233 472236 35 276649 120315 237183 488247 419837 452391 441014 66447 153212 ...
output:
0 10600620 0 43767619 4782686 10232345 4412493 159348 69708 62635917 17701192 14699133 12064763 9126802 2081338 45471292 45883442 4697355 0 12932289 7016726 10169363 0 13174506 45327610 3641329 0 0 4256057 11932419 14382856 59618831 5083076 0 9224290 386163 7378723 0 3580627 28026646 4142656 864
result:
ok 42 numbers
Test #7:
score: 0
Accepted
time: 1946ms
memory: 36448kb
input:
500000 500000 479926 437241 463165 442883 482915 444087 461466 487254 461406 468960 415679 488432 465667 432378 418975 436295 420224 447180 427716 449925 419677 486311 421747 489458 459908 475134 494380 401790 403258 413272 405948 402969 419474 434108 495957 425562 427603 436210 450367 479354 410354...
output:
36701443351 184439266499 22500855396 85746026145 328305021005 162538918147 150350401810 22920637045 13852539962 39067412639 92429172595 237251842354 394931710496 21570119722 83603567538 209252331194 460591141727 214617443490 187301763591 45072556240 49753452889 19466563448 55475381748 200916751425 2...
result:
ok 28 numbers
Test #8:
score: 0
Accepted
time: 2079ms
memory: 36488kb
input:
500000 500000 438539 454809 449251 445663 486758 446367 442984 456219 414922 453695 477769 484742 434154 472070 485108 449846 400681 471561 486561 474956 443329 412261 400587 480430 431805 449184 439590 424549 402427 407490 408102 405458 406870 487985 473602 498745 429539 498978 469412 488619 408943...
output:
93668649639 33701852016 199548039502 44269197790 76570265242 10105172245 200383688603 398519209106 179352157811 232675265334 15728348664 15364847360 247404088217 75898159725 41706408813 408928114434 27684924765 44538312974 5449813298 17281387832 38345608232 21842419294 29996052332 15931175911 258099...
result:
ok 30 numbers
Test #9:
score: 0
Accepted
time: 1914ms
memory: 36452kb
input:
500000 500000 434730 481230 408985 418465 470127 471567 490243 497279 486030 482414 458146 479835 454128 425079 457685 444119 403090 449163 499728 412566 463628 436633 414337 453375 430632 480587 428138 440690 416854 404384 449640 421561 495508 436928 472268 450178 441005 485538 464512 412638 498506...
output:
24656272800 141255086882 195607306939 46666353192 80767839762 130255280737 18327569150 120542988206 23871948280 214657008425 205939992418 171710574261 18685149876 240314531393 194911610328 130795150885 142017186920 217141866779 21958749952 125395431958 199161297643 101944316611 75760851223 669331873...
result:
ok 26 numbers
Test #10:
score: 0
Accepted
time: 2097ms
memory: 36360kb
input:
500000 500000 468997 423144 405966 472553 409211 425154 447415 466244 463894 442801 420235 411386 422615 475665 499471 457670 483548 433131 458573 497184 462933 462583 493178 420000 478183 489878 497696 463449 451265 498603 451794 464463 482904 415151 414672 458601 418594 448306 459211 481491 486201...
output:
10614425604 243669435335 52563372047 218832094724 35514676956 119533815068 252906424283 173429050746 2124456500 5528228315 224030480644 344450079934 147595983209 16398319817 262227726507 5958773767 29292998479 14872761255 125587241700 12846359719 48762137
result:
ok 21 numbers
Test #11:
score: 0
Accepted
time: 2292ms
memory: 36488kb
input:
500000 500000 32547 192587 367005 274401 465761 366515 412235 325486 83643 346921 134277 306061 401928 496525 289320 349929 177807 190111 267085 494800 331221 467428 91673 212004 87504 7250 155922 417880 205254 95039 253574 226308 276848 23542 369126 104442 414597 89273 335623 201676 246216 416541 6...
output:
0 260155737 0 676143684 1244201 550330658 647441952 464199631 1046006364 829302539 846499041 122476681 226510353 1010367722 0 267984017 496269264 92344180 18754951 60430050 0 0 18802455 0 29587778 96388802 74759632 0 986833002 922648280 1001556 0 0 662467585 241271668 82830174 0 206635387 914944845 ...
result:
ok 44 numbers
Test #12:
score: 0
Accepted
time: 2151ms
memory: 36360kb
input:
500000 500000 459616 112616 383358 113649 250886 304073 373855 258965 251854 168989 350614 25015 158424 193381 317454 18213 460864 162754 148971 472682 180960 338894 496812 395202 195375 411767 75274 464484 12475 145396 290282 317340 286155 447524 331000 145595 423493 412429 487263 313590 339931 184...
output:
0 126599358 1497277395 1361127874 159643809 0 508504919 129764848 448215984 1174439 31382209 1952516509 167025159 0 470556306 0 0 1151835336 704049211 210736736 0 1735793163 16221904 0 246455773 1072007168 2400566610 122027437 0 144590744 68486929 0 0 268763756 661272653 417428569 0 281084040 0 1567...
result:
ok 52 numbers
Test #13:
score: 0
Accepted
time: 2061ms
memory: 36360kb
input:
500000 500000 402860 422151 388752 266948 255471 222652 448268 429799 349970 370309 275203 480593 300392 228104 34884 256264 91262 255897 120699 21758 11023 118939 46493 379254 440259 317830 479753 200724 299534 342477 375826 20287 28005 184986 271888 462514 116082 469960 35555 152537 59188 184454 1...
output:
257063075 0 0 778242340 4910199 4911151 2858795664 3298155162 2579282931 2016695183 68253364 953579562 42214812 251375844 2687932374 4915136946 357021 67389181 251159532 251695451 26876702 434426471 0 2632864838 2120684424 532035586 982138 4248264 0 1034349607 314130659 0 132515150 0 0 16955110 4549...
result:
ok 58 numbers
Test #14:
score: 0
Accepted
time: 5463ms
memory: 36488kb
input:
500000 500000 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 ...
output:
0 81325 139743 0 201529 27668 19029 734705 961093 264921 18551 273166 33632 29880 0 33991 0 180572 14925 22098 0 0 0 0 47244 299142 294540 0 273217 204334 748486 290613 105345 1729389 202824 337579 1066895 1404563 8442 0 0 0 0 0 34003 0 386544 59459 52307 52307 0 0 7052 410486 107806 82434 154388 10...
result:
ok 167135 numbers
Test #15:
score: 0
Accepted
time: 5484ms
memory: 36488kb
input:
500000 500000 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 ...
output:
0 140411 442620 0 581 0 96726 42834 0 39529 296521 226057 183164 265044 926926 507606 0 317953 552827 2662315 39924 830814 950780 108177 907268 876758 0 51576 543623 0 267874 0 246823 23710 837289 182494 0 17704 610322 2047020 1342710 0 0 0 0 99890 44749 16535 32026 0 120089 0 112346 625380 681240 9...
result:
ok 166342 numbers
Test #16:
score: 0
Accepted
time: 680ms
memory: 2304kb
input:
10 500000 9 5 2 5 1 5 2 2 10 1 2 3 7 2 1 9 2 1 8 3 2 10 3 7 9 1 3 9 4 1 7 10 1 2 1 9 2 9 10 1 3 9 5 1 1 7 3 2 7 7 3 1 5 2 5 7 3 2 10 3 2 6 2 1 5 1 7 10 4 3 8 10 1 5 7 5 3 5 10 3 6 9 1 7 9 9 2 3 10 3 6 10 2 8 8 3 4 9 3 6 10 1 1 2 2 2 10 10 1 1 7 8 2 9 10 1 2 8 10 2 5 5 3 3 10 1 6 6 2 3 3 6 2 2 10 3 1...
output:
33 14 15 29 15 12 27 18 36 40 36 73 32 83 40 33 29 51 2 5 4 6 15 16 14 8 18 6 30 4 14 10 22 44 52 30 59 18 36 21 13 30 42 30 70 4 52 20 4 2 16 8 24 24 48 16 22 9 18 16 87 20 6 35 18 14 4 4 16 52 36 36 45 72 45 18 14 45 22 18 18 41 8 9 14 48 4 20 2 10 5 12 2 5 14 6 12 10 2 4 9 2 8 12 11 2 39 37 6 33 ...
result:
ok 166472 numbers
Test #17:
score: 0
Accepted
time: 679ms
memory: 2304kb
input:
10 500000 7 6 8 10 5 5 7 2 6 10 3 7 7 3 1 8 3 7 9 3 9 9 2 4 5 3 1 8 3 6 9 1 4 8 2 1 7 7 10 2 3 5 1 4 7 0 2 4 4 2 6 8 2 4 10 1 1 2 2 3 5 9 2 5 7 2 2 9 1 2 5 10 2 3 9 3 6 8 3 2 5 3 10 10 3 1 3 1 3 5 5 1 3 10 10 3 6 10 1 1 6 6 3 2 7 3 7 8 2 7 8 2 1 6 2 4 7 2 4 7 2 3 4 2 2 6 1 5 6 10 1 3 7 5 3 7 10 1 7 ...
output:
7 50 15 6 50 20 21 11 40 12 22 50 40 20 35 16 26 23 27 50 57 46 25 24 48 42 46 9 39 52 8 33 30 8 64 20 10 8 67 45 55 26 42 7 38 14 6 49 20 30 10 10 0 6 27 12 25 20 6 20 3 35 20 6 56 10 15 25 25 10 11 20 11 2 12 16 6 61 84 59 7 21 28 54 15 11 35 9 32 32 20 37 64 40 20 4 12 9 34 8 15 50 16 17 27 34 24...
result:
ok 166701 numbers
Test #18:
score: 0
Accepted
time: 5470ms
memory: 36492kb
input:
500000 500000 7 5 9 8 2 5 7 2 1 3 6 4 9 8 5 10 1 3 2 7 2 5 9 3 0 5 3 0 2 0 3 8 5 6 3 2 3 5 6 10 5 10 2 7 9 8 6 10 10 1 0 7 6 8 3 7 2 10 9 8 1 10 8 0 9 0 4 4 0 4 6 6 5 0 0 1 8 8 2 0 0 2 9 6 7 2 9 5 8 4 3 10 5 9 3 3 9 5 7 0 5 0 3 10 1 7 7 1 9 4 1 7 5 0 6 10 9 8 6 5 7 7 7 4 1 3 10 7 5 5 0 4 9 10 2 7 2 ...
output:
3216693 2709839 3214736 797186 217324 813348 1959971 2531222 5913568 172268 1309281 311100 3022524 2788586 0 2680450 350727 279267 840649 102004 1474048 312859 305652 208741 300032 940072 220585 1736012 990632 900560 439824 1781350 1578869 1744784 589700 559720 1770758 3154673 2683956 423135 871489 ...
result:
ok 166036 numbers
Test #19:
score: 0
Accepted
time: 5431ms
memory: 36484kb
input:
500000 500000 9 7 0 5 6 5 8 6 8 9 1 6 8 6 1 5 2 5 8 6 3 7 6 2 9 8 4 7 0 4 4 0 4 7 0 3 10 8 6 2 9 6 1 2 4 8 1 1 0 7 1 10 4 1 6 3 10 10 0 4 8 7 6 9 4 0 10 4 8 1 6 2 9 4 9 6 1 10 2 6 8 5 2 8 6 2 3 5 6 1 5 2 10 7 3 4 6 2 6 1 8 9 0 3 7 4 7 2 10 8 10 3 9 8 4 6 10 3 5 4 6 2 0 2 6 8 1 3 1 4 1 5 0 5 10 8 1 8...
output:
1022380 590820 1261566 273330 3659705 1249624 202571 2834913 170034 410724 2747553 1112588 1391095 2411173 361704 193268 1589420 1678714 273589 455934 1093684 987828 1083862 614960 308514 202152 1744530 42924 493879 218803 457398 2393535 721908 1302091 391852 528312 1129570 356620 315120 432894 2919...
result:
ok 166943 numbers
Test #20:
score: 0
Accepted
time: 684ms
memory: 2304kb
input:
10 500000 359960 216426 387725 282884 266303 95055 173811 197937 201475 99419 2 9 10 3 8 9 2 3 8 1 4 6 279026 3 1 4 2 3 4 2 2 3 2 2 9 2 9 9 2 3 8 1 5 6 60928 2 4 5 2 4 10 2 4 6 1 4 7 419070 1 1 1 56859 2 3 3 1 1 6 275611 1 5 9 369754 2 1 4 1 1 6 159097 2 3 6 3 1 10 2 3 7 3 4 5 2 1 8 3 4 5 2 1 3 1 2 ...
output:
399412 1243137 2163263 318194 318194 674342 420302 1033917 609299 1203432 960324 1255500 1047708 1047708 897254 745632 1518030 1269486 772398 1913160 2405670 2082070 364819 247107 315145 315145 102576 1362221 1920792 1920792 90668 409191 45334 1151700 664432 748765 299506 388325 526329 475653 195638...
result:
ok 166295 numbers
Test #21:
score: 0
Accepted
time: 684ms
memory: 2432kb
input:
10 500000 419039 140346 65580 74037 133483 262623 492820 167856 481493 243479 1 3 5 324847 3 4 8 1 3 8 158064 1 1 5 415907 2 3 5 1 2 9 316218 2 2 10 2 3 4 2 4 8 2 3 6 1 2 4 253694 2 1 4 3 4 6 1 4 5 301449 1 2 8 446481 3 6 7 1 6 7 491433 3 4 10 3 6 7 3 4 4 1 3 4 145316 2 4 9 1 1 3 233623 1 4 5 257703...
output:
1572993 886130 892962 2882006 982866 446481 762699 2971696 1498272 2620140 1023281 2386517 1990568 928466 1031380 1410335 1396400 389149 667502 2407004 708576 1821004 596764 627668 350544 252103 544171 634102 376138 5359 531210 177070 177070 284380 407795 500964 890554 1401829 1452300 352152 593671 ...
result:
ok 166709 numbers
Test #22:
score: 0
Accepted
time: 5461ms
memory: 36488kb
input:
500000 500000 421730 494028 264446 219876 412256 19199 253551 89111 448064 203738 205376 428078 272772 332206 42474 489378 498230 213107 219527 466956 246546 67092 97716 126009 107351 235880 456938 189254 471049 215282 499764 82879 118932 205355 120572 455913 144787 265925 120140 119762 56005 425227...
output:
43090130386 7701233540 10779537440 74181997356 11117980091 25801324932 20561212860 27872783920 97306241842 11948601808 1321544700 71880761560 32071882080 114717007801 72392563473 92763768393 9715290931 14605784631 39945451855 28811139243 3865038873 3985842797 100630878910 18163599663 49790253532 289...
result:
ok 166856 numbers
Test #23:
score: 0
Accepted
time: 4421ms
memory: 36356kb
input:
500000 500000 1 5 2 4 0 4 1 2 0 1 0 2 0 0 0 2 2 3 0 0 2 0 2 4 4 5 0 2 4 4 4 5 5 4 5 5 5 2 5 3 0 3 2 4 1 2 5 3 0 2 0 5 0 5 0 0 4 2 4 2 2 5 4 2 3 0 3 2 1 4 0 2 2 0 5 3 5 4 1 3 0 2 0 3 2 5 5 2 1 4 0 2 4 2 4 1 0 0 0 2 3 1 0 1 3 5 2 0 0 4 4 5 4 3 1 5 1 3 3 1 0 1 0 3 1 4 5 5 0 2 5 0 1 5 2 4 1 1 1 1 1 4 3 ...
output:
1508458 42606 528071 927504 4467221 26420015 5969184 23539371 16551051 18514003 3793439 2132656 4621819 7100486 319090 7657693 5269056 22256058 10305560 22301316 20418409 259413 21228754 12406746 11420215 4651837 12094412 10446862 20753184 1959157 22424541 9409873 1453206 22052666 12293015 13479191 ...
result:
ok 169800 numbers
Test #24:
score: 0
Accepted
time: 3076ms
memory: 36492kb
input:
500000 500000 0 0 5 3 1 0 1 3 0 3 3 4 4 5 0 1 0 0 0 1 4 1 4 2 4 3 4 4 5 3 5 2 3 3 0 0 2 1 0 1 4 0 0 1 5 0 5 4 3 5 1 5 3 1 5 0 3 2 0 3 3 3 5 1 1 0 0 5 3 1 0 5 2 5 3 5 0 4 5 4 2 3 2 2 5 1 1 0 5 0 3 1 2 1 4 3 3 0 2 2 2 0 3 3 1 2 1 1 2 3 5 2 0 0 2 1 0 0 1 0 4 5 1 0 1 1 4 2 0 1 5 2 0 5 4 4 1 5 0 2 5 5 3 ...
output:
1438579 13128461 3126308 3610014 5852774 4205331 13827478 17021921 163133 17592516 20135218 8555123 25114667 47701299 7869222 14850177 13456907 22212765 8888557 8904933 22414544 550649 23833908 8610992 72035903 40699198 26039908 25052057 30007019 54630612 68846453 4696894 5202928 6003972 12851990 59...
result:
ok 24853 numbers
Test #25:
score: 0
Accepted
time: 5955ms
memory: 36360kb
input:
500000 500000 2 3 0 2 1 3 1 3 1 4 3 5 5 1 1 5 1 4 0 3 0 4 0 2 4 0 2 2 5 2 1 5 3 1 4 0 2 4 0 3 1 3 3 3 1 0 2 0 0 1 3 4 1 5 0 4 1 1 5 2 2 3 2 4 5 1 1 2 0 0 0 0 2 4 3 2 2 2 5 0 3 4 3 4 2 3 4 1 5 0 5 3 2 5 5 4 4 3 2 4 1 4 1 5 1 5 4 3 3 0 4 0 4 3 2 1 4 5 4 0 0 1 1 5 5 2 4 1 0 1 0 3 0 1 4 5 4 2 2 3 3 0 5 ...
output:
132262 1706241 297698 3749983 44490 10952285 11040084 15231821 2515958 10445241 18470906 3955025 9208346 6665382 17719316 254244 21971033 3970634 14144885 2847861 1119855 1436997 17868999 15438447 3099189 21764250 25346162 17025711 11728471 7153674 9885805 8083717 7312325 30770788 880742 19015700 86...
result:
ok 50108 numbers
Test #26:
score: 0
Accepted
time: 4467ms
memory: 36492kb
input:
500000 500000 5 1 4 9 4 10 9 2 5 6 6 4 2 3 1 1 5 0 10 5 2 6 8 0 7 3 0 0 6 5 0 5 8 9 5 3 5 10 4 4 5 1 10 10 9 5 1 6 1 5 0 0 6 6 10 3 2 8 1 1 10 4 4 3 4 8 7 7 7 3 10 3 3 7 6 3 10 7 8 5 3 4 10 0 1 5 9 6 8 6 2 4 8 4 8 4 0 4 8 10 4 0 3 0 10 0 9 5 4 9 4 3 6 3 8 6 4 10 2 2 3 6 6 10 6 10 1 2 5 8 8 8 8 4 8 5...
output:
230890 830521 1944071 1717801 6201967 2315343 1905125 162445 1678593 10896003 1005539 2659167 2951759 4972852 2045349 724044 2899578 2355209 576942 3097146 9318912 3786225 4914662 5074100 13386913 12247764 19013371 19361038 207875 2068908 4195239 1556749 5540280 4747503 8396472 2204415 762161 249997...
result:
ok 170050 numbers
Test #27:
score: 0
Accepted
time: 3058ms
memory: 36488kb
input:
500000 500000 4 1 8 2 3 0 3 1 10 8 2 9 1 8 5 6 5 0 10 8 9 8 1 8 5 7 7 5 5 6 2 9 3 2 4 2 2 1 8 7 6 0 7 8 6 8 5 4 8 1 0 8 6 7 8 0 9 10 1 6 2 9 7 6 5 6 0 4 5 8 6 10 4 10 5 0 6 10 5 7 2 9 0 3 4 0 5 7 2 0 5 9 7 2 6 5 7 5 1 0 0 2 3 4 10 6 2 6 6 4 7 7 7 1 6 4 7 3 7 0 1 4 4 0 1 2 6 10 10 7 8 1 9 2 1 10 7 6 ...
output:
3115992 10449521 9072173 2952657 18642331 252000 3920861 22715843 32084402 3501683 21405207 698276 29605514 12315095 5183725 9573228 3454516 9457480 66159030 50259130 50485929 14272641 21753722 21275895 2478268 58721794 43699708 18437506 56267235 28651768 39745204 5453918 1571836 8793744 23811869 66...
result:
ok 24878 numbers
Test #28:
score: -100
Time Limit Exceeded
input:
500000 500000 10 6 4 8 10 10 2 9 0 0 7 0 7 4 3 5 8 8 5 1 2 6 0 10 7 1 8 3 8 3 2 1 6 8 3 7 5 9 4 7 10 5 1 3 2 3 4 5 7 3 0 10 0 0 5 10 10 1 5 1 3 2 4 9 7 5 10 8 8 1 3 7 10 0 7 1 8 5 8 8 3 6 9 2 1 4 6 7 3 3 1 9 1 4 3 7 0 2 0 6 10 0 3 6 9 0 9 0 1 10 8 3 3 4 3 5 5 5 0 5 5 6 4 6 10 9 2 0 4 7 10 5 2 9 9 5 ...
output:
2558011 21219039 5789740 17830183 18443523 460023 6050320 11634525 28111596 22231615 42203846 28843973 12756523 41290184 38999537 31323235 8544388 29753393 7746868 5230216 4258062 4198393 34600661 18003331 9265572 1742797 24701305 15480808 6321357 6480955 7361620 3490607 25312398 38243310 34540926 5...